You can not select more than 25 topics Topics must start with a letter or number, can include dashes ('-') and can be up to 35 characters long.
Paddle/python/paddle/fluid/tests/unittests
liym27 522c91ec67
[Dy2Stat] Remove gast.Index for compatibility of gast 0.4.0 (#31358)
4 years ago
..
dygraph_to_static [Dy2stat] Fix Read-Only Attribute as while_loop Output (#31415) 4 years ago
ir TRT conv2d converter support SAME padding (#31379) 4 years ago
mkldnn Added LSTM BF16 and fixed GRU BF16 (#31234) 4 years ago
rnn Fix dtype of ungenerated grad var (#28511) 4 years ago
sequence exec ut no more than 15s 1 (#28439) 4 years ago
white_list REUPLOAD Added vanilla LSTM and LSTM with peepholes oneDNN fp32 kernel (#30719) 4 years ago
xpu lamb_op_xpu;test=kunlun (#31012) 4 years ago
CMakeLists.txt change test_multiprocess_reader_exception cmake (#31174) 4 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 Cleanup redundant code files (#27319) 5 years ago
benchmark.py
benchmark_sum_op.py
c_comm_init_op.py Use dygraph mode by default (#27443) 5 years ago
check_nan_inf_base.py Enrich the python error types of paddle & polish format (#28124) 4 years ago
collective_allgather_api.py Use dygraph mode by default (#27443) 5 years ago
collective_allgather_op.py Use dygraph mode by default (#27443) 5 years ago
collective_allreduce_api.py Use dygraph mode by default (#27443) 5 years ago
collective_allreduce_op.py Use dygraph mode by default (#27443) 5 years ago
collective_barrier_api.py Use dygraph mode by default (#27443) 5 years ago
collective_broadcast_api.py Use dygraph mode by default (#27443) 5 years ago
collective_broadcast_op.py Use dygraph mode by default (#27443) 5 years ago
collective_reduce_api.py Use dygraph mode by default (#27443) 5 years ago
collective_reduce_op.py Use dygraph mode by default (#27443) 5 years ago
collective_reduce_op_calc_stream.py Use dygraph mode by default (#27443) 5 years ago
collective_reducescatter.py Use dygraph mode by default (#27443) 5 years ago
collective_reducescatter_op.py Use dygraph mode by default (#27443) 5 years ago
collective_scatter_api.py add the paddle.distributed.split api (#29970) 4 years ago
collective_scatter_op.py Use dygraph mode by default (#27443) 5 years ago
collective_sendrecv_op.py add send and recv ops (#28590) 4 years ago
column_parallel_linear_api.py add the paddle.distributed.split api (#29970) 4 years ago
ctr_dataset_reader.py 【Paddle.Fleet】Fix tensor table (#30075) 4 years ago
decorator_helper.py
detected_gpu.py Clean up the redundant files and unify the launch interface. (#28928) 4 years ago
detected_xpu.py 【kunlun】dygraph supports multi xpu card training (#30671) 4 years ago
dist_allreduce_op.py Use dygraph mode by default (#27443) 5 years ago
dist_ctr.py
dist_ctr_reader.py
dist_fleet_ctr.py test=develop, add distributed_infer (#30300) 4 years ago
dist_fleet_ctr_ps_gpu.py [Feature] one ps (3/4) (#29604) 4 years ago
dist_fleet_debug_gloo.py 【paddle.fleet】upgrade fleet: modify role_maker (#26038) 5 years ago
dist_fleet_heter_ctr.py [Feature] one ps (3/4) (#29604) 4 years ago
dist_fleet_simnet_bow.py [Feature] one ps (3/4) (#29604) 4 years ago
dist_fleet_sparse_embedding_ctr.py [Feature] one ps (3/4) (#29604) 4 years ago
dist_mnist.py Use dygraph mode by default (#27443) 5 years ago
dist_mnist_batch_merge.py
dist_mnist_fp16_allreduce.py fleet2.0 add fp16 grad compression (#27480) 5 years ago
dist_mnist_gradient_merge.py Optimization grad merge performance (#29784) 4 years ago
dist_mnist_lars.py
dist_save_load.py
dist_se_resnext.py Use dygraph mode by default (#27443) 5 years ago
dist_sharding_save.py [sharding] doc, api, bug fixed (#28983) 4 years ago
dist_test.sh fix test=develop (#26697) 5 years ago
dist_test_utils.py
dist_text_classification.py Upgrade string literals to raw string (#28989) 4 years ago
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 Use available ports instead of static ports. (#22553) 5 years ago
fleet_meta_optimizer_base.py Fleet distributed strategy support pure fp16 (#30754) 4 years ago
fleet_ps_training.py 【paddle.fleet】Update fleetrun & ps-heter (#27472) 4 years ago
gradient_checker.py Fix travic ci (#23002) 5 years ago
hdfs_test_utils.py fix ut test=develop (#27760) 4 years ago
ir_memory_optimize_net_base.py
jit_load_rename_var.py Rename variables when use 'jit.load' (#28933) 4 years ago
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
my_data_generator.py 【paddle.distributed.fleet】add data_generator in distributed.fleet.dataset (#27345) 5 years ago
nproc_process.py 【kunlun】dygraph supports multi xpu card training (#30671) 4 years ago
op_test.py Added LSTM BF16 and fixed GRU BF16 (#31234) 4 years ago
op_test_xpu.py update kunlun conv2d/softmax/elementwise implemetation (#29229) 4 years ago
parallel_dygraph_mnist.py 【paddle.fleet】distributed_optimizer supports dygraph (#26541) 5 years ago
parallel_dygraph_se_resnext.py
parallel_dygraph_sparse_embedding.py Support dynamic graph distributed (#28997) 4 years ago
parallel_dygraph_sparse_embedding_fp64.py Support unused parameters in dynamic graph distributed (#30224) 4 years ago
parallel_dygraph_sparse_embedding_over_height.py Remove selected rows all reduce over height check (#28460) 4 years ago
parallel_dygraph_sync_batch_norm.py [cherry pick ] cherry pick 28108 28198 28199 from release2.0rc (#28215) 4 years ago
parallel_dygraph_transformer.py Support SelelctedRows allreduce in multi-cards imperative mode (#24690) 5 years ago
parallel_dygraph_unused_variables.py Support unused parameters in dynamic graph distributed (#30224) 4 years ago
parallel_embedding_api.py add the paddle.distributed.split api (#29970) 4 years ago
parallel_embedding_api_none_divisible.py add the paddle.distributed.split api (#29970) 4 years ago
parallel_executor_test_base.py xpu support fuse allreduce (#31104) 4 years ago
parallel_test.sh Finetune the performance of the unittests. (#26402) 5 years ago
pipeline_mnist.py enable pipeline to run with Executor.run() (#28373) 4 years ago
pipeline_mnist_one_device.py fix the bug in pipeline data parallelism (#29731) 4 years ago
py_precise_roi_pool.py
row_parallel_linear_api.py add the paddle.distributed.split api (#29970) 4 years ago
seresnext_net.py [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 years ago
seresnext_test_base.py [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 years ago
simnet_dataset_reader.py 【paddle.distributed.fleet】add data_generator in distributed.fleet.dataset (#27345) 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 Update api 2.0 for some ops 4 years ago
test_activation_nn_grad.py fix elugradgrad test fail & error message opt (#30171) 4 years ago
test_activation_op.py [ROCM] fix softmax with loss and update python scripts, test=develop (#31373) 4 years ago
test_adadelta_op.py Adadelta Optimizer (#26590) 5 years ago
test_adagrad_op.py
test_adagrad_op_v2.py fix norm api doc, test=develop (#27652) 4 years ago
test_adam_op.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_adam_optimizer_fp32_fp64.py
test_adamax_api.py remove to_variable from 2.0 (#27528) 5 years ago
test_adamax_op.py update optimizer (#26711) 5 years ago
test_adamw_op.py fix adamw lr_to_coeff is fixed when dygraph (#30526) 4 years ago
test_adaptive_avg_pool1d.py 2.0rc api rename (#28088) 4 years ago
test_adaptive_avg_pool2d.py 2.0rc api rename (#28088) 4 years ago
test_adaptive_avg_pool3d.py 2.0rc api rename (#28088) 4 years ago
test_adaptive_max_pool1d.py Fix wrong out dtype inferred from helper.input_dtype (#28715) 4 years ago
test_adaptive_max_pool2d.py Fix wrong out dtype inferred from helper.input_dtype (#28715) 4 years ago
test_adaptive_max_pool3d.py Fix wrong out dtype inferred from helper.input_dtype (#28715) 4 years ago
test_add_position_encoding_op.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_add_reader_dependency.py add reader dependency pass, test=develop (#23301) 5 years ago
test_addmm_op.py remove to_variable from 2.0 (#27528) 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 fix generate_proposals and affine grid error info (#27636) 5 years ago
test_affine_grid_op.py fix generate_proposals and affine grid error info (#27636) 5 years ago
test_allclose_layer.py Fix the accuracy problem of allclose op when using float64 data type in static mode. (#29890) 4 years ago
test_allclose_op.py Fix the accuracy problem of allclose op when using float64 data type in static mode. (#29890) 4 years ago
test_allgather.py Use dygraph mode by default (#27443) 5 years ago
test_allreduce.py Use dygraph mode by default (#27443) 5 years ago
test_amp_check_finite_and_scale_op.py Update amp_check_finite_and_scale_op and add an updating_loss_scaling op for static graph amp training. (#26240) 5 years ago
test_anchor_generator_op.py
test_arange.py remove to_variable from 2.0 (#27528) 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 udpate the dtype check for the argmin, argmax 5 years ago
test_argsort_op.py Optimize argsort Op performance on GPU 5 years ago
test_array_read_write_op.py Migrate 4 APIs about array to paddle.tensor.* (#29565) 4 years ago
test_ascend_trigger.py Ascend Framework Part1: OP & Wrapper (#30281) 4 years ago
test_assert_op.py Enrich the python error types of paddle & polish format (#28124) 4 years ago
test_assign_op.py [API 2.0: doc] transfer from paddle.fluid.layers.assign() into creation.py (#27999) 4 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 Use dygraph mode by default (#27443) 5 years ago
test_auto_checkpoint1.py Use dygraph mode by default (#27443) 5 years ago
test_auto_checkpoint2.py Use dygraph mode by default (#27443) 5 years ago
test_auto_checkpoint3.py Use dygraph mode by default (#27443) 5 years ago
test_auto_checkpoint_dist_basic.py Use dygraph mode by default (#27443) 5 years ago
test_auto_checkpoint_multiple.py Use dygraph mode by default (#27443) 5 years ago
test_auto_growth_gpu_memory_limit.py Add flags to limit gpu memory (#22793) 5 years ago
test_avoid_twice_initialization.py
test_backward.py API(append_backward) error message enhancement (#23446) 5 years ago
test_base_layer.py [Dy2stat] Support to modify value of buffer tensor (#28328) 4 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 fix basic gru lstm parameter attr bug; test=develop (#22508) 5 years ago
test_batch_fc_op.py Add batch_fc op in contrib (#24017) 5 years ago
test_batch_norm_op.py Call new cudnn batch norm API regardless of data type and data layout (#30157) 4 years ago
test_batch_norm_op_v2.py [ROCM] fix softmax with loss and update python scripts, test=develop (#31373) 4 years ago
test_batch_sampler.py Add weighted random sampler (#28545) 4 years ago
test_bce_loss.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_bce_with_logits_loss.py Remove and reorganize the alias of APIs (#27717) 4 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 fix typo for interp_v2,test=develop (#26843) 5 years ago
test_bilateral_slice_op.py Fix bilateral inference shape bug (#26822) 4 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 Support Tensor for attr_scale and attr_size (#28677) 4 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 bmm enforce equal batch (#27694) 5 years ago
test_box_clip_op.py
test_box_coder_op.py
test_box_decoder_and_assign_op.py
test_boxps.py fix error msg (#27887) 4 years ago
test_bpr_loss_op.py
test_broadcast.py Use dygraph mode by default (#27443) 5 years ago
test_broadcast_error.py fix error message in broadcast/allreduce/gather (#27302) 5 years ago
test_broadcast_shape.py Add broadcast_shape api (#28257) 4 years ago
test_broadcast_to_op.py add paddle.broadcast_to api which is a alias of paddle.expand (#28706) 4 years ago
test_buffer_shared_memory_reuse_pass.py add debug msg for test_buffer_shared_memory_reuse_pass (#29151) 4 years ago
test_buffer_shared_memory_reuse_pass_and_fuse_optimization_op_pass.py disable_fuse_all_reduce (#27746) 4 years ago
test_build_strategy_fusion_group_pass.py
test_c_comm_init_all_op.py Enrich the python error types of paddle & polish format (#28124) 4 years ago
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 unused var with zero gradient bug in fluid.gradient (#27246) 5 years ago
test_case.py API (case) error message enhancement. test=develop (#23428) 5 years ago
test_cast_op.py revert cast eigen kernel (#29427) 4 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 Cleanup redundant code files (#27319) 5 years ago
test_cholesky_op.py Enrich the python error types of paddle & polish format (#28124) 4 years ago
test_chunk_eval_op.py API(dynamic_gru, chunk_eval, BeamSearchDecoder) error message enhancement (#24513) 5 years ago
test_chunk_op.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_clip_by_norm_op.py
test_clip_op.py remove to_variable from 2.0 (#27528) 5 years ago
test_coalesce_tensor_op.py
test_collect_fpn_proposals_op.py Enhance ops to support LoD as input for dygraph detection models. (#25316) 5 years ago
test_collective_allgather_api.py Use dygraph mode by default (#27443) 5 years ago
test_collective_allreduce_api.py Use dygraph mode by default (#27443) 5 years ago
test_collective_api_base.py update, test=develop (#30047) 4 years ago
test_collective_barrier_api.py Use dygraph mode by default (#27443) 5 years ago
test_collective_base.py add send and recv ops (#28590) 4 years ago
test_collective_broadcast_api.py Use dygraph mode by default (#27443) 5 years ago
test_collective_optimizer.py fix AMP and recompute (#23551) 5 years ago
test_collective_reduce.py Use dygraph mode by default (#27443) 5 years ago
test_collective_reduce_api.py Use dygraph mode by default (#27443) 5 years ago
test_collective_scatter.py Use dygraph mode by default (#27443) 5 years ago
test_collective_scatter_api.py Use dygraph mode by default (#27443) 5 years ago
test_collective_sendrecv.py add send and recv ops (#28590) 4 years ago
test_collective_split_col_linear.py add the paddle.distributed.split api (#29970) 4 years ago
test_collective_split_embedding.py add the paddle.distributed.split api (#29970) 4 years ago
test_collective_split_embedding_none_divisible.py add the paddle.distributed.split api (#29970) 4 years ago
test_collective_split_row_linear.py add the paddle.distributed.split api (#29970) 4 years ago
test_communicator_async.py [Feature] one ps (3/4) (#29604) 4 years ago
test_communicator_geo.py Fix test dist fleet heter ctr (#27513) 5 years ago
test_communicator_half_async.py [Feature] one ps (3/4) (#29604) 4 years ago
test_communicator_sync.py [Feature] one ps (3/4) (#29604) 4 years ago
test_compare_op.py faster the compare ops dygraph model speed 4 years ago
test_compare_reduce_op.py Update the api for the compare_ops 5 years ago
test_compat.py
test_compiled_program.py 2.0rc api rename (#28088) 4 years ago
test_complex_abs.py fix abs bug and add abs test case (#30637) 4 years ago
test_complex_elementwise_layers.py remove complexvariable (#29390) 4 years ago
test_complex_getitem.py remove complexvariable (#29390) 4 years ago
test_complex_grad_accumulated.py support grad accumulated across batch (#29942) 4 years ago
test_complex_kron.py remove complexvariable (#29390) 4 years ago
test_complex_matmul.py remove complexvariable (#29390) 4 years ago
test_complex_reshape.py remove complexvariable (#29390) 4 years ago
test_complex_simplenet.py [Complex] Handle complex to real after type promotion (#29855) 4 years ago
test_complex_sum_layer.py remove complexvariable (#29390) 4 years ago
test_complex_trace_layer.py remove complexvariable (#29390) 4 years ago
test_complex_transpose.py remove complexvariable (#29390) 4 years ago
test_complex_variable.py remove complexvariable (#29390) 4 years ago
test_concat_op.py Fix bug: delete wrong check_type of paddle.concat and support LoDTensorArray (#29306) 4 years ago
test_cond.py Handle Windows flaky test (#25070) 5 years ago
test_conditional_block.py
test_conj_op.py add conj op for complex types (#29527) 4 years ago
test_const_value.py
test_context_manager.py add try finally, test=develop (#24243) 5 years ago
test_conv1d_layer.py 2.0rc api rename (#28088) 4 years ago
test_conv1d_transpose_layer.py [cherry pick ] cherry pick 28108 28198 28199 from release2.0rc (#28215) 4 years ago
test_conv2d_fusion_op.py 2.0rc api rename (#28088) 4 years ago
test_conv2d_layer.py 2.0rc api rename (#28088) 4 years ago
test_conv2d_op.py improve performance of depthwise_conv2d (#31099) 4 years ago
test_conv2d_transpose_layer.py Fix Conv2DTanspose bug when padding='same' (#29915) 4 years ago
test_conv2d_transpose_op.py Fix conv transpose (#28629) 4 years ago
test_conv2d_transpose_op_depthwise_conv.py Fix conv transpose (#28629) 4 years ago
test_conv3d_layer.py 2.0rc api rename (#28088) 4 years ago
test_conv3d_op.py 2.0rc api rename (#28088) 4 years ago
test_conv3d_transpose_layer.py [cherry pick ] cherry pick 28108 28198 28199 from release2.0rc (#28215) 4 years ago
test_conv3d_transpose_op.py Fix conv transpose (#28629) 4 years ago
test_conv3d_transpose_part2_op.py 2.0rc api rename (#28088) 4 years ago
test_conv_nn_grad.py register cudnn conv double grad for depthwise conv (#29807) 4 years ago
test_conv_shift_op.py Remove `no_grad_set` usage from "conv_shift" op tests (#22683) 5 years ago
test_conv_transpose_nn_grad.py Add double grad for conv_transpose (#29706) 4 years ago
test_cos_sim_op.py API/OP error message enhancement (#23691) 5 years ago
test_cosine_similarity_api.py Remove and reorganize the alias of APIs (#27717) 4 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 fix bug of celoss when using ignore_index and reduction (#30180) 4 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 fix crypto ut test error for windows ci (#29090) 4 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_cuda_random_seed.py 2.0rc api rename (#28088) 4 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 remove to_variable from 2.0 (#27528) 5 years ago
test_cvm_op.py
test_cyclic_cifar_dataset.py
test_data.py Add static mode check on data() (#27495) 5 years ago
test_data_generator.py fix test datagenerator ut fail (#28767) 4 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 add set_trainer_num api in dataset (#29133) 4 years ago
test_dataset_dataloader.py refine fleet dataset class api (#27133) 5 years ago
test_dataset_download.py
test_debugger.py
test_decayed_adagrad_op.py
test_decoupled_py_reader.py 2.0rc api rename (#28088) 4 years ago
test_decoupled_py_reader_data_check.py remove paddle.readers API (#26727) 5 years ago
test_default_dtype.py remove to_variable from 2.0 (#27528) 5 years ago
test_default_scope_funcs.py
test_deform_conv2d.py Add attrs `deformable_groups` for deformable_conv API (#31335) 4 years ago
test_deformable_conv_op.py 2.0rc api rename (#28088) 4 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 static mode check on data() (#27495) 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 Polish unittests details and execution conditions to adapt to MUSL (#29044) 4 years ago
test_detach.py Refine fake_interface Error Message (#30981) 4 years ago
test_detection_map_op.py fix detection_map. test=develop (#22705) 5 years ago
test_device.py Support setting xpu place in dygraph mode (#27909) 4 years ago
test_device_guard.py [2.0 API] device guard (#30307) 4 years ago
test_dgc_momentum_op.py
test_dgc_op.py
test_dgc_optimizer.py fleet combine amp dgc recompute meta optimizer (#27643) 4 years ago
test_diag.py Fix diag OP bug on Windows Python3.8 4 years ago
test_diag_embed.py add diag_embed op (#23385) 5 years ago
test_diag_v2.py Fix diag OP bug on Windows Python3.8 4 years ago
test_directory_migration.py remove distributed prepare context (#30219) 4 years ago
test_dist_allreduce_op.py Use dygraph mode by default (#27443) 5 years ago
test_dist_base.py Remove scale loss before reduce in dygraph (#30807) 4 years ago
test_dist_fleet_a_sync_optimizer_async.py fix ut (#29989) 4 years ago
test_dist_fleet_a_sync_optimizer_auto.py 【Paddle.Fleet】Fix fleetrun heter (#28252) 4 years ago
test_dist_fleet_a_sync_optimizer_auto_async.py 【Paddle.Fleet】Fix fleetrun heter (#28252) 4 years ago
test_dist_fleet_a_sync_optimizer_auto_geo.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_fleet_a_sync_optimizer_geo.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_fleet_a_sync_optimizer_sync.py Fix test dist fleet heter ctr (#27513) 5 years ago
test_dist_fleet_base.py test=develop, add distributed_infer (#30300) 4 years ago
test_dist_fleet_ctr.py fix ut (#29989) 4 years ago
test_dist_fleet_ctr2.py fix dist fleet ctr ut (#31087) 4 years ago
test_dist_fleet_decay.py 【Paddle.Fleet】Fix tensor table (#30075) 4 years ago
test_dist_fleet_geo.py [Feature] one ps (3/4) (#29604) 4 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 [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_fleet_heter_ctr.py Fix test dist fleet heter ctr (#27513) 5 years ago
test_dist_fleet_heter_program.py 【paddle.fleet】Update fleetrun & ps-heter (#27472) 4 years ago
test_dist_fleet_infer.py test=develop, add distributed_infer (#30300) 4 years ago
test_dist_fleet_ps.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_fleet_ps2.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_fleet_ps3.py test=develop, save/load, shrink (#30625) 4 years ago
test_dist_fleet_ps4.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_fleet_ps5.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_fleet_ps6.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_fleet_ps7.py 【Paddle.Fleet】Fix tensor table (#30075) 4 years ago
test_dist_fleet_ps8.py 【Paddle.Fleet】Fix tensor table (#30075) 4 years ago
test_dist_fleet_ps9.py 【Paddle.Fleet】Fix tensor table (#30075) 4 years ago
test_dist_fleet_ps10.py 【Paddle.Fleet】Fix tensor table (#30075) 4 years ago
test_dist_fleet_ps_gpu_ctr.py Update ps gpu (#29209) 4 years ago
test_dist_fleet_simnet.py Use dygraph mode by default (#27443) 5 years ago
test_dist_fleet_sparse_embedding_ctr.py fix dist fleet ctr ut (#31087) 4 years ago
test_dist_lookup_sparse_table_fuse_ops.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_mnist_backward_deps.py Use dygraph mode by default (#27443) 5 years ago
test_dist_mnist_batch_merge.py Use dygraph mode by default (#27443) 5 years ago
test_dist_mnist_dgc_nccl.py Use dygraph mode by default (#27443) 5 years ago
test_dist_mnist_fleet_save.py [Kunlun] add gen_bkcl_id_op, support multi XPU cards training using multiprocess (#30858) 4 years ago
test_dist_mnist_fleetapi.py [Kunlun] add gen_bkcl_id_op, support multi XPU cards training using multiprocess (#30858) 4 years ago
test_dist_mnist_fp16_allreduce.py fleet2.0 add fp16 grad compression (#27480) 5 years ago
test_dist_mnist_gradient_merge.py Optimization grad merge performance (#29784) 4 years ago
test_dist_mnist_hallreduce.py gen nccl id use socket (#29431) 4 years ago
test_dist_mnist_lars.py
test_dist_mnist_multi_comm.py Use dygraph mode by default (#27443) 5 years ago
test_dist_mnist_pg.py Use dygraph mode by default (#27443) 5 years ago
test_dist_mnist_ring_allreduce.py Use dygraph mode by default (#27443) 5 years ago
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 [Kunlun] add gen_bkcl_id_op, support multi XPU cards training using multiprocess (#30858) 4 years ago
test_dist_oneps.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_op.py Use dygraph mode by default (#27443) 5 years ago
test_dist_save_load.py
test_dist_se_resnext_dgc.py
test_dist_se_resnext_nccl.py Use dygraph mode by default (#27443) 5 years ago
test_dist_se_resnext_sync.py
test_dist_sharding_save.py [Kunlun] add gen_bkcl_id_op, support multi XPU cards training using multiprocess (#30858) 4 years ago
test_dist_sparse_load_ps0.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_sparse_load_ps1.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_sparse_tensor_load_adagrad.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_sparse_tensor_load_adam.py 【paddle.fleet】fix sparse load (#27680) 4 years ago
test_dist_sparse_tensor_load_ftrl.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_sparse_tensor_load_momentum.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_sparse_tensor_load_rmsprop.py [Feature] one ps (3/4) (#29604) 4 years ago
test_dist_sparse_tensor_load_sgd.py 【paddle.fleet】fix sparse load (#27680) 4 years ago
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_word2vec.py
test_distribute_fpn_proposals_op.py add offset parameter in roi_align,generate_proposals.etc ops (#30864) 4 years ago
test_distributed_strategy.py Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
test_distribution.py add categorical class (#27695) 5 years ago
test_distributions.py Enhance some op error message (#23711) 5 years ago
test_dot_op.py complex gradient matmul (#29966) 4 years ago
test_downpoursgd.py add pslib SparseDoubleTable test=develop (#23053) 5 years ago
test_dpsgd_op.py
test_dropout_op.py Add fast path for dropout when p == 0 (#29553) 4 years ago
test_dygraph_mnist_fp16.py
test_dygraph_mode_of_unittest.py add static_mode_white_list (#28112) 4 years ago
test_dygraph_multi_forward.py 2.0rc api rename (#28088) 4 years ago
test_dygraph_weight_norm.py 2.0rc api rename (#28088) 4 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 Refine the error of test_dynrnn_static_input (#27084) 5 years ago
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 2.0rc api rename (#28088) 4 years ago
test_eager_deletion_recurrent_op.py Upgrade string literals to raw string (#28989) 4 years ago
test_eager_deletion_while_op.py
test_edit_distance_op.py
test_elementwise_add_op.py fix the broadcast for the large second input (#30818) 4 years ago
test_elementwise_div_op.py type promotion for grad (#30177) 4 years ago
test_elementwise_floordiv_op.py Fix elementwise_floordiv op (#27352) 5 years ago
test_elementwise_gradient_op.py
test_elementwise_max_op.py update ops's unittest data type from float32 to float64 and shape over 100 (#22544) 5 years ago
test_elementwise_min_op.py update ops's unittest data type from float32 to float64 and shape over 100 (#22544) 5 years ago
test_elementwise_mod_op.py revert divide (#27202) 5 years ago
test_elementwise_mul_op.py type promotion for grad (#30177) 4 years ago
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 update ops's unittest data type from float32 to float64 and shape over 100 (#22544) 5 years ago
test_elementwise_sub_op.py type promotion for grad (#30177) 4 years ago
test_ema.py
test_embedding_id_stop_gradient.py 2.0rc api rename (#28088) 4 years ago
test_empty_like_op.py add empty_like op (python, and unit test), use c++ implementation of empty op, (#27287) 5 years ago
test_empty_op.py fix empty op unit test fail sometimes (#30225) 4 years ago
test_entry_attr.py fix entry (#31079) 4 years ago
test_entry_attr2.py fix entry (#31079) 4 years ago
test_erf_op.py Fix paddle.nn.data in new unittest (#26484) 5 years ago
test_exception.py Enrich the python error types of paddle & polish format (#28124) 4 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 update expand as op to use the shape of the target tensor instead of the target tensor itself. (#29020) 4 years ago
test_expand_op.py add dispenable input for core.ops.reshape2/expand/slice (#30072) 4 years ago
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 Quant op dev (#25932) 5 years ago
test_fc_op.py 2.0rc api rename (#28088) 4 years ago
test_feed_data_check_shape_type.py update the version of pybind, test=develop (#28284) 4 years ago
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 * Reduce the training iterations in test_fetch_unmerged and test_fuse_bn_act_pass. (#27234) 5 years ago
test_fetch_var.py
test_fill_any_like_op.py Enrich the python error types of paddle & polish format (#28124) 4 years ago
test_fill_constant_op.py fill_constant op supports NINF (#28270) 4 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 Fix instag (#22632) 5 years ago
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 Remove and reorganize the alias of APIs (#27717) 4 years ago
test_flatten_op.py
test_fleet.py test=develop, rm netifaces (#27581) 5 years ago
test_fleet_amp_init.py Fleet distributed strategy support pure fp16 (#30754) 4 years ago
test_fleet_amp_meta_optimizer.py Fleet distributed strategy support pure fp16 (#30754) 4 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_auto.py 【paddle.fleet】fleet add _get_applied_meta_list and _get_applied_graph_list (#27952) 4 years ago
test_fleet_base.py Support dynamic graph distributed (#28997) 4 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 【paddle.fleet】fleet add _get_applied_meta_list and _get_applied_graph_list (#27952) 4 years ago
test_fleet_base_4.py 【paddle.fleet】fleet add _get_applied_meta_list and _get_applied_graph_list (#27952) 4 years ago
test_fleet_base_single.py Remove scale loss before reduce in dygraph (#30807) 4 years ago
test_fleet_checkpoint.py Cleanup redundant code files (#27319) 5 years ago
test_fleet_dgc_meta_optimizer.py use floyd algorithm to find meta optimizer max path, test=develop (#27867) 4 years ago
test_fleet_distributed_strategy.py Change the api of DataParallel and Fleet (#29224) 4 years ago
test_fleet_fp16_allreduce_meta_optimizer.py fleet2.0 add fp16 grad compression (#27480) 5 years ago
test_fleet_gradient_merge_meta_optimizer.py Fleet distributed strategy support pure fp16 (#30754) 4 years ago
test_fleet_graph_execution_meta_optimizer.py Fix multi nccl comm & wait server ready (#28663) 4 years ago
test_fleet_graph_executor.py fleet support paddle.optimzier (#28026) 4 years ago
test_fleet_lamb_meta_optimizer.py Get final strategy (#27602) 5 years ago
test_fleet_lars_meta_optimizer.py Get final strategy (#27602) 5 years ago
test_fleet_launch_async.sh Fix bug of test_fleet_launch_async.sh (#29332) 4 years ago
test_fleet_launch_cloud.sh Fix unittests bugs. (#30250) 4 years ago
test_fleet_launch_nproc.sh 【kunlun】dygraph supports multi xpu card training (#30671) 4 years ago
test_fleet_launch_ps.sh [ROCM] update cmake and dockerfile, test=develop (#30598) 4 years ago
test_fleet_localsgd_meta_optimizer.py fleet combine amp dgc recompute meta optimizer (#27643) 4 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 test=develop, fix fleet.metric (#30438) 4 years ago
test_fleet_nocvm_1.py test=develop, rm netifaces (#27581) 5 years ago
test_fleet_pipeline_meta_optimizer.py fix the bug in pipeline data parallelism (#29731) 4 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 Recompute Offload (#30233) 4 years ago
test_fleet_rolemaker.py test=develop, rm netifaces (#27581) 5 years ago
test_fleet_rolemaker_2.py test=develop, rm netifaces (#27581) 5 years ago
test_fleet_rolemaker_3.py test=develop, rm netifaces (#27581) 5 years ago
test_fleet_rolemaker_4.py Initialize gloo for low level collective apis (#27672) 5 years ago
test_fleet_rolemaker_init.py 【paddle.fleet】Update fleetrun & ps-heter (#27472) 4 years ago
test_fleet_rolemaker_new.py Fix bug in gloo that gloo initialization hangs (#29447) 4 years ago
test_fleet_run_random_port.sh Clean up the redundant files and unify the launch interface. (#28928) 4 years ago
test_fleet_runtime.py add save/load for parameter server (#26235) 5 years ago
test_fleet_sharding_meta_optimizer.py Recompute Offload (#30233) 4 years ago
test_fleet_unitaccessor.py test=develop, rm netifaces (#27581) 5 years ago
test_fleet_util.py test=develop, rm netifaces (#27581) 5 years ago
test_fleet_utils.py test=develop, add distributed tools (#22623) 5 years ago
test_fleetrun.sh Clean up the redundant files and unify the launch interface. (#28928) 4 years ago
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 【Fleet2.0 Util】 add documents (#26698) 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 Upgrade string literals to raw string (#28989) 4 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 [cherry pick ] cherry pick 28108 28198 28199 from release2.0rc (#28215) 4 years ago
test_functional_conv3d.py Update 2.0 convolution api (#26491) 5 years ago
test_functional_conv3d_transpose.py [cherry pick ] cherry pick 28108 28198 28199 from release2.0rc (#28215) 4 years ago
test_fuse_all_reduce_pass.py xpu support fuse allreduce (#31104) 4 years ago
test_fuse_bn_act_pass.py 2.0rc api rename (#28088) 4 years ago
test_fuse_bn_add_act_pass.py Fix unittest random failure (#28363) 4 years ago
test_fuse_elewise_add_act_pass.py reduce the occupied size of memory for the fused pattern of elementwise_add Op and activation Op(relu Op for example) (#29885) 4 years ago
test_fuse_optimizer_pass.py [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 years ago
test_fuse_relu_depthwise_conv_pass.py [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 years ago
test_fused_elemwise_activation_op.py reduce the occupied size of memory for the fused pattern of elementwise_add Op and activation Op(relu Op for example) (#29885) 4 years ago
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 [Ernie GPU Optim]: Fuse three fc to multihtead matmul (#22486) 5 years ago
test_fusion_gru_op.py REUPLOAD Added vanilla LSTM and LSTM with peepholes oneDNN fp32 kernel (#30719) 4 years ago
test_fusion_lstm_op.py REUPLOAD Added vanilla LSTM and LSTM with peepholes oneDNN fp32 kernel (#30719) 4 years ago
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 [Dy2Stat] Remove gast.Index for compatibility of gast 0.4.0 (#31358) 4 years ago
test_gather_nd_op.py fix gather nd for untest (#30037) 4 years ago
test_gather_op.py Fix output dtype inconsistent with input (#28649) 4 years ago
test_gather_tree_op.py upgrade gather_tree to core.ops (#30697) 4 years ago
test_gaussian_random_op.py 2.0rc api rename (#28088) 4 years ago
test_gelu_op.py add approximation for gelu, test=develop (#22961) 5 years ago
test_gen_nccl_id_op.py fix test_gen_nccl_id_op failed (#30686) 4 years ago
test_generate_mask_labels_op.py
test_generate_proposal_labels_op.py fix generate_proposal_labels in cascade-rcnn series model, test=develop (#27892) 4 years ago
test_generate_proposals_op.py add offset parameter in roi_align,generate_proposals.etc ops (#30864) 4 years ago
test_generate_proposals_v2_op.py add offset parameter in roi_align,generate_proposals.etc ops (#30864) 4 years ago
test_generator.py 2.0rc api rename (#28088) 4 years ago
test_generator_dataloader.py 2.0rc api rename (#28088) 4 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_gpu_package_without_gpu_device.py fix unittest on windows, test=develop (#29365) 4 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 change clip grad api, test=develop (#27767) 4 years ago
test_grid_sample_function.py Romove grid_sampler and refine example code (#27649) 5 years ago
test_grid_sampler_op.py [2.0 API]Add checker in grid_sample_grad op (#27126) 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 test_group_norm_op_v2.py, test=develop (#28104) 4 years ago
test_gru_op.py API(dynamic_gru, chunk_eval, BeamSearchDecoder) error message enhancement (#24513) 5 years ago
test_gru_rnn_op.py Add LSTM, Simple RNN and GRU CPU kernel (#28577) 4 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 【Fleet2.0 Util】 add documents (#26698) 5 years ago
test_hdfs2.py 【Fleet2.0 Util】 add documents (#26698) 5 years ago
test_hdfs3.py 【Fleet2.0 Util】 add documents (#26698) 5 years ago
test_hinge_loss_op.py
test_histogram_op.py Enrich the python error types of paddle & polish format (#28124) 4 years ago
test_hsigmoid_op.py 2.0rc api rename (#28088) 4 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 support layer_norm fp16 in dygraph amp (#30430) 4 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 support deepcopy for Layer/Tensor/Paramerbase (#29387) 4 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 Speed up dygraph DataLoader based on shared memory and LoDTensor serialization (#22541) 5 years ago
test_imperative_data_loader_exit_func.py Speed up dygraph DataLoader based on shared memory and LoDTensor serialization (#22541) 5 years ago
test_imperative_data_loader_fds_clear.py Refine DataLoader support multi-processing (#23107) 5 years ago
test_imperative_data_loader_process.py Enrich the python error types of paddle & polish format (#28124) 4 years ago
test_imperative_data_parallel.py remove distributed prepare context (#30219) 4 years ago
test_imperative_decorator.py use has_grad instead of train_mode (#29309) 4 years ago
test_imperative_deepcf.py 2.0rc api rename (#28088) 4 years ago
test_imperative_double_grad.py accumulate gradient for leaf tensor with previous graph and expose leaf tensor concept (#28429) 4 years ago
test_imperative_framework.py Refine __str__ of VarBase and ParamBase, test=develop (#25345) 5 years ago
test_imperative_gan.py 2.0rc api rename (#28088) 4 years ago
test_imperative_gnn.py 2.0rc api rename (#28088) 4 years ago
test_imperative_group.py Rebuild group automatically in dynamic graph distributed (#29255) 4 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.0rc api rename (#28088) 4 years ago
test_imperative_layer_children.py 2.0rc api rename (#28088) 4 years ago
test_imperative_layer_trainable.py Connect stop gradient with trainbale (#25248) 5 years ago
test_imperative_layers.py Polish and Optimize the print/repr information of Layer (#29998) 4 years ago
test_imperative_load_static_param.py
test_imperative_lod_tensor_to_selected_rows.py 2.0rc api rename (#28088) 4 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 Temporally disable zero_copy (#27248) 5 years ago
test_imperative_ocr_attention_model.py 2.0rc api rename (#28088) 4 years ago
test_imperative_optimizer.py 2.0rc api rename (#28088) 4 years ago
test_imperative_optimizer_v2.py Modify the calculation logic of LambOptimizer (#29313) 4 years ago
test_imperative_parallel_coalesce_split.py Remove DataParallel.scale_loss & apply_collective_grads (#27603) 5 years ago
test_imperative_partitial_backward.py
test_imperative_ptb_rnn.py 2.0rc api rename (#28088) 4 years ago
test_imperative_ptb_rnn_sorted_gradient.py 2.0rc api rename (#28088) 4 years ago
test_imperative_recurrent_usage.py Imperative tracer refactoring (#22457) 5 years ago
test_imperative_reinforcement.py 2.0rc api rename (#28088) 4 years ago
test_imperative_resnet.py 2.0rc api rename (#28088) 4 years ago
test_imperative_resnet_sorted_gradient.py 2.0rc api rename (#28088) 4 years ago
test_imperative_save_load.py 2.0rc api rename (#28088) 4 years ago
test_imperative_save_load_v2.py 2.0rc api rename (#28088) 4 years ago
test_imperative_se_resnext.py 2.0rc api rename (#28088) 4 years ago
test_imperative_selected_rows.py remove to_variable from 2.0 (#27528) 5 years ago
test_imperative_selected_rows_to_lod_tensor.py 2.0rc api rename (#28088) 4 years ago
test_imperative_signal_handler.py try to fix reader and signal test failed (#30960) 4 years ago
test_imperative_star_gan_with_gradient_penalty.py 2.0rc api rename (#28088) 4 years ago
test_imperative_static_runner_mnist.py Rename variables when use 'jit.load' (#28933) 4 years ago
test_imperative_static_runner_while.py Rename variables when use 'jit.load' (#28933) 4 years ago
test_imperative_trace_non_persistable_inputs.py fix traced layer with non persistable vars, test=develop (#22552) 5 years ago
test_imperative_transformer_sorted_gradient.py 2.0rc api rename (#28088) 4 years ago
test_imperative_using_non_zero_gpu.py modify test_imperative_using_non_zero_gpu from use two gpus to one gpu (#27348) 5 years ago
test_increment.py fix TransferInplaceBack (#29830) 4 years ago
test_index_sample_op.py Implement cuda kernel for index_sample. (#30380) 4 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 Add transpose_flatten_concat_fuse_pass tests for gpu and trt (#22976) 5 years ago
test_inference_model_io.py export paddle.static.normalize_program method. (#31072) 4 years ago
test_initializer.py fix random failure (#27996) 4 years ago
test_initializer_nn.py add paddle.nn.initializer API, including: Normal, TruncatedNormal, Uniform, XavierNormal, XavierUniform, Assign (#27769) 4 years ago
test_inplace.py Add Inplace strategy (Output reuse Input Varbase) in dygraph (#30103) 4 years ago
test_inplace_abn_op.py Add inplace abn op (#22806) 5 years ago
test_inplace_addto_strategy.py Fix transpose in conv cudnn kernel when addto enabled (#28295) 4 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 Reimplement paddle.utils.install_check. (#27771) 4 years ago
test_instance_norm_op.py fix instance norm in dy (#24717) 5 years ago
test_instance_norm_op_v2.py 2.0rc api rename (#28088) 4 years ago
test_inverse_op.py Enrich the python error types of paddle & polish format (#28124) 4 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 [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 years ago
test_ir_memory_optimize_ifelse_op.py [Kunlun] PR2: Support MultiDevicePass and BKCL in parallel executor (#29574) 4 years ago
test_ir_memory_optimize_nlp.py
test_ir_memory_optimize_pass.py [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 years ago
test_ir_memory_optimize_transformer.py [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 years ago
test_is_empty_op.py [API 2.0] Fix api 'is_empty' (#27593) 5 years ago
test_is_tensor.py remove complexvariable (#29390) 4 years ago
test_isfinite_op.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_isfinite_v2_op.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_jit_save_load.py fix prune input bug (#30384) 4 years ago
test_kldiv_loss_op.py add type promotion (#27756) 4 years ago
test_kron_op.py type promotion for grad (#30177) 4 years ago
test_l1_loss.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_l1_norm_op.py
test_label_smooth_functional.py Add label smooth to functional package (#27642) 5 years ago
test_label_smooth_op.py
test_lamb_op.py Modify the calculation logic of LambOptimizer (#29313) 4 years ago
test_lambv2_op.py Modify the calculation logic of LambOptimizer (#29313) 4 years ago
test_launch_coverage.py Clean up the redundant files and unify the launch interface. (#28928) 4 years ago
test_layer_norm_op.py fix layer_norm accuracy (#29434) 4 years ago
test_layer_norm_op_v2.py add norm 2.0 api, test=develop (#26465) 5 years ago
test_layers.py fix train eval set error in static mode (#29540) 4 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 fix typo words (#22653) 5 years ago
test_linear_interp_op.py fix typo for interp_v2,test=develop (#26843) 5 years ago
test_linear_interp_v2_op.py fix typo for interp_v2,test=develop (#26843) 5 years ago
test_linspace.py refine linspace Op for dtype setting(#27071) 5 years ago
test_listen_and_serv.sh
test_listen_and_serv_op.py [Feature] one ps (3/4) (#29604) 4 years ago
test_load_op.py modify test_load_op save path from /tmp to ./ (#27872) 4 years ago
test_load_op_xpu.py modify test_load_op save path from /tmp to ./ (#27872) 4 years ago
test_load_state_dict_from_old_format.py Polish jit.save/load design & remove paddle.SaveLoadConfig (#27623) 4 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 Migrate 4 APIs about array to paddle.tensor.* (#29565) 4 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 Remove and reorganize the alias of APIs (#27717) 4 years ago
test_logical_op.py add broadcast feature for elementwise logical op 5 years ago
test_logsumexp.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_lookahead.py Add Lookahead and ModelAverage Optimizer (#30004) 4 years ago
test_lookup_table_dequant_op.py add lookup_table_dequant_op (#22900) 5 years ago
test_lookup_table_op.py Fix wrong out dtype inferred from helper.input_dtype (#28715) 4 years ago
test_lookup_table_v2_op.py add embedding 2.0 (#26649) 5 years ago
test_lr_scheduler.py fix load check_point bug of LinearWarmup (#28280) 4 years ago
test_lrn_op.py Upgrade string literals to raw string (#28989) 4 years ago
test_lstm_cudnn_op.py Add flattern weight of lstm (#27192) 4 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 2.0rc api rename (#28088) 4 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 Remove and reorganize the alias of APIs (#27717) 4 years ago
test_match_matrix_tensor_op.py
test_math_op_patch.py Improve performance of elementwise_add grad op (#29187) 4 years ago
test_math_op_patch_var_base.py Support type promote for basic math ops (quantum required) (#29265) 4 years ago
test_matmul_op.py support elementwise add, activation, matmul on Baidu Kunlun (#27143) 5 years ago
test_matmul_op_with_head.py
test_matmul_v2_op.py type promotion for grad (#30177) 4 years ago
test_matrix_nms_op.py update matrix nms op to api 2.0 (#28265) 4 years ago
test_max_op.py Fix wrong out dtype inferred from helper.input_dtype (#28715) 4 years ago
test_maximum_op.py add paddle.subtract, optimize paddle.maximum and paddle.minimum 4 years ago
test_maxout_op.py Remove and reorganize the alias of APIs (#27717) 4 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 Remove and reorganize the alias of APIs (#27717) 4 years ago
test_median.py Add median api. (#28310) 4 years ago
test_memcpy_op.py Recompute Offload: fixed bug in memcpy (#30484) 4 years ago
test_memory_reuse_exclude_feed_var.py
test_memory_usage.py
test_merge_selectedrows_op.py
test_meshgrid_op.py modify meshgrid test=develop (#25319) 5 years ago
test_min_op.py Fix wrong out dtype inferred from helper.input_dtype (#28715) 4 years ago
test_mine_hard_examples_op.py
test_minimum_op.py add paddle.subtract, optimize paddle.maximum and paddle.minimum 4 years ago
test_minus_op.py
test_mish_op.py add mish op. (#24565) 5 years ago
test_mix_precision_all_reduce_fuse.py [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 years ago
test_modelaverage.py Add Lookahead and ModelAverage Optimizer (#30004) 4 years ago
test_modified_huber_loss_op.py
test_momentum_op.py Add pure fp16 training with master weights. (#27712) 4 years ago
test_monitor.py refine fleet dataset class api (#27133) 5 years ago
test_mse_loss.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_mul_nn_grad.py fix unittest timeout (#29820) 4 years ago
test_mul_op.py support elementwise add, activation, matmul on Baidu Kunlun (#27143) 5 years ago
test_multiclass_nms_op.py Enhance multiclass_nms op to support LoD for dygraph mode (#28276) 4 years ago
test_multihead_attention.py
test_multinomial_op.py fix test_multinomial (#28558) 4 years ago
test_multiplex_op.py Add dygraph implementation for multiplex op (#29049) 4 years ago
test_multiply.py Support type promote for basic math ops (quantum required) (#29265) 4 years ago
test_multiprocess_dataloader_dataset.py fix dataloader collate return list mix tensor and numpy array (#30904) 4 years ago
test_multiprocess_dataloader_dynamic.py DataLoader support not auto collate batch (#28425) 4 years ago
test_multiprocess_dataloader_exception.py remove BatchSampler type check (#29114) 4 years ago
test_multiprocess_dataloader_iterable_dataset_dynamic.py DataLoader support not auto collate batch (#28425) 4 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 fix dataloader default value and doc (#28728) 4 years ago
test_multiprocess_dataloader_static.py fix dataloader default value and doc (#28728) 4 years ago
test_multiprocess_reader_exception.py Enrich the python error types of paddle & polish format (#28124) 4 years ago
test_mv_op.py update mv op according PR#27024 (#27474) 5 years ago
test_naive_best_fit_gpu_memory_limit.py Add flags to limit gpu memory (#22793) 5 years ago
test_name_scope.py
test_nan_inf.py Hot fix complle failed in gcc4.8 caused by complex impl (#29254) 4 years ago
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 API for pad op. (#27943) 4 years ago
test_network_with_dtype.py
test_nll_loss.py fix random seed in nll_loss unittest test=develop (#30468) 4 years ago
test_nn_functional_embedding_dygraph.py pre padding in dygraph (#30163) 4 years ago
test_nn_functional_embedding_static.py fix weight (#26986) 5 years ago
test_nn_functional_hot_op.py Enrich the python error types of paddle & polish format (#28124) 4 years ago
test_nn_grad.py fix unittest timeout (#29820) 4 years ago
test_nn_margin_rank_loss.py Make the Bind Method of Tensor more automatic (#27270) 5 years ago
test_nn_sigmoid_op.py Make the Bind Method of Tensor more automatic (#27270) 5 years ago
test_nonzero_api.py [API 2.0: doc] fix doc of nonzero (#27685) 5 years ago
test_norm_all.py fix Norm op error (#26771) 5 years ago
test_norm_nn_grad.py fix batch_norm doublegrad, test=develop (#27703) 5 years ago
test_norm_op.py OP error message enhancement of l2_normalize, matmul, mean, etc 5 years ago
test_normal.py 2.0rc api rename (#28088) 4 years ago
test_normalization_wrapper.py
test_normalize.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_npair_loss_op.py API/OP error message enhancement (#23691) 5 years ago
test_numel_op.py fix the input error of size Op (#28272) 4 years ago
test_nvprof.py
test_one_hot_op.py Enrich the python error types of paddle & polish format (#28124) 4 years ago
test_one_hot_v2_op.py Enrich the python error types of paddle & polish format (#28124) 4 years ago
test_ones_like.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_ones_op.py Paddle-2.0 API directory migration (#25898) 5 years ago
test_onnx_export.py Add ONNX Exporter (#27831) 4 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_op_version.py enhance the op_version_registry, test=develop (#28347) 4 years ago
test_operator.py
test_operator_desc.py add fluid.device_guard to specify the device type for Op (#22254) 5 years ago
test_optimizer.py Optimization grad merge performance (#29784) 4 years ago
test_optimizer_grad.py Fix adam (#27778) 4 years ago
test_optimizer_in_control_flow.py [Windows CI test] Enable unittest test_optimizer_in_control_flow and remove unnecessay code (#29851) 4 years ago
test_pad2d_op.py OP(pad, pad2d, pad_constant_like) error message enhancement (#23882) 5 years ago
test_pad3d_op.py add int pad support for Pad1D/2D/3D (#31209) 4 years ago
test_pad_constant_like.py Fix wrong out dtype inferred from helper.input_dtype (#28715) 4 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_paddle_save_load.py Save load/save pickle protocol (#31044) 4 years ago
test_pairwise_distance.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_parallel_dygraph_mnist.py Remove scale loss before reduce in dygraph (#30807) 4 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 Support dynamic graph distributed (#28997) 4 years ago
test_parallel_dygraph_sparse_embedding_over_height.py Remove selected rows all reduce over height check (#28460) 4 years ago
test_parallel_dygraph_sync_batch_norm.py fix syncbn, test=develop (#26523) 5 years ago
test_parallel_dygraph_transformer.py Remove scale loss before reduce in dygraph (#30807) 4 years ago
test_parallel_dygraph_unused_variables.py [Kunlun] add gen_bkcl_id_op, support multi XPU cards training using multiprocess (#30858) 4 years ago
test_parallel_executor_crf.py Decrease test_parallel_executor_crf CI time, test=develop (#27212) 5 years ago
test_parallel_executor_drop_scope.py
test_parallel_executor_dry_run.py
test_parallel_executor_feed_persistable_var.py Enrich the python error types of paddle & polish format (#28124) 4 years ago
test_parallel_executor_fetch_feed.py
test_parallel_executor_fetch_isolated_var.py enable test_parallel_executor_fetch_isolated_var (#28219) 4 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 [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 years ago
test_parallel_executor_pg.py [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 years ago
test_parallel_executor_profiler.py set NCCL_SHM_DISABLE=1 for test_parallel_executor_profilery.py (#28484) 4 years ago
test_parallel_executor_run_load_infer_program.py
test_parallel_executor_seresnext_base_cpu.py [Kunlun] PR2: Support MultiDevicePass and BKCL in parallel executor (#29574) 4 years ago
test_parallel_executor_seresnext_base_gpu.py [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 years ago
test_parallel_executor_seresnext_with_fuse_all_reduce_cpu.py [Kunlun] PR2: Support MultiDevicePass and BKCL in parallel executor (#29574) 4 years ago
test_parallel_executor_seresnext_with_fuse_all_reduce_gpu.py [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 years ago
test_parallel_executor_seresnext_with_reduce_cpu.py [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 years ago
test_parallel_executor_seresnext_with_reduce_gpu.py [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 years ago
test_parallel_executor_test_while_train.py Retry CUDA Initialization to Fix Random Failure, test=develop (#28323) 4 years ago
test_parallel_executor_transformer.py [Kunlun] bug fix of PR2: Support MultiDevicePass and BKCL in parallel executor (#29961) 4 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 support deepcopy for Layer/Tensor/Paramerbase (#29387) 4 years ago
test_partial_concat_op.py add partial_concat op in contrib (#22528) 5 years ago
test_partial_eager_deletion_transformer.py
test_partial_sum_op.py add partial_sum op in contrib (#22292) 5 years ago
test_pass_builder.py fix unittest failed on windows (#29837) 4 years ago
test_pipeline.py fix the bug in pipeline data parallelism (#29731) 4 years ago
test_pixel_shuffle.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_polygon_box_transform.py enhance some op/api error message (#23768) 5 years ago
test_pool1d_api.py [cherry pick ] cherry pick 28108 28198 28199 from release2.0rc (#28215) 4 years ago
test_pool2d_api.py [cherry pick ] cherry pick 28108 28198 28199 from release2.0rc (#28215) 4 years ago
test_pool2d_op.py [ROCM] fix softmax with loss and update python scripts, test=develop (#31373) 4 years ago
test_pool3d_api.py [cherry pick ] cherry pick 28108 28198 28199 from release2.0rc (#28215) 4 years ago
test_pool3d_op.py fix test_pool3d_op timeout issue (#30248) 4 years ago
test_pool_max_op.py
test_positive_negative_pair_op.py
test_pow.py Remove cast from paddle.pow api (#29134) 4 years ago
test_precision_recall_op.py
test_prelu_op.py Hide the C++ stack by default and add hints (#29042) 4 years ago
test_print_op.py Update paddle.static.Print with paddle2.0 api (#30846) 4 years ago
test_prior_box_op.py
test_prod_op.py Remove and reorganize the alias of APIs (#27717) 4 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 Polish unittests details and execution conditions to adapt to MUSL (#29044) 4 years ago
test_program_prune_backward.py [Kunlun] PR2: Support MultiDevicePass and BKCL in parallel executor (#29574) 4 years ago
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 2.0rc api rename (#28088) 4 years ago
test_py_reader_combination.py remove paddle.readers API (#26727) 5 years ago
test_py_reader_error_msg.py refine the paddle place support using str (#28769) 4 years ago
test_py_reader_lod_level_share.py
test_py_reader_pin_memory.py
test_py_reader_push_pop.py
test_py_reader_return_list.py
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 change uniform_random to uniform and optimize function names in unittest for random ops (#26951) 5 years ago
test_randint_op.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_randn_op.py Remove and reorganize the alias of APIs (#27717) 4 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 2.0rc api rename (#28088) 4 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_real_imag_op.py [Complex] Add real & imag op and api for complex tensor (#29672) 4 years ago
test_recurrent_op.py Upgrade string literals to raw string (#28989) 4 years ago
test_recv_save_op.py [Feature] one ps (3/4) (#29604) 4 years ago
test_reduce_op.py [cherry pick ] cherry pick 28108 28198 28199 from release2.0rc (#28215) 4 years ago
test_reducescatter.py Use dygraph mode by default (#27443) 5 years ago
test_reducescatter_api.py Use dygraph mode by default (#27443) 5 years ago
test_registry.py
test_regularizer.py fix reg api ut fail (#29921) 4 years ago
test_regularizer_api.py fix reg api ut fail (#29921) 4 years ago
test_reorder_lod_tensor.py Op (reorder_lod_tensor_by_rank) error message enhancement (#23552) 5 years ago
test_require_version.py Upgrade string literals to raw string (#28989) 4 years ago
test_reshape_op.py Add Inplace strategy (Output reuse Input Varbase) in dygraph (#30103) 4 years ago
test_retain_graph.py Enrich the python error types of paddle & polish format (#28124) 4 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 Enrich the python error types of paddle & polish format (#28124) 4 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 Fix beam search bug (#29824) 4 years ago
test_rnn_memory_helper_op.py
test_rnn_op.py Add eigen gru and fix the dropout bug in the rnn 4 years ago
test_roi_align_op.py add offset parameter in roi_align,generate_proposals.etc ops (#30864) 4 years ago
test_roi_perspective_transform_op.py Enhance some op error message (#23711) 5 years ago
test_roi_pool_op.py Enhance ops to support LoD as input for dygraph detection models. (#25316) 5 years ago
test_roll_op.py modify roll test=develop (#25321) 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 [Dy2Stat] Add cache for Executor and Context in run_program_op (#28421) 4 years ago
test_runtime_and_compiletime_exception.py Enrich the python error types of paddle & polish format (#28124) 4 years ago
test_sample_logits_op.py API/OP error message enhancement (#23684) 5 years ago
test_sampling_id_op.py add lamb optimizer and unittest (#28772) TODO:FIX BUGS LATER 4 years ago
test_save_model_without_var.py Refine the unittest to support py38 (#27208) 5 years ago
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 Fix scatter grad bug (#30604) 4 years ago
test_scatter_op.py Fix scatter grad bug (#30604) 4 years ago
test_scope.py Op (Scope) error message enhancement (#23458) 5 years ago
test_seed_op.py
test_segment_ops.py Add the cpu version of segment sum mean max min op 5 years ago
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 Remove and reorganize the alias of APIs (#27717) 4 years ago
test_set_bool_attr.py
test_set_value_op.py [static setitem] Support the index is Tensor; step>1; step<0 .(#30949) 4 years ago
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.py Remove and reorganize the alias of APIs (#27717) 4 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_simple_rnn_op.py Add LSTM, Simple RNN and GRU CPU kernel (#28577) 4 years ago
test_size_op.py fix the input error of size Op (#28272) 4 years ago
test_slice_op.py add dispenable input for core.ops.reshape2/expand/slice (#30072) 4 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 [ROCM] fix softmax with loss and update python scripts, test=develop (#31373) 4 years ago
test_softmax_with_cross_entropy_op.py [ROCM] fix softmax with loss and update python scripts, test=develop (#31373) 4 years ago
test_sort_op.py Make the Bind Method of Tensor more automatic (#27270) 5 years ago
test_space_to_depth_op.py
test_spawn_and_init_parallel_env.py Simplify the options of spawn based on fleetrun (#30144) 4 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_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 fix spp test (#22675) 5 years ago
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 add uint8 support for squeeze operator (#28734) 4 years ago
test_squeeze_op.py Add Inplace strategy (Output reuse Input Varbase) in dygraph (#30103) 4 years ago
test_stack_op.py refine paddle.stack (#26886) 5 years ago
test_static_save_load.py Save load/save pickle protocol (#31044) 4 years ago
test_static_save_load_large.py Split unittest. (#30727) 4 years ago
test_static_shape_inferrence_for_shape_tensor.py Set static shape for shape tensor with constant [part 1] (#28275) 4 years ago
test_std_layer.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_strided_slice_op.py [Complex] Simplify prepared op impl to improve performance (#30153) 4 years ago
test_subtract_op.py add paddle.subtract, optimize paddle.maximum and paddle.minimum 4 years ago
test_sum_op.py Update api 2.0 for some ops 4 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 Call new cudnn batch norm API regardless of data type and data layout (#30157) 4 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 support float16 for temporal_shift op (#31432) 4 years ago
test_tensor.py Enrich the python error types of paddle & polish format (#28124) 4 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_scalar_type_promotion_dynamic.py Check and fix tensor and scalar type promotion (#28299) 4 years ago
test_tensor_scalar_type_promotion_static.py Check and fix tensor and scalar type promotion (#28299) 4 years ago
test_tensor_to_numpy.py
test_tensor_type_promotion.py add warning message when dtypes of operator are not same (#31136) 4 years ago
test_tf32_cublas.py Add tf32 support for A100 tensor core acceleration for cuBLAS (#28732) 4 years ago
test_tf32_cudnn.py Add tf32 switch for cuDNN (#29192) 4 years ago
test_tile_op.py Make the Bind Method of Tensor more automatic (#27270) 5 years ago
test_top_k_op.py Add TopK Op Grad CPU&GPU Kernel test=develop (#22628) 5 years ago
test_top_k_v2_op.py fix the gradient bug for the topk v2 4 years ago
test_trace_op.py modify trace api test=develop (#25397) 5 years ago
test_traced_layer_err_msg.py [Dy2Static]Enhance check of TracedLayers out vars (#30576) 4 years ago
test_trainable.py
test_trainer_desc.py
test_transformer_api.py Optimization of Transformer API (#30957) 4 years ago
test_translated_layer.py Polish unittests details and execution conditions to adapt to MUSL (#29044) 4 years ago
test_transpiler_ops.py
test_transpose_op.py [Dy2stat] Fix Using Tuple for Transpose in Dy2stat (#28574) 4 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 add fp16 support for tril_triu op (#30186) 4 years ago
test_trilinear_interp_op.py update interpolate & upsample api's doc (#24553) 5 years ago
test_trilinear_interp_v2_op.py fix for timeout, test=develop (#29788) 4 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 2.0rc api rename (#28088) 4 years ago
test_unique.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_unique_name.py Refine the format of printing tensor (#27673) 4 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 Add Inplace strategy (Output reuse Input Varbase) in dygraph (#30103) 4 years ago
test_unsqueeze_op.py Add Inplace strategy (Output reuse Input Varbase) in dygraph (#30103) 4 years ago
test_unstack_op.py
test_update_loss_scaling_op.py Remove tensor copy in the update_loss_scaling op. (#29426) 4 years ago
test_var_base.py Fix bug for set_value op when input dtype is not float32 (#31411) 4 years ago
test_var_conv_2d.py 2.0rc api rename (#28088) 4 years ago
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 Remove and reorganize the alias of APIs (#27717) 4 years ago
test_version.py
test_view_op_reuse_allocation.py add View(reuse allocation) strategy on squeeze, unsqueeze, reshape, flatten op (#29913) 4 years ago
test_warpctc_op.py fix tests warpctc (#27639) 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 Refine the gradient calculation errors caused by renaming in while_grad (#27814) 4 years ago
test_while_op.py Refine the gradient calculation errors caused by renaming in while_grad (#27814) 4 years ago
test_yolo_box_op.py alias yolo_loss & yolo_box to paddle.vision. (#28520) 4 years ago
test_yolov3_loss_op.py alias yolo_loss & yolo_box to paddle.vision. (#28520) 4 years ago
test_zeros_like_op.py Remove and reorganize the alias of APIs (#27717) 4 years ago
test_zeros_op.py Paddle-2.0 API directory migration (#25898) 5 years ago
testsuite.py
transformer_model.py fix typo words (#22653) 5 years ago
utils.py