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
zhupengyang 6a09b8f1cb
erase Raises and refine doce of random functions (#26901)
5 years ago
..
dygraph_to_static Raise RuntimeError if run the callable object decorated by '@paddle.jit.to_static' not in dynamic mode. (#26750) 5 years ago
ir Add assign to fusion_group and enhance inplace execution in fusion_group. (#26121) 5 years ago
mkldnn Enable mkldnn layout conversion (#25778) 5 years ago
rnn Add unified RNN APIs (#26588) 5 years ago
sequence API/OP(sequence_first_step, sequence_last_step, sequence_mask, beam_search, beam_search_decode) error message enhancement (#24590) 5 years ago
white_list add intepolte_v2 (#26520) 5 years ago
CMakeLists.txt limit timeout value setting on linux (#26923) 5 years ago
__init__.py set default python3,fix incompatible,cache dir for third party,unify error code,for windows (#26178) 5 years ago
auto_checkpoint_utils.py Finetune the performance of the unittests. (#26402) 5 years ago
benchmark.py
benchmark_sum_op.py
c_comm_init_op.py 【paddle.fleet】paddle.fleet -> paddle.distributed.fleet. (#26186) 5 years ago
check_nan_inf_base.py
collective_allgather_api.py [api 2.0] add collective op for cpu using gloo and paddle.distributed.* apis (#26552) 5 years ago
collective_allgather_op.py
collective_allreduce_api.py [api 2.0] add collective op for cpu using gloo and paddle.distributed.* apis (#26552) 5 years ago
collective_allreduce_op.py
collective_barrier_api.py [api 2.0] add collective op for cpu using gloo and paddle.distributed.* apis (#26552) 5 years ago
collective_broadcast_api.py [api 2.0] add collective op for cpu using gloo and paddle.distributed.* apis (#26552) 5 years ago
collective_broadcast_op.py
collective_reduce_api.py [api 2.0] add collective op for cpu using gloo and paddle.distributed.* apis (#26552) 5 years ago
collective_reduce_op.py Add collective ops (reduce) (#26340) 5 years ago
collective_reduce_op_calc_stream.py Add collective ops (reduce) (#26340) 5 years ago
collective_reducescatter.py
collective_reducescatter_op.py
collective_scatter_api.py [api 2.0] add collective op for cpu using gloo and paddle.distributed.* apis (#26552) 5 years ago
collective_scatter_op.py Add collective ops (reduce) (#26340) 5 years ago
ctr_dataset_reader.py 【paddle.fleet】Support Heter Parameter Server (#25998) 5 years ago
decorator_helper.py
dist_allreduce_op.py
dist_ctr.py
dist_ctr_reader.py
dist_fleet_ctr.py supplement bug fix of parameter server (#26217) 5 years ago
dist_fleet_ctr_ps_gpu.py Fix ps gpu (#26218) 5 years ago
dist_fleet_debug_gloo.py 【paddle.fleet】upgrade fleet: modify role_maker (#26038) 5 years ago
dist_fleet_heter_ctr.py 【paddle.fleet】Support Heter Parameter Server (#25998) 5 years ago
dist_fleet_simnet_bow.py supplement bug fix of parameter server (#26217) 5 years ago
dist_fleet_sparse_embedding_ctr.py add save/load for parameter server (#26235) 5 years ago
dist_mnist.py
dist_mnist_batch_merge.py
dist_mnist_lars.py
dist_save_load.py
dist_se_resnext.py
dist_test.sh fix test=develop (#26697) 5 years ago
dist_test_utils.py
dist_text_classification.py
dist_transformer.py Simplify Program printing code to improve debugging efficiency (#23918) 5 years ago
dist_word2vec.py
fake_reader.py
feed_data_reader.py
find_ports.py
fleet_ps_training.py
gradient_checker.py
hdfs_test_utils.py Finetune the performance of the unittests. (#26402) 5 years ago
ir_memory_optimize_net_base.py
launch_function_helper.py Remove psutil dependency. (#26841) 5 years ago
multi_process.py fix test_launch and test_fleet_launch bug; test=develop (#26015) 5 years ago
op_test.py Fix OpTester from incorrectly converting uint8 data to utf-8 string (#24854) 5 years ago
parallel_dygraph_mnist.py
parallel_dygraph_se_resnext.py
parallel_dygraph_sparse_embedding.py Support SelelctedRows allreduce in multi-cards imperative mode (#24690) 5 years ago
parallel_dygraph_sync_batch_norm.py Update 2.0 convolution api (#26491) 5 years ago
parallel_dygraph_transformer.py Support SelelctedRows allreduce in multi-cards imperative mode (#24690) 5 years ago
parallel_executor_test_base.py Refine paddle.manual_seed (#26496) 5 years ago
parallel_test.sh Finetune the performance of the unittests. (#26402) 5 years ago
py_precise_roi_pool.py
seresnext_net.py Remove cudnn conv in unittest, test=develop (#26489) 5 years ago
seresnext_test_base.py [FixUnitTest] Fix a Batch Size Random Unit Test Failure (#24718) 5 years ago
simnet_dataset_reader.py supplement bug fix of parameter server (#26217) 5 years ago
simple_nets.py try to fix two unittests, test=develop (#25372) 5 years ago
spawn_runner_base.py Add interface to launch parallel dygraph by multiprocessing (#26044) 5 years ago
test_accuracy_op.py
test_activation_nn_grad.py
test_activation_op.py Fix pow api type error with python side method, merge elementwise_pow and pow. (#26163) 5 years ago
test_adadelta_op.py Adadelta Optimizer (#26590) 5 years ago
test_adagrad_op.py
test_adam_op.py add embedding 2.0 (#26649) 5 years ago
test_adam_optimizer_fp32_fp64.py
test_adamax_api.py [2.0 API] add paddle.nn.functional.linear and fix paddle.nn.Linear (#26480) 5 years ago
test_adamax_op.py update optimizer (#26711) 5 years ago
test_adamw_op.py update optimizer (#26711) 5 years ago
test_adaptive_avg_pool1d.py [API2.0]Unify pooling function and add adaptive max pooling function (#26483) 5 years ago
test_adaptive_avg_pool2d.py [2.0API]Add adaptive_avg_pool_2/3d (#26369) 5 years ago
test_adaptive_avg_pool3d.py [2.0API]Add adaptive_avg_pool_2/3d (#26369) 5 years ago
test_adaptive_max_pool1d.py [API2.0]Unify pooling function and add adaptive max pooling function (#26483) 5 years ago
test_adaptive_max_pool2d.py [API2.0]Unify pooling function and add adaptive max pooling function (#26483) 5 years ago
test_adaptive_max_pool3d.py [API2.0]Unify pooling function and add adaptive max pooling function (#26483) 5 years ago
test_add_position_encoding_op.py OP(warpctc, add_position_encoding, scaled_dot_product_attention) error message enhancement (#24261) 5 years ago
test_add_reader_dependency.py add reader dependency pass, test=develop (#23301) 5 years ago
test_addcmul.py remove all op with out args (#25570) 5 years ago
test_addmm_op.py fixed imperative module in doc example code (#26149) 5 years ago
test_affine_channel_op.py reduce the execution time of affine_channel op unittests (#26393) 5 years ago
test_affine_grid_function.py 【2.0 API】Enhance affine grid operator (#26385) 5 years ago
test_affine_grid_op.py 【2.0 API】Enhance affine grid operator (#26385) 5 years ago
test_allclose_layer.py Add allclose_op (#23335) 5 years ago
test_allclose_op.py rename the inputs of allclose (#26360) 5 years ago
test_allgather.py
test_allreduce.py
test_amp_check_finite_and_scale_op.py Feature/add amp_checkout_finite_and_scale op (#24875) 5 years ago
test_anchor_generator_op.py
test_arange.py Paddle-2.0 API directory migration (#25898) 5 years ago
test_arg_min_max_op.py add the argmax, argmin for the api2.0 5 years ago
test_arg_min_max_v2_op.py fix the argmin,argmax op for the paddlepaddle 2.0 5 years ago
test_argsort_op.py Paddle-2.0 API directory migration (#25898) 5 years ago
test_array_read_write_op.py API(fluid.layers.array_read/array_write) error message enhancement (#23568) 5 years ago
test_assert_op.py Add Assert Op (#24280) 5 years ago
test_assign_op.py Add the support of bool list for assign_value op (#23774) 5 years ago
test_assign_value_op.py Add the support of bool list for assign_value op (#23774) 5 years ago
test_async_ssa_graph_executor_mnist.py Support LoDTensorArray in fetch (#23645) 5 years ago
test_attention_lstm_op.py
test_auc_op.py Upgrade Error Message for AucOP & MultiplexOP (#24458) 5 years ago
test_auc_single_pred_op.py
test_auto_checkpoint.py Finetune the performance of the unittests. (#26402) 5 years ago
test_auto_checkpoint1.py Finetune the performance of the unittests. (#26402) 5 years ago
test_auto_checkpoint2.py Finetune the performance of the unittests. (#26402) 5 years ago
test_auto_checkpoint3.py Finetune the performance of the unittests. (#26402) 5 years ago
test_auto_checkpoint_dist_basic.py Finetune the performance of the unittests. (#26402) 5 years ago
test_auto_checkpoint_multiple.py Finetune the performance of the unittests. (#26402) 5 years ago
test_auto_growth_gpu_memory_limit.py
test_avoid_twice_initialization.py
test_backward.py API(append_backward) error message enhancement (#23446) 5 years ago
test_base_layer.py Enhance add_parameter check for dygraph layer (#26188) 5 years ago
test_basic_gru_api.py
test_basic_gru_unit_op.py
test_basic_lstm_api.py
test_basic_lstm_unit_op.py
test_basic_rnn_name.py
test_batch_fc_op.py Add batch_fc op in contrib (#24017) 5 years ago
test_batch_norm_op.py Add trainable_statistics in attr for batch_norm. (#24072) 5 years ago
test_batch_norm_op_v2.py fix norm bug, test=develop (#26827) 5 years ago
test_batch_sampler.py Move hapi to python/paddle root dir. (#26442) 5 years ago
test_bce_loss.py change to use bce_loss op, add shape check for bce_loss 5 years ago
test_bce_with_logits_loss.py add binary cross entropy with logit loss (#26468) 5 years ago
test_beam_search_decode_op.py API/OP(sequence_first_step, sequence_last_step, sequence_mask, beam_search, beam_search_decode) error message enhancement (#24590) 5 years ago
test_beam_search_op.py Fix beam_search InferShape (#25169) 5 years ago
test_bernoulli_op.py add bernoulli op (#26511) 5 years ago
test_bicubic_interp_op.py update interpolate & upsample api's doc (#24553) 5 years ago
test_bicubic_interp_v2_op.py add intepolte_v2 (#26520) 5 years ago
test_bilateral_slice_op.py Add bilateral_slice op (#25401) 5 years ago
test_bilinear_api.py api2.0 paddle.nn.Bilinear and paddle.nn.functional.bilinear (#26399) 5 years ago
test_bilinear_interp_op.py
test_bilinear_interp_v2_op.py add intepolte_v2 (#26520) 5 years ago
test_bilinear_tensor_product_op.py API(BilinearTensorProduct) error message enhancement (#23528) 5 years ago
test_bipartite_match_op.py Support empty bbox in bipartite math op (#26488) 5 years ago
test_bmm_op.py fix 4 apis test=develop (#25529) 5 years ago
test_box_clip_op.py
test_box_coder_op.py
test_box_decoder_and_assign_op.py
test_boxps.py modify pipeline optimizer to only support the mode of sync pipeline training (#25065) 5 years ago
test_bpr_loss_op.py
test_broadcast.py
test_buffer_shared_memory_reuse_pass.py Refine paddle.manual_seed (#26496) 5 years ago
test_buffer_shared_memory_reuse_pass_and_fuse_optimization_op_pass.py
test_build_strategy_fusion_group_pass.py
test_c_comm_init_all_op.py
test_c_comm_init_op.sh 【paddle.fleet】add the support for multi-node training for pipeline (#25907) 5 years ago
test_calc_gradient.py Fix double_grad bug in statig-graph (#24190) 5 years ago
test_case.py API (case) error message enhancement. test=develop (#23428) 5 years ago
test_cast_op.py API(argsort, argmax, argmin, cast, diag) error message enhancement 5 years ago
test_center_loss.py API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794) 5 years ago
test_check_import_scipy.py
test_checkpoint_saver.py Save checkpoint automatically (#25917) 5 years ago
test_cholesky_op.py add error message for cholesky (#26444) 5 years ago
test_chunk_eval_op.py API(dynamic_gru, chunk_eval, BeamSearchDecoder) error message enhancement (#24513) 5 years ago
test_chunk_op.py 【API2.0】add Chunk API (#26314) 5 years ago
test_clip_by_norm_op.py
test_clip_op.py Fix clip op attr (#26924) 5 years ago
test_coalesce_tensor_op.py
test_collect_fpn_proposals_op.py
test_collective_allgather_api.py [api 2.0] add collective op for cpu using gloo and paddle.distributed.* apis (#26552) 5 years ago
test_collective_allreduce_api.py [api 2.0] add collective op for cpu using gloo and paddle.distributed.* apis (#26552) 5 years ago
test_collective_api_base.py update copyright year, test=document_fix (#26586) 5 years ago
test_collective_barrier_api.py [api 2.0] add collective op for cpu using gloo and paddle.distributed.* apis (#26552) 5 years ago
test_collective_base.py Add collective ops (reduce) (#26340) 5 years ago
test_collective_broadcast_api.py [api 2.0] add collective op for cpu using gloo and paddle.distributed.* apis (#26552) 5 years ago
test_collective_optimizer.py fix AMP and recompute (#23551) 5 years ago
test_collective_reduce.py Add collective ops (reduce) (#26340) 5 years ago
test_collective_reduce_api.py [api 2.0] add collective op for cpu using gloo and paddle.distributed.* apis (#26552) 5 years ago
test_collective_scatter.py Add collective ops (reduce) (#26340) 5 years ago
test_collective_scatter_api.py [api 2.0] add collective op for cpu using gloo and paddle.distributed.* apis (#26552) 5 years ago
test_communicator_async.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_communicator_geo.py 【paddle.fleet】solve the initial configuration about fleet and rolemaker (#26368) 5 years ago
test_communicator_half_async.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_communicator_sync.py 【paddle.fleet】solve the initial configuration about fleet and rolemaker (#26368) 5 years ago
test_compare_op.py [Paddle2.0] Rename hapi.Input and move `data` api (#26396) 5 years ago
test_compare_reduce_op.py Update the api for the compare_ops 5 years ago
test_compat.py
test_compiled_program.py Refine paddle.manual_seed (#26496) 5 years ago
test_complex_elementwise_layers.py Move complex into dir incubate (#24254) 5 years ago
test_complex_kron.py Move complex into dir incubate (#24254) 5 years ago
test_complex_matmul.py Add complex layer for transpose & matmul, test=develop (#24195) 5 years ago
test_complex_reshape.py Move complex into dir incubate (#24254) 5 years ago
test_complex_sum_layer.py Move complex into dir incubate (#24254) 5 years ago
test_complex_trace_layer.py modify trace api test=develop (#25397) 5 years ago
test_complex_transpose.py Add complex layer for transpose & matmul, test=develop (#24195) 5 years ago
test_complex_variable.py Add complex layer for transpose & matmul, test=develop (#24195) 5 years ago
test_concat_op.py Paddle-2.0 API directory migration (#25898) 5 years ago
test_cond.py Handle Windows flaky test (#25070) 5 years ago
test_conditional_block.py
test_const_value.py
test_context_manager.py add try finally, test=develop (#24243) 5 years ago
test_conv1d_layer.py fix conv1d padding (#26921) 5 years ago
test_conv1d_transpose_layer.py fix conv1d padding (#26921) 5 years ago
test_conv2d_fusion_op.py Op(conv2d_fusion) error message enhancement. (#23596) 5 years ago
test_conv2d_layer.py Update 2.0 convolution api (#26491) 5 years ago
test_conv2d_op.py
test_conv2d_transpose_layer.py Update conv_transpose api (#26427) 5 years ago
test_conv2d_transpose_op.py Update conv_transpose api (#26427) 5 years ago
test_conv3d_layer.py Update 2.0 convolution api (#26491) 5 years ago
test_conv3d_op.py
test_conv3d_transpose_layer.py Update conv_transpose api (#26427) 5 years ago
test_conv3d_transpose_op.py fix conv3d_transpose_test timeout error (#25004) 5 years ago
test_conv3d_transpose_part2_op.py fix conv3d_transpose_test timeout error (#25004) 5 years ago
test_conv_nn_grad.py
test_conv_shift_op.py
test_cos_sim_op.py API/OP error message enhancement (#23691) 5 years ago
test_cosine_similarity_api.py test=develop rename CosSim interface (#26522) 5 years ago
test_create_global_var.py fix error in convert_dtype: ValueError->TypeError and polish message (#25788) 5 years ago
test_create_op_doc_string.py
test_create_parameter.py API (create_parameter, create_global_var) error message enhancement (#23623) 5 years ago
test_crf_decoding_op.py
test_crop_op.py
test_crop_tensor_op.py
test_cross_entropy2_op.py
test_cross_entropy_loss.py add cross_entropy to nn/layer and nn/functional, test=develop (#26478) 5 years ago
test_cross_entropy_op.py
test_cross_op.py update cross op parameters for API 2.0 5 years ago
test_crypto.py Add crypto python (#24836) 5 years ago
test_ctc_align.py API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794) 5 years ago
test_cudnn_grucell.py Fix dygraph rnn doc (#24148) 5 years ago
test_cudnn_lstmcell.py Fix dygraph rnn doc (#24148) 5 years ago
test_cumsum_op.py [Paddle2.0] Rename hapi.Input and move `data` api (#26396) 5 years ago
test_cvm_op.py
test_cyclic_cifar_dataset.py
test_data.py add paddle.static.data (#26525) 5 years ago
test_data_norm_op.py fix datanorm op add attr bug test=develop (#25000) 5 years ago
test_dataloader_dataset.py Refine DataLoader support multi-processing (#23107) 5 years ago
test_dataloader_early_reset.py
test_dataloader_keep_order.py try to fix two unittests, test=develop (#25372) 5 years ago
test_dataloader_unkeep_order.py Reader sequential and inference partial feed (#22699) 5 years ago
test_dataset.py 【paddle.fleet】paddle.fleet -> paddle.distributed.fleet. (#26186) 5 years ago
test_dataset_dataloader.py 【paddle.fleet】paddle.fleet -> paddle.distributed.fleet. (#26186) 5 years ago
test_dataset_download.py
test_dataset_sentiment.py
test_debugger.py
test_decayed_adagrad_op.py
test_decoupled_py_reader.py Refine paddle.manual_seed (#26496) 5 years ago
test_decoupled_py_reader_data_check.py
test_default_dtype.py set_default_dtype only support float (#26435) 5 years ago
test_default_scope_funcs.py
test_deformable_conv_op.py enhance some op/api error message (#23768) 5 years ago
test_deformable_conv_v1_op.py enhance some op/api error message (#23768) 5 years ago
test_deformable_psroi_pooling.py OP(retinanet_detection_output, retinanet_target_assign, sigmoid_focal_loss, deformable_roi_pooling) error message enhancement. test=develop (#23726) 5 years ago
test_density_prior_box_op.py
test_deprecated_decorator.py add deprecated information to the top of an API docstring (#26818) 5 years ago
test_deprecated_memory_optimize_interfaces.py
test_dequantize_abs_max_op.py
test_dequantize_log_op.py remove pow to speed up in dequantize_log op (#24607) 5 years ago
test_desc_clone.py Save checkpoint automatically (#25917) 5 years ago
test_detach.py Dev/add fake_interface_only decorator for some function of Variable (#24083) 5 years ago
test_detection_map_op.py
test_device.py [API2.0] add Device api (set_device and get_device)(#26103) 5 years ago
test_device_guard.py add the support to specify device index for device_guard (#24555) 5 years ago
test_dgc_momentum_op.py
test_dgc_op.py
test_dgc_optimizer.py add string variable support for RecomputeOptimizer (#25728) 5 years ago
test_diag.py add parameters check in static mode for diag op 5 years ago
test_diag_embed.py add diag_embed op (#23385) 5 years ago
test_directory_migration.py Add interface to launch parallel dygraph by multiprocessing (#26044) 5 years ago
test_dist_allreduce_op.py
test_dist_base.py Add interface to launch parallel dygraph by multiprocessing (#26044) 5 years ago
test_dist_fleet_a_sync_optimizer_async.py [WIP] update optimizer for 2.0 (#26288) 5 years ago
test_dist_fleet_a_sync_optimizer_geo.py [WIP] update optimizer for 2.0 (#26288) 5 years ago
test_dist_fleet_a_sync_optimizer_sync.py [WIP] update optimizer for 2.0 (#26288) 5 years ago
test_dist_fleet_base.py add print test_dist UT elapsed time (#26397) 5 years ago
test_dist_fleet_ctr.py supplement bug fix of parameter server (#26217) 5 years ago
test_dist_fleet_geo.py supplement bug fix of parameter server (#26217) 5 years ago
test_dist_fleet_gloo.py 【paddle.fleet】solve the initial configuration about fleet and rolemaker (#26368) 5 years ago
test_dist_fleet_grad_clip.py supplement bug fix of parameter server (#26217) 5 years ago
test_dist_fleet_heter_base.py 【paddle.fleet】Support Heter Parameter Server (#25998) 5 years ago
test_dist_fleet_heter_ctr.py 【paddle.fleet】Support Heter Parameter Server (#25998) 5 years ago
test_dist_fleet_heter_program.py 【paddle.fleet】Support Heter Parameter Server (#25998) 5 years ago
test_dist_fleet_ps.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_dist_fleet_ps2.py [WIP] update optimizer for 2.0 (#26288) 5 years ago
test_dist_fleet_ps3.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_dist_fleet_ps4.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_dist_fleet_ps5.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_dist_fleet_simnet.py supplement bug fix of parameter server (#26217) 5 years ago
test_dist_fleet_sparse_embedding_ctr.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_dist_mnist_backward_deps.py
test_dist_mnist_batch_merge.py
test_dist_mnist_dgc_nccl.py 【paddle.fleet】Add dgc to fleet meta optimizer (#25738) 5 years ago
test_dist_mnist_fleet_save.py
test_dist_mnist_fleetapi.py
test_dist_mnist_hallreduce.py
test_dist_mnist_lars.py
test_dist_mnist_multi_comm.py
test_dist_mnist_pg.py
test_dist_mnist_ring_allreduce.py
test_dist_mnist_train.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_dist_mnist_with_program.py
test_dist_op.py add dist op (#23503) 5 years ago
test_dist_save_load.py
test_dist_se_resnext_dgc.py
test_dist_se_resnext_nccl.py
test_dist_se_resnext_sync.py
test_dist_text_classification.py
test_dist_train.py
test_dist_transformer.py
test_dist_transpiler.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_dist_transpiler_async_decay.py add div, floor_div, remainder (#26562) 5 years ago
test_dist_transpiler_config.py
test_dist_word2vec.py
test_distribute_fpn_proposals_op.py
test_distributed_strategy.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_distribution.py fix sample method of Uniform and Normal class (#26713) 5 years ago
test_distributions.py Enhance some op error message (#23711) 5 years ago
test_dot_op.py add new dot op(#23418) 5 years ago
test_downpoursgd.py
test_dpsgd_op.py
test_dropout_op.py fix dropout bug in backward when input is 1d tensor (#26837) 5 years ago
test_dygraph_mnist_fp16.py
test_dygraph_multi_forward.py Refine paddle.manual_seed (#26496) 5 years ago
test_dygraph_weight_norm.py Update 2.0 convolution api (#26491) 5 years ago
test_dyn_rnn.py Repair unittest: test_dyn_rnn (#24031) 5 years ago
test_dynamic_rnn_stop_gradient.py
test_dynrnn_gradient_check.py
test_dynrnn_static_input.py
test_eager_deletion_conditional_block.py
test_eager_deletion_delete_vars.py Remove: NGraph engine from PDPD repository (#23545) 5 years ago
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 Refine paddle.manual_seed (#26496) 5 years ago
test_eager_deletion_recurrent_op.py
test_eager_deletion_while_op.py
test_edit_distance_op.py
test_elementwise_add_op.py Update `paddle.add` (#25910) 5 years ago
test_elementwise_div_op.py add div, floor_div, remainder (#26562) 5 years ago
test_elementwise_floordiv_op.py fix remainder, floor_div (#26732) 5 years ago
test_elementwise_gradient_op.py
test_elementwise_max_op.py
test_elementwise_min_op.py
test_elementwise_mod_op.py fix remainder, floor_div (#26732) 5 years ago
test_elementwise_mul_op.py
test_elementwise_nn_grad.py reduce the time cost for the testcase of test_nn_elementwise_grad (#26451) 5 years ago
test_elementwise_pow_op.py
test_elementwise_sub_op.py
test_ema.py
test_embedding_id_stop_gradient.py Refine paddle.manual_seed (#26496) 5 years ago
test_entry_attr.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_entry_attr2.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_erf_op.py Fix paddle.nn.data in new unittest (#26484) 5 years ago
test_exception.py Refine error message in pybind folder (#24886) 5 years ago
test_executor_and_mul.py Support LoDTensorArray in fetch (#23645) 5 years ago
test_executor_and_use_program_cache.py
test_executor_check_feed.py Add check if fluid.data() variable no feed data (#25858) 5 years ago
test_executor_feed_non_tensor.py refine as_lodtensor, test=develop (#25286) 5 years ago
test_executor_return_tensor_not_overwriting.py
test_expand_as_op.py add deprecated decorator for old apis expand and expand_as (#26759) 5 years ago
test_expand_as_v2_op.py [2.0 api] fix the example codes in doc strings (#26428) 5 years ago
test_expand_op.py
test_expand_v2_op.py Improve expand as (#26290) 5 years ago
test_eye_op.py Paddle-2.0 API directory migration (#25898) 5 years ago
test_fake_dequantize_op.py [Quantization] Conv2d_transpose and mul support channnelwise quantization (#25639) 5 years ago
test_fake_init_op.py
test_fake_quantize_op.py [Quantization] Conv2d_transpose and mul support channnelwise quantization (#25639) 5 years ago
test_fc_op.py Refine paddle.manual_seed (#26496) 5 years ago
test_feed_data_check_shape_type.py
test_feed_fetch_method.py Support LoDTensorArray in fetch (#23645) 5 years ago
test_fetch_handler.py
test_fetch_lod_tensor_array.py Support LoDTensorArray in fetch (#23645) 5 years ago
test_fetch_unmerged.py
test_fetch_var.py
test_fill_any_like_op.py refine the full_like Op for API 2.0 test=develop (#25294) 5 years ago
test_fill_constant_op.py refine the usage of numpy element fetch for Ops test=develop (#26194) 5 years ago
test_fill_op.py
test_fill_zeros_like2_op.py Add the error raise for some operators, add some test cases 5 years ago
test_fill_zeros_like_op.py
test_filter_by_instag_op.py
test_flatten2_op.py fix check and error message for flatten hash is_empty op (#24434) 5 years ago
test_flatten_contiguous_range_op.py [Paddle2.0] Rename hapi.Input and move `data` api (#26396) 5 years ago
test_flatten_op.py
test_fleet.py 【paddle.fleet】upgrade fleet: modify role_maker (#26038) 5 years ago
test_fleet_amp_meta_optimizer.py [WIP] update optimizer for 2.0 (#26288) 5 years ago
test_fleet_api_input.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_fleet_base.py add save/load for parameter server (#26235) 5 years ago
test_fleet_base_2.py 【paddle.fleet】solve the initial configuration about fleet and rolemaker (#26368) 5 years ago
test_fleet_base_3.py Adadelta Optimizer (#26590) 5 years ago
test_fleet_base_4.py 【paddle.fleet】solve the initial configuration about fleet and rolemaker (#26368) 5 years ago
test_fleet_checkpoint.py Save checkpoint automatically (#25917) 5 years ago
test_fleet_dgc_meta_optimizer.py [WIP] update optimizer for 2.0 (#26288) 5 years ago
test_fleet_distributed_strategy.py 【paddle.fleet】add cudnn related strategies to DistributedStrategy (#26598) 5 years ago
test_fleet_gradient_merge_meta_optimizer.py [WIP] update optimizer for 2.0 (#26288) 5 years ago
test_fleet_graph_execution_meta_optimizer.py Remove psutil dependency. (#26841) 5 years ago
test_fleet_graph_executor.py [WIP] update optimizer for 2.0 (#26288) 5 years ago
test_fleet_lamb_meta_optimizer.py [WIP] update optimizer for 2.0 (#26288) 5 years ago
test_fleet_lars_meta_optimizer.py [WIP] update optimizer for 2.0 (#26288) 5 years ago
test_fleet_launch.sh ps worker-ports are optional for users for fleetrun command; test=develop (#26090) 5 years ago
test_fleet_localsgd_meta_optimizer.py [WIP] update optimizer for 2.0 (#26288) 5 years ago
test_fleet_meta_optimizer_base.py 【paddle.fleet】solve the initial configuration about fleet and rolemaker (#26368) 5 years ago
test_fleet_metric.py 【paddle.fleet】paddle.fleet -> paddle.distributed.fleet. (#26186) 5 years ago
test_fleet_nocvm_1.py 【paddle.fleet】upgrade fleet: modify role_maker (#26038) 5 years ago
test_fleet_pipeline_meta_optimizer.py [WIP] update optimizer for 2.0 (#26288) 5 years ago
test_fleet_private_function.py 【paddle.fleet】paddle.fleet -> paddle.distributed.fleet. (#26186) 5 years ago
test_fleet_ps.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_fleet_pyramid_hash.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_fleet_recompute_meta_optimizer.py [WIP] update optimizer for 2.0 (#26288) 5 years ago
test_fleet_rolemaker.py 【paddle.fleet】upgrade fleet: modify role_maker (#26038) 5 years ago
test_fleet_rolemaker_2.py 【paddle.fleet】paddle.fleet -> paddle.distributed.fleet. (#26186) 5 years ago
test_fleet_rolemaker_3.py 【paddle.fleet】upgrade fleet: modify role_maker (#26038) 5 years ago
test_fleet_rolemaker_4.py 【paddle.fleet】paddle.fleet -> paddle.distributed.fleet. (#26186) 5 years ago
test_fleet_rolemaker_new.py add feature to fleet2.0 role_maker, distribute_strategy, test=develop (#26267) 5 years ago
test_fleet_runtime.py add save/load for parameter server (#26235) 5 years ago
test_fleet_unitaccessor.py 【paddle.fleet】upgrade fleet: modify role_maker (#26038) 5 years ago
test_fleet_util.py 【paddle.fleet】solve the initial configuration about fleet and rolemaker (#26368) 5 years ago
test_fleet_utils.py
test_flip.py modify flip test=develop (#25312) 5 years ago
test_framework_debug_str.py Simplify Program printing code to improve debugging efficiency (#23918) 5 years ago
test_fs_interface.py 【paddle.fleet】paddle.fleet -> paddle.distributed.fleet. (#26186) 5 years ago
test_fsp_op.py API(has_inf, has_nan, cumsum, fsp_matrix, increment) error message enhancement, test=develop (#23769) 5 years ago
test_ftrl_op.py FTRL with sparse update, test=develop (#22092) 5 years ago
test_full_like_op.py Paddle-2.0 API directory migration (#25898) 5 years ago
test_full_op.py fix error in convert_dtype: ValueError->TypeError and polish message (#25788) 5 years ago
test_functional_conv2d.py Update 2.0 convolution api (#26491) 5 years ago
test_functional_conv2d_transpose.py Update conv_transpose api (#26427) 5 years ago
test_functional_conv3d.py Update 2.0 convolution api (#26491) 5 years ago
test_functional_conv3d_transpose.py Update conv_transpose api (#26427) 5 years ago
test_fuse_all_reduce_pass.py Refine paddle.manual_seed (#26496) 5 years ago
test_fuse_bn_act_pass.py Refine paddle.manual_seed (#26496) 5 years ago
test_fuse_elewise_add_act_pass.py
test_fuse_optimizer_pass.py Refine paddle.manual_seed (#26496) 5 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_fused_fc_elementwise_layernorm_op.py
test_fused_multihead_matmul_op.py
test_fusion_gru_op.py Add oneDNN fusion_gru kernel (#25594) 5 years ago
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_gast_with_compatibility.py
test_gather_nd_op.py gather_nd Op for API 2.0 refine (#26540) 5 years ago
test_gather_op.py add paddle.gather for API2.0 (#26455) 5 years ago
test_gather_tree_op.py Fix error info (#23891) 5 years ago
test_gaussian_random_op.py erase Raises and refine doce of random functions (#26901) 5 years ago
test_gelu_op.py
test_generate_mask_labels_op.py
test_generate_proposal_labels_op.py support generator seed in related kernals test=develop (#26495) 5 years ago
test_generate_proposals_op.py fix generate_proposals (#23797) 5 years ago
test_generator.py Refine paddle.manual_seed (#26496) 5 years ago
test_generator_dataloader.py Refine paddle.manual_seed (#26496) 5 years ago
test_get_places_op.py OP(compare/get_places/shrink_rnn_memory) error message enhancement (#23780) 5 years ago
test_get_set_flags.py Add use of global flag 'use_mkldnn' to layer_helper (#26497) 5 years ago
test_get_tensor_from_selected_rows_op.py python API(get_tensor_from_selected_rows and tensor_array_to_tensor)error message enhance, test=develop (#23636) 5 years ago
test_global_var_getter_setter.py Add use of global flag 'use_mkldnn' to layer_helper (#26497) 5 years ago
test_glu.py API/OP (margin_rank_loss, nce, row_conv, positive_negative_pair) erro… (#24246) 5 years ago
test_grad_clip_minimize.py add new method of gradient_clip, better to use,test=develop (#23224) 5 years ago
test_gradient_clip.py move the initialize position of grad_clip to optimizer(__init__),and speed up clip (#23782) 5 years ago
test_grid_sample_function.py 【2.0 API】Add CUDA kernel and enhance options for grid_sample (#26576) 5 years ago
test_grid_sampler_op.py 【2.0 API】Add CUDA kernel and enhance options for grid_sample (#26576) 5 years ago
test_group_norm_op.py API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118) 5 years ago
test_group_norm_op_v2.py fix norm bug, test=develop (#26827) 5 years ago
test_gru_op.py API(dynamic_gru, chunk_eval, BeamSearchDecoder) error message enhancement (#24513) 5 years ago
test_gru_unit_op.py Fix error info (#23891) 5 years ago
test_hash_op.py fix check and error message for flatten hash is_empty op (#24434) 5 years ago
test_hdfs1.py Finetune the performance of the unittests. (#26402) 5 years ago
test_hdfs2.py Finetune the performance of the unittests. (#26402) 5 years ago
test_hdfs3.py Finetune the performance of the unittests. (#26402) 5 years ago
test_hinge_loss_op.py
test_histogram_op.py Add histc op (#24562) 5 years ago
test_hsigmoid.py Add row_conv and hsigmoid into paddle.nn(functional and layer) (#23517) 5 years ago
test_hsigmoid_op.py Refine paddle.manual_seed (#26496) 5 years ago
test_huber_loss_op.py refine huber loss unittest, test=develop (#24263) 5 years ago
test_im2sequence_op.py
test_image_classification_layer.py
test_imperative_auto_mixed_precision.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_auto_prune.py Update the demo code and the doc of varbase.backward. (#26506) 5 years ago
test_imperative_base.py
test_imperative_basic.py Add use of global flag 'use_mkldnn' to layer_helper (#26497) 5 years ago
test_imperative_container_layerlist.py Api move 20a (#24559) 5 years ago
test_imperative_container_parameterlist.py Api move 20a (#24559) 5 years ago
test_imperative_container_sequential.py
test_imperative_data_loader_base.py Add pin memory control for BufferedReader (#26026) 5 years ago
test_imperative_data_loader_exception.py
test_imperative_data_loader_exit_func.py
test_imperative_data_loader_fds_clear.py Refine DataLoader support multi-processing (#23107) 5 years ago
test_imperative_data_loader_process.py
test_imperative_data_parallel.py Add interface to launch parallel dygraph by multiprocessing (#26044) 5 years ago
test_imperative_debug_string.py
test_imperative_decorator.py Revert `no_grad` changes and add new implementation (#26826) 5 years ago
test_imperative_deepcf.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_double_grad.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_framework.py Refine __str__ of VarBase and ParamBase, test=develop (#25345) 5 years ago
test_imperative_gan.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_gnn.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_hook_for_layer.py Update the demo code and the doc of varbase.backward. (#26506) 5 years ago
test_imperative_layer_apply.py [2.0 API] add paddle.nn.functional.linear and fix paddle.nn.Linear (#26480) 5 years ago
test_imperative_layer_children.py Update 2.0 convolution api (#26491) 5 years ago
test_imperative_layer_trainable.py Connect stop gradient with trainbale (#25248) 5 years ago
test_imperative_load_static_param.py
test_imperative_lod_tensor_to_selected_rows.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_mnist.py Paddle-2.0 API directory migration (#25898) 5 years ago
test_imperative_mnist_sorted_gradient.py Update the demo code and the doc of varbase.backward. (#26506) 5 years ago
test_imperative_named_members.py fix Layer.__dir__ to show the parameters/sublayers/buffers/attr/method of the Layer (#25197) 5 years ago
test_imperative_numpy_bridge.py
test_imperative_ocr_attention_model.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_optimizer.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_optimizer_v2.py update optimizer (#26711) 5 years ago
test_imperative_parallel_coalesce_split.py
test_imperative_partitial_backward.py
test_imperative_ptb_rnn.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_ptb_rnn_sorted_gradient.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_recurrent_usage.py
test_imperative_reinforcement.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_resnet.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_resnet_sorted_gradient.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_save_load.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_save_load_v2.py fix ut (#26844) 5 years ago
test_imperative_se_resnext.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_selected_rows.py Update the demo code and the doc of varbase.backward. (#26506) 5 years ago
test_imperative_selected_rows_to_lod_tensor.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_signal_handler.py Refine DataLoader support multi-processing (#23107) 5 years ago
test_imperative_star_gan_with_gradient_penalty.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_static_runner_mnist.py Update the demo code and the doc of varbase.backward. (#26506) 5 years ago
test_imperative_static_runner_while.py Update the demo code and the doc of varbase.backward. (#26506) 5 years ago
test_imperative_trace_non_persistable_inputs.py
test_imperative_transformer_sorted_gradient.py Refine paddle.manual_seed (#26496) 5 years ago
test_imperative_using_non_zero_gpu.py
test_index_sample_op.py Update index sample (#24109) 5 years ago
test_index_select_op.py refine the index_select Op for API 2.0 test=develop (#25296) 5 years ago
test_infer_no_need_buffer_slots.py
test_infer_shape.py
test_inference_api.py
test_inference_model_io.py Upgrade Error Message for AucOP & MultiplexOP (#24458) 5 years ago
test_initializer.py add new API: set_global_initializer (#24378) 5 years ago
test_inplace_abn_op.py Add inplace abn op (#22806) 5 years ago
test_inplace_softmax_with_cross_entropy.py
test_input_spec.py [Dy2stat] Support InputSpec and Return callable class instance in @declarative (#25960) 5 years ago
test_install_check.py
test_instance_norm_op.py fix instance norm in dy (#24717) 5 years ago
test_instance_norm_op_v2.py fix norm bug, test=develop (#26827) 5 years ago
test_inverse_op.py fix the doc of inverse, dot, cholesky (#25860) 5 years ago
test_io_save_load.py Add friendly Error message in save_inference_model (#25617) 5 years ago
test_iou_similarity_op.py
test_ir_graph.py
test_ir_inplace_pass.py
test_ir_memory_optimize_ifelse_op.py Refine paddle.manual_seed (#26496) 5 years ago
test_ir_memory_optimize_nlp.py
test_ir_memory_optimize_pass.py
test_ir_memory_optimize_transformer.py
test_is_empty_op.py fix check and error message for flatten hash is_empty op (#24434) 5 years ago
test_isfinite_op.py API(has_inf, has_nan, cumsum, fsp_matrix, increment) error message enhancement, test=develop (#23769) 5 years ago
test_isfinite_v2_op.py Add isfinite v2 op (#26344) 5 years ago
test_jit_save_load.py Refine paddle.manual_seed (#26496) 5 years ago
test_kldiv_loss_op.py add Class KLDivLoss and function kl_div (#25977) 5 years ago
test_kron_op.py remove all op with out args (#25570) 5 years ago
test_l1_loss.py fix paddle.nn.loss.L1Loss OP, add paddle.nn.functional.l1_loss OP for API2.0 5 years ago
test_l1_norm_op.py
test_label_smooth_op.py
test_lamb_op.py
test_launch.sh fix test_launch and test_fleet_launch bug; test=develop (#26015) 5 years ago
test_launch_ps.sh fix test_launch_ps test=develop (#23333) 5 years ago
test_layer_norm_op.py restrict block num of layer_norm_grad cuda block to 128 (#23878) 5 years ago
test_layer_norm_op_v2.py add norm 2.0 api, test=develop (#26465) 5 years ago
test_layers.py [2.0 API] add SyncBatchNorm.convert_sync_batch_norm (#26688) 5 years ago
test_learning_rate_scheduler.py [2.0API]support 2.0 lr_scheduler for 2.0 optimizer (#26737) 5 years ago
test_linear.py [2.0 API] add paddle.nn.functional.linear and fix paddle.nn.Linear (#26480) 5 years ago
test_linear_chain_crf_op.py
test_linear_interp_op.py add intepolte_v2 (#26520) 5 years ago
test_linear_interp_v2_op.py add intepolte_v2 (#26520) 5 years ago
test_linspace.py Enhance the data type of linspace API (#26247) 5 years ago
test_listen_and_serv.sh
test_listen_and_serv_op.py
test_load_op.py fix bug of load op in issue#24252 (#24253) 5 years ago
test_load_vars_shape_check.py
test_locality_aware_nms_op.py Enhance some op error message (#23711) 5 years ago
test_lod_append_op.py fix lod_reset check dtype (#24133) 5 years ago
test_lod_array_length_op.py API(fluid.layers.array_length) error message enhancement (#23547) 5 years ago
test_lod_rank_table.py lod_rank_table error message enhance (#23613) 5 years ago
test_lod_reset_op.py fix lod_reset check dtype (#24133) 5 years ago
test_lod_tensor_array.py
test_lod_tensor_array_ops.py lod_rank_table error message enhance (#23613) 5 years ago
test_log_loss_op.py API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118) 5 years ago
test_log_softmax.py log_softmax and LogSoftmax: impl kernel and refind docs (#26088) 5 years ago
test_logical_op.py add broadcast feature for elementwise logical op 5 years ago
test_logsumexp.py logsumexp: impl kernel, refine docs (#26307) 5 years ago
test_lookup_sparse_table_split_op.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_lookup_table_dequant_op.py
test_lookup_table_op.py
test_lookup_table_v2_op.py add embedding 2.0 (#26649) 5 years ago
test_lr_scheduler.py [2.0API]support 2.0 lr_scheduler for 2.0 optimizer (#26737) 5 years ago
test_lrn_op.py Error message enhancement of 6 op (#23759) 5 years ago
test_lstm_cudnn_op.py remove scope in cudnn lstm (#25188) 5 years ago
test_lstm_op.py API(dynamic_lstm, dynamic_lstmp) error message enhancement (#24450) 5 years ago
test_lstm_unit_op.py Fix error info (#23891) 5 years ago
test_lstmp_op.py API(dynamic_lstm, dynamic_lstmp) error message enhancement (#24450) 5 years ago
test_manual_seed.py Refine paddle.manual_seed (#26496) 5 years ago
test_margin_rank_loss_op.py API/OP (margin_rank_loss, nce, row_conv, positive_negative_pair) erro… (#24246) 5 years ago
test_masked_select_op.py 【API2.0】add masked_select Op for API2.0 (#26374) 5 years ago
test_match_matrix_tensor_op.py
test_math_op_patch.py add div, floor_div, remainder (#26562) 5 years ago
test_math_op_patch_var_base.py [2.0API]Bind method for tensor and Variable (#26416) 5 years ago
test_matmul_op.py remove all op with out args (#25570) 5 years ago
test_matmul_op_with_head.py
test_matmul_v2_op.py Add Matmul op (#26411) 5 years ago
test_matrix_nms_op.py Add `matrix_nms_op` (#24400) 5 years ago
test_max_op.py [Paddle2.0] Rename hapi.Input and move `data` api (#26396) 5 years ago
test_maximum_op.py [Paddle2.0] Rename hapi.Input and move `data` api (#26396) 5 years ago
test_maxout_op.py Ops(relu6/selu/soft_relu/softshrink/stanh/swish/thresholded_relu/hard_shrink/hard_sigmoid/hard_swish/hsigmoid/maxout) error message enhancement (#23718) 5 years ago
test_mean_iou.py OP Normal, Uniform, Xavier Initializer, smooth_l1, mean_iou error message enhancement (#23751) 5 years ago
test_mean_op.py reduce_mean error if keepdim=True and reduce_all=True (#26614) 5 years ago
test_memory_reuse_exclude_feed_var.py
test_memory_usage.py
test_merge_ids_op.py
test_merge_selectedrows_op.py
test_meshgrid_op.py modify meshgrid test=develop (#25319) 5 years ago
test_min_op.py [Paddle2.0] Rename hapi.Input and move `data` api (#26396) 5 years ago
test_mine_hard_examples_op.py
test_minimum_op.py [Paddle2.0] Rename hapi.Input and move `data` api (#26396) 5 years ago
test_minus_op.py
test_mish_op.py add mish op. (#24565) 5 years ago
test_mix_precision_all_reduce_fuse.py
test_modified_huber_loss_op.py
test_momentum_op.py Adadelta Optimizer (#26590) 5 years ago
test_monitor.py 【paddle.fleet】paddle.fleet -> paddle.distributed.fleet. (#26186) 5 years ago
test_mse_loss.py add paddle.nn.functional.mse_loss (#26089) 5 years ago
test_mul_op.py support Baidu Kunlun AI Accelerator (#25959) 5 years ago
test_multiclass_nms_op.py polish error message (#23696) 5 years ago
test_multihead_attention.py
test_multiplex_op.py Upgrade Error Message for AucOP & MultiplexOP (#24458) 5 years ago
test_multiply.py Add Checking Type for "multiply" operation (#26508) 5 years ago
test_multiprocess_dataloader_dataset.py add TensorDataset for multiprocess DataLoader (#26332) 5 years ago
test_multiprocess_dataloader_dynamic.py Fix test multiprocess dataloader static (#25287) 5 years ago
test_multiprocess_dataloader_exception.py Add iterable dataset support for multiprocess DataLoader (#25558) 5 years ago
test_multiprocess_dataloader_iterable_dataset_dynamic.py Add iterable dataset support for multiprocess DataLoader (#25558) 5 years ago
test_multiprocess_dataloader_iterable_dataset_split.py Add iterable dataset support for multiprocess DataLoader (#25558) 5 years ago
test_multiprocess_dataloader_iterable_dataset_static.py Add iterable dataset support for multiprocess DataLoader (#25558) 5 years ago
test_multiprocess_dataloader_static.py Add pin memory control for BufferedReader (#26026) 5 years ago
test_multiprocess_reader_exception.py Simplify BufferedReader to improve DataLoader performance (#25648) 5 years ago
test_naive_best_fit_gpu_memory_limit.py
test_name_scope.py
test_nan_inf.py
test_nce.py error message of NCE API enhancement (#23544) 5 years ago
test_nearest_interp_op.py
test_nearest_interp_v2_op.py add intepolte_v2 (#26520) 5 years ago
test_network_with_dtype.py
test_nll_loss.py Add PADDLE_ENFORCE in nll loss cuda kernel (#26294) 5 years ago
test_nn_functional_embedding_dygraph.py add embedding 2.0 (#26649) 5 years ago
test_nn_functional_embedding_static.py add embedding 2.0 (#26649) 5 years ago
test_nn_functional_hot_op.py Add new one hot function in nn.functional (#26183) 5 years ago
test_nn_grad.py
test_nn_margin_rank_loss.py Update the error message for the margin_ranking_loss 5 years ago
test_nn_sigmoid_op.py [Paddle2.0] Rename hapi.Input and move `data` api (#26396) 5 years ago
test_nonzero_api.py add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
test_norm_all.py Norm op support 2-axis (#26492) 5 years ago
test_norm_nn_grad.py fix instance norm in dy (#24717) 5 years ago
test_norm_op.py OP error message enhancement of l2_normalize, matmul, mean, etc 5 years ago
test_normal.py normal: enlarge threshold to reduce random error (#26763) 5 years ago
test_normalization_wrapper.py
test_normalize.py For normalize op, remove special treatment of one-dimensional input, add check for one-dimensional input (#26747) 5 years ago
test_npair_loss_op.py API/OP error message enhancement (#23691) 5 years ago
test_numel_op.py 【API2.0】add numel API for paddle test=develop (#26311) 5 years ago
test_nvprof.py
test_one_hot_op.py Error message enhancement of 6 op (#23759) 5 years ago
test_one_hot_v2_op.py API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794) 5 years ago
test_ones_like.py Paddle-2.0 API directory migration (#25898) 5 years ago
test_ones_op.py Paddle-2.0 API directory migration (#25898) 5 years ago
test_op_function_generator.py Feature/expand params in auto-generated pybind functions for dygraph operators (#23181) 5 years ago
test_op_name_conflict.py Solve the conflict of ops with the same name, test for CI. (#23573) 5 years ago
test_op_support_gpu.py
test_operator.py
test_operator_desc.py
test_optimizer.py add string variable support for RecomputeOptimizer (#25728) 5 years ago
test_optimizer_grad.py
test_optimizer_in_control_flow.py
test_pad2d_op.py OP(pad, pad2d, pad_constant_like) error message enhancement (#23882) 5 years ago
test_pad3d_op.py test=develop, improve pad assertion error (#26748) 5 years ago
test_pad_constant_like.py OP(pad, pad2d, pad_constant_like) error message enhancement (#23882) 5 years ago
test_pad_op.py OP(pad, pad2d, pad_constant_like) error message enhancement (#23882) 5 years ago
test_paddle_imperative_double_grad.py Update the demo code and the doc of varbase.backward. (#26506) 5 years ago
test_pairwise_distance.py change api name eps to epsilon for the pair_distance 5 years ago
test_parallel_dygraph_mnist.py Add interface to launch parallel dygraph by multiprocessing (#26044) 5 years ago
test_parallel_dygraph_se_resnext.py Add interface to launch parallel dygraph by multiprocessing (#26044) 5 years ago
test_parallel_dygraph_sparse_embedding.py Add interface to launch parallel dygraph by multiprocessing (#26044) 5 years ago
test_parallel_dygraph_sync_batch_norm.py fix syncbn, test=develop (#26523) 5 years ago
test_parallel_dygraph_transformer.py Add interface to launch parallel dygraph by multiprocessing (#26044) 5 years ago
test_parallel_executor_crf.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_fetch_isolated_var.py fix parallel ssa graph executor test hang; test=develop (#25358) 5 years ago
test_parallel_executor_inference_feed_partial_data.py Reader sequential and inference partial feed (#22699) 5 years ago
test_parallel_executor_mnist.py
test_parallel_executor_pg.py
test_parallel_executor_profiler.py add test_parallel_executor_profiler.py (#25200) 5 years ago
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 Fix PE Unit Test Failure, test=develop (#25693) 5 years ago
test_parallel_executor_seresnext_with_reduce_gpu.py
test_parallel_executor_test_while_train.py
test_parallel_executor_transformer.py fix gc transformer ut, test=develop (#23421) 5 years ago
test_parallel_executor_transformer_auto_growth.py
test_parallel_ssa_graph_inference_feed_partial_data.py fix conflict of inferne partial feed with gpu parallel ssa graph executor, test=develop (#23400) 5 years ago
test_parameter.py
test_partial_concat_op.py
test_partial_eager_deletion_transformer.py
test_partial_sum_op.py
test_pass_builder.py
test_pipeline.py move dataset from paddfle.fluid to paddle.fleet (#25887) 5 years ago
test_pixel_shuffle.py [Api2.0] add pixel shuffle (#26071) 5 years ago
test_polygon_box_transform.py enhance some op/api error message (#23768) 5 years ago
test_pool1d_api.py [API2.0]Unify pooling function and add adaptive max pooling function (#26483) 5 years ago
test_pool2d_api.py add intepolte_v2 (#26520) 5 years ago
test_pool2d_op.py fix adaptive gpu grad bug, add doc refine (#26660) 5 years ago
test_pool3d_api.py [API 2.0] add pool2d3d API,test=develop (#26331) 5 years ago
test_pool3d_op.py fix adaptive gpu grad bug, add doc refine (#26660) 5 years ago
test_pool_max_op.py
test_positive_negative_pair_op.py
test_pow.py Fix pow api type error with python side method, merge elementwise_pow and pow. (#26163) 5 years ago
test_precision_recall_op.py
test_prelu_op.py hardtanh prelu softmax, test=develop (#26431) 5 years ago
test_print_op.py [dy2static] Add print transformer and unify print format (#24068) 5 years ago
test_prior_box_op.py
test_prod_op.py Add paddle.tensor.math.prod (#26351) 5 years ago
test_profiler.py add test_parallel_executor_profiler.py (#25200) 5 years ago
test_program.py API(Program) error message enhancement (#23519) 5 years ago
test_program_code.py just skip case of distribute on windows (#25581) 5 years ago
test_program_prune_backward.py
test_program_to_string.py
test_protobuf.py
test_protobuf_descs.py
test_proximal_adagrad_op.py
test_proximal_gd_op.py
test_prroi_pool_op.py API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794) 5 years ago
test_prune.py support fetch the feed var when use_prune=True, test=develop (#24110) 5 years ago
test_ps_dispatcher.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_psroi_pool_op.py
test_py_func_op.py Refine paddle.manual_seed (#26496) 5 years ago
test_py_reader_combination.py
test_py_reader_error_msg.py
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
test_py_reader_sample_generator.py
test_py_reader_using_executor.py
test_pybind_interface.py
test_pyramid_hash_op.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_query_op.py [API2.0] add op for cudnn version query test=develop (#26180) 5 years ago
test_queue.py add queue_generator_op, dequeue_op, enqueue_op and ut (#24481) 5 years ago
test_rand_op.py support default dtype for distribution APIs (#26695) 5 years ago
test_randint_op.py erase Raises and refine doce of random functions (#26901) 5 years ago
test_randn_op.py [Paddle2.0] Rename hapi.Input and move `data` api (#26396) 5 years ago
test_random_crop_op.py API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118) 5 years ago
test_random_seed.py Refine paddle.manual_seed (#26496) 5 years ago
test_randperm_op.py Paddle-2.0 API directory migration (#25898) 5 years ago
test_range.py
test_rank_attention_op.py Add rank_attention_op attributes for GPU memory in contrib (#23915) 5 years ago
test_rank_loss_op.py OP(rank_loss, similarity_focus, squeeze) error message enhancement (#24448) 5 years ago
test_reader_reset.py Simplify BufferedReader to improve DataLoader performance (#25648) 5 years ago
test_recurrent_op.py
test_recv_save_op.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_reduce_op.py reduce_mean error if keepdim=True and reduce_all=True (#26614) 5 years ago
test_reducescatter.py
test_reducescatter_api.py
test_ref_by_trainer_id_op.py
test_registry.py
test_regularizer.py fix regularizer timeout (#26952) 5 years ago
test_reorder_lod_tensor.py Op (reorder_lod_tensor_by_rank) error message enhancement (#23552) 5 years ago
test_require_version.py
test_reshape_op.py [API 2.0] Add api paddle.reshape(x, shape, name) (#26338) 5 years ago
test_retain_graph.py [WIP] update optimizer for 2.0 (#26288) 5 years ago
test_retinanet_detection_output.py OP(retinanet_detection_output, retinanet_target_assign, sigmoid_focal_loss, deformable_roi_pooling) error message enhancement. test=develop (#23726) 5 years ago
test_reverse_op.py Support LoDTensorArray in reverse_op (#24797) 5 years ago
test_rmsprop_op.py update optimizer (#26711) 5 years ago
test_rnn_cell_api.py API/OP(sequence_first_step, sequence_last_step, sequence_mask, beam_search, beam_search_decode) error message enhancement (#24590) 5 years ago
test_rnn_decode_api.py add div, floor_div, remainder (#26562) 5 years ago
test_rnn_memory_helper_op.py
test_roi_align_op.py modify some op for dyg rcnn (#23648) 5 years ago
test_roi_perspective_transform_op.py Enhance some op error message (#23711) 5 years ago
test_roi_pool_op.py API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794) 5 years ago
test_roll_op.py modify roll test=develop (#25321) 5 years ago
test_row_conv.py Add row_conv and hsigmoid into paddle.nn(functional and layer) (#23517) 5 years ago
test_row_conv_op.py API/OP (margin_rank_loss, nce, row_conv, positive_negative_pair) erro… (#24246) 5 years ago
test_rpn_target_assign_op.py OP(retinanet_detection_output, retinanet_target_assign, sigmoid_focal_loss, deformable_roi_pooling) error message enhancement. test=develop (#23726) 5 years ago
test_run_fluid_by_module_or_command_line.py Dev/fix init flags (#23465) 5 years ago
test_run_program_op.py Implement StaticModelRunner to support dygraph fine-tune static graph pre-training model (#23171) 5 years ago
test_runtime_and_compiletime_exception.py
test_sample_logits_op.py API/OP error message enhancement (#23684) 5 years ago
test_sampling_id_op.py
test_save_model_without_var.py
test_scale_op.py Fix the scale fp16 dtype support for scale op, delete the fp16 test caseraise for scale 5 years ago
test_scaled_dot_product_attention.py OP(warpctc, add_position_encoding, scaled_dot_product_attention) error message enhancement (#24261) 5 years ago
test_scatter_nd_op.py
test_scatter_op.py fix scatter doc (#26248) 5 years ago
test_scope.py Op (Scope) error message enhancement (#23458) 5 years ago
test_seed_op.py
test_select_input_output_op.py Api/Op (select_input/select_ouput) error message enhancement. (#23445) 5 years ago
test_selected_rows.py
test_selu_op.py Add the constraint for the scale of SELU/selu (#26686) 5 years ago
test_set_bool_attr.py
test_sgd_op.py Adadelta Optimizer (#26590) 5 years ago
test_shape_op.py [Dy2stat] Support len syntax (#24638) 5 years ago
test_shard_index_op.py
test_shrink_rnn_memory.py OP(compare/get_places/shrink_rnn_memory) error message enhancement (#23780) 5 years ago
test_shuffle_batch_op.py
test_shuffle_channel_op.py
test_sigmoid_cross_entropy_with_logits_op.py Enhance error message of cross_entropy_op, sigmoid_cross_entropy_with_logits_op (#24485) 5 years ago
test_sigmoid_focal_loss_op.py OP(retinanet_detection_output, retinanet_target_assign, sigmoid_focal_loss, deformable_roi_pooling) error message enhancement. test=develop (#23726) 5 years ago
test_sign_op.py 【API】Add sign and tanh api (#26357) 5 years ago
test_similarity_focus_op.py OP(rank_loss, similarity_focus, squeeze) error message enhancement (#24448) 5 years ago
test_size_op.py
test_slice_op.py Add cuda pinned place branch in slice op GetExpectedKernelType (#26027) 5 years ago
test_slice_var.py
test_smooth_l1_loss.py add paddle.nn.SmoothL1Loss,test=develop (#26398) 5 years ago
test_smooth_l1_loss_op.py OP Normal, Uniform, Xavier Initializer, smooth_l1, mean_iou error message enhancement (#23751) 5 years ago
test_softmax_op.py Refine cudnn softmax (#25757) 5 years ago
test_softmax_with_cross_entropy_op.py
test_sort_op.py Paddle-2.0 API directory migration (#25898) 5 years ago
test_space_to_depth_op.py
test_spawn_and_init_parallel_env.py Remove backend argument of init_parallel_env (#26773) 5 years ago
test_spectral_norm_op.py error message of SpectralNorm OP enhancement (#23516) 5 years ago
test_split_and_merge_lod_tensor_op.py OP clip, merge_lod_tensor, convert/elementwise error message enhancement (#23742) 5 years ago
test_split_ids_op.py
test_split_op.py refine the split op for API 2.0 test=develop (#25320) 5 years ago
test_split_selected_rows_op.py
test_spp_op.py
test_square_error_cost.py enhance some op/api error message (#23768) 5 years ago
test_squared_l2_distance_op.py
test_squared_l2_norm_op.py
test_squeeze2_op.py
test_squeeze_op.py Refine squeeze, test=develop (#25281) 5 years ago
test_stack_op.py refine paddle.stack (#26886) 5 years ago
test_static_save_load.py Enable load program state in imperative mode (#24998) 5 years ago
test_std_layer.py var, std: input->x, adjust attr order, remove out, add docs (#26446) 5 years ago
test_strided_slice_op.py Support int32 int64 and fix bug (#24407) 5 years ago
test_sum_op.py refine err msg, test=develop (#24550) 5 years ago
test_switch.py API (Switch) error message enhancement. test=develop (#23459) 5 years ago
test_switch_case.py
test_sync_batch_norm_op.py [2.0 API] add SyncBatchNorm.convert_sync_batch_norm (#26688) 5 years ago
test_target_assign_op.py
test_tdm_child_op.py Add Tdm child OP in contrib (#23241) 5 years ago
test_tdm_sampler_op.py Add Tdm sampler op in Contrib (#23290) 5 years ago
test_teacher_student_sigmoid_loss_op.py enhance some op/api error message (#23768) 5 years ago
test_temporal_shift_op.py
test_tensor.py polish tensor set error messag, test=develop (#25113) 5 years ago
test_tensor_array_to_tensor.py python API(get_tensor_from_selected_rows and tensor_array_to_tensor)error message enhance, test=develop (#23636) 5 years ago
test_tensor_to_numpy.py
test_tile_op.py [2.0 api] fix the example codes in doc strings (#26428) 5 years ago
test_top_k_op.py
test_top_k_v2_op.py update the code for the topk v2 5 years ago
test_trace_op.py modify trace api test=develop (#25397) 5 years ago
test_traced_layer_err_msg.py TracedLayer Error Message Enhancement (#25734) 5 years ago
test_trainable.py
test_trainer_desc.py
test_transformer_api.py Refine paddle.manual_seed (#26496) 5 years ago
test_transpiler_ops.py
test_transpose_op.py Add new tensor in API2.0: max,min,t,eye,log1p (#23228) 5 years ago
test_tree_conv_op.py test=develop, error message of tree_conv OP enhancement (#23574) 5 years ago
test_tril_triu_op.py fix 4 apis test=develop (#25529) 5 years ago
test_trilinear_interp_op.py update interpolate & upsample api's doc (#24553) 5 years ago
test_trilinear_interp_v2_op.py add intepolte_v2 (#26520) 5 years ago
test_truncated_gaussian_random_op.py
test_unbind_op.py add unbind python api (#24141) 5 years ago
test_unfold_op.py
test_uniform_random_op.py fix uniform CI random fail problem (#26932) 5 years ago
test_unique.py add dtype for unique (#26655) 5 years ago
test_unique_name.py Modify tmp var name prefix in dygraph (#25280) 5 years ago
test_unique_with_counts.py Add some error meesage and dtyp, dtyep check for some ops (#23762) 5 years ago
test_unpool_op.py
test_unsqueeze2_op.py
test_unsqueeze_op.py refine unsqueeze, test=develop (#25470) 5 years ago
test_unstack_op.py
test_var_base.py set_default_type only take effect on python floats or complex (#26939) 5 years ago
test_var_conv_2d.py
test_var_info.py
test_variable.py Dev/add fake_interface_only decorator for some function of Variable (#24083) 5 years ago
test_variance_layer.py var, std: input->x, adjust attr order, remove out, add docs (#26446) 5 years ago
test_version.py
test_warpctc_op.py add functional ctc_loss and CTCLoss class. (#26384) 5 years ago
test_weight_decay.py
test_weight_normalization.py
test_where_index.py add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
test_where_op.py add paddle.tensor interface (#23801) 5 years ago
test_while_loop_op.py [while grad]Support pruning op in find_op_path about while sub-block when appending backward (#25330) 5 years ago
test_while_op.py Refine paddle.manual_seed (#26496) 5 years ago
test_yolo_box_op.py Enhance yolo_box & yolov3_loss (#24370) 5 years ago
test_yolov3_loss_op.py Enhance yolo_box & yolov3_loss (#24370) 5 years ago
test_zeros_like_op.py Paddle-2.0 API directory migration (#25898) 5 years ago
test_zeros_op.py Paddle-2.0 API directory migration (#25898) 5 years ago
testsuite.py
transformer_model.py
utils.py