..
dygraph_to_static
Add LSTM, Simple RNN and GRU CPU kernel ( #28577 )
5 years ago
ir
Add checkpoint to quantize ( #28612 )
5 years ago
mkldnn
Add multi_gru op and tests ( #28591 )
5 years ago
rnn
Add LSTM, Simple RNN and GRU CPU kernel ( #28577 )
5 years ago
sequence
exec ut no more than 15s 1 ( #28439 )
5 years ago
white_list
Add LSTM, Simple RNN and GRU CPU kernel ( #28577 )
5 years ago
xpu
adjust kunlun header file ( #28536 )
5 years ago
CMakeLists.txt
modfied the timeout value for 5 ut ( #28714 )
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
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 )
5 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
Use dygraph mode by default ( #27443 )
5 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 )
5 years ago
ctr_dataset_reader.py
【paddle.distributed.fleet】add data_generator in distributed.fleet.dataset ( #27345 )
5 years ago
decorator_helper.py
Support backward of backward for Relu and add a new gradient checker by comparing theoretical and numerical Jacobian. ( #16862 )
6 years ago
dist_allreduce_op.py
Use dygraph mode by default ( #27443 )
5 years ago
dist_ctr.py
bug fix: invalid learning rate decay in pserver async mode ( #20325 )
6 years ago
dist_ctr_reader.py
fix logging basicConfig cannot be setting after import paddle ( #17786 )
6 years ago
dist_fleet_ctr.py
【paddle.fleet】 Usages Change: from fleet.util() to fleet.util ( #27468 )
5 years ago
dist_fleet_ctr_ps_gpu.py
【paddle.fleet】 Usages Change: from fleet.util() to fleet.util ( #27468 )
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】Update fleetrun & ps-heter ( #27472 )
5 years ago
dist_fleet_simnet_bow.py
【paddle.fleet】 Usages Change: from fleet.util() to fleet.util ( #27468 )
5 years ago
dist_fleet_sparse_embedding_ctr.py
large scale kv speedup ( #26510 )
5 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_lars.py
…
dist_save_load.py
Try to deprecate unstable python memory optimize ( #18983 )
6 years ago
dist_se_resnext.py
Use dygraph mode by default ( #27443 )
5 years ago
dist_sharding_save.py
[Sharding] add new features ( #28568 )
5 years ago
dist_test.sh
fix test=develop ( #26697 )
5 years ago
dist_test_utils.py
Delete pserver complete file before executor running. ( #19468 )
6 years ago
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
Fix unittests which takes too long time ( #16713 )
6 years ago
feed_data_reader.py
merge develop to solve conflict, also fix API doc, test=develop ( #18823 )
6 years ago
find_ports.py
Use available ports instead of static ports. ( #22553 )
5 years ago
fleet_meta_optimizer_base.py
add sharding strategy in fleet( #27900 )
5 years ago
fleet_ps_training.py
【paddle.fleet】Update fleetrun & ps-heter ( #27472 )
5 years ago
gradient_checker.py
Fix travic ci ( #23002 )
5 years ago
hdfs_test_utils.py
fix ut test=develop ( #27760 )
5 years ago
ir_memory_optimize_net_base.py
Try to deprecate unstable python memory optimize ( #18983 )
6 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
op_test.py
[oneDNN ] conv2d fwd&bwd optimization ( #27871 )
5 years ago
op_test_xpu.py
adjust kunlun header file ( #28536 )
5 years ago
parallel_dygraph_mnist.py
【paddle.fleet】distributed_optimizer supports dygraph ( #26541 )
5 years ago
parallel_dygraph_se_resnext.py
Support dygraph structuerd name ( #21930 )
5 years ago
parallel_dygraph_sparse_embedding.py
Support SelelctedRows allreduce in multi-cards imperative mode ( #24690 )
5 years ago
parallel_dygraph_sparse_embedding_over_height.py
Remove selected rows all reduce over height check ( #28460 )
5 years ago
parallel_dygraph_sync_batch_norm.py
[cherry pick ] cherry pick 28108 28198 28199 from release2.0rc ( #28215 )
5 years ago
parallel_dygraph_transformer.py
Support SelelctedRows allreduce in multi-cards imperative mode ( #24690 )
5 years ago
parallel_executor_test_base.py
2.0rc api rename ( #28088 )
5 years ago
parallel_test.sh
Finetune the performance of the unittests. ( #26402 )
5 years ago
py_precise_roi_pool.py
fix the precise roi poop op test=develop ( #20126 )
6 years ago
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
【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
5 years ago
test_activation_nn_grad.py
register log double grad kernel for cpu and cuda
5 years ago
test_activation_op.py
add log10 ( #28576 )
5 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 )
5 years ago
test_adam_op.py
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_adam_optimizer_fp32_fp64.py
fix adam fp64, test=develop ( #21423 )
6 years ago
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 lr setting of AdamW when lr is an instance of LRScheduler ( #28300 )
5 years ago
test_adaptive_avg_pool1d.py
2.0rc api rename ( #28088 )
5 years ago
test_adaptive_avg_pool2d.py
2.0rc api rename ( #28088 )
5 years ago
test_adaptive_avg_pool3d.py
2.0rc api rename ( #28088 )
5 years ago
test_adaptive_max_pool1d.py
2.0rc api rename ( #28088 )
5 years ago
test_adaptive_max_pool2d.py
[cherry pick ] cherry pick 28108 28198 28199 from release2.0rc ( #28215 )
5 years ago
test_adaptive_max_pool3d.py
2.0rc api rename ( #28088 )
5 years ago
test_add_position_encoding_op.py
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_add_reader_dependency.py
add reader dependency pass, test=develop ( #23301 )
5 years ago
test_addcmul.py
Remove and reorganize the alias of APIs ( #27717 )
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
Add allclose_op ( #23335 )
5 years ago
test_allclose_op.py
Allclose op ( #27891 )
5 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
API(fluid.layers.array_read/array_write) error message enhancement ( #23568 )
5 years ago
test_assert_op.py
Enrich the python error types of paddle & polish format ( #28124 )
5 years ago
test_assign_op.py
[API 2.0: doc] transfer from paddle.fluid.layers.assign() into creation.py ( #27999 )
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
Add dygraph execution context ( #20157 )
6 years ago
test_auc_op.py
Upgrade Error Message for AucOP & MultiplexOP ( #24458 )
5 years ago
test_auc_single_pred_op.py
fix aucop stat shape ( #21846 )
5 years ago
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
Avoid treating broadcast as initialization operation ( #19857 )
6 years ago
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 )
5 years ago
test_basic_gru_api.py
Fix basic_gru and docs of gru_unit and dynamic_gru ( #19393 )
6 years ago
test_basic_gru_unit_op.py
Fix basic_gru and docs of gru_unit and dynamic_gru ( #19393 )
6 years ago
test_basic_lstm_api.py
Fix basic_gru and docs of gru_unit and dynamic_gru ( #19393 )
6 years ago
test_basic_lstm_unit_op.py
Fix basic_gru and docs of gru_unit and dynamic_gru ( #19393 )
6 years ago
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
Add trainable_statistics in attr for batch_norm. ( #24072 )
5 years ago
test_batch_norm_op_v2.py
2.0rc api rename ( #28088 )
5 years ago
test_batch_sampler.py
Add weighted random sampler ( #28545 )
5 years ago
test_bce_loss.py
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_bce_with_logits_loss.py
Remove and reorganize the alias of APIs ( #27717 )
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
fix typo for interp_v2,test=develop ( #26843 )
5 years ago
test_bilateral_slice_op.py
Fix bilateral inference shape bug ( #26822 )
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
all cases use large shape ( #22065 )
5 years ago
test_bilinear_interp_v2_op.py
Support Tensor for attr_scale and attr_size ( #28677 )
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 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 )
5 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 )
5 years ago
test_buffer_shared_memory_reuse_pass.py
Fix bug of fetch_async_op_handle when fetching the feed variable ( #28194 )
5 years ago
test_buffer_shared_memory_reuse_pass_and_fuse_optimization_op_pass.py
disable_fuse_all_reduce ( #27746 )
5 years ago
test_build_strategy_fusion_group_pass.py
Enable the detection of subgraph composed of grad ops ( #21223 )
5 years ago
test_c_comm_init_all_op.py
Enrich the python error types of paddle & polish format ( #28124 )
5 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
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
fix the unittest of test_check_import_scipy on V100 ( #21853 )
5 years ago
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 )
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
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_clip_by_norm_op.py
Change several tests to inherit the right parent class, test=develop ( #21652 )
6 years ago
test_clip_op.py
remove to_variable from 2.0 ( #27528 )
5 years ago
test_coalesce_tensor_op.py
Fix unit tests to avoid check_grad checking failures ( #21554 )
6 years ago
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
modify ut cmakefile ( #28140 )
5 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 )
5 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 )
5 years ago
test_communicator_async.py
test=develop, optimize geo communicator ( #26857 )
5 years ago
test_communicator_geo.py
Fix test dist fleet heter ctr ( #27513 )
5 years ago
test_communicator_half_async.py
large scale kv speedup ( #26510 )
5 years ago
test_communicator_sync.py
Fix test dist fleet heter ctr ( #27513 )
5 years ago
test_compare_op.py
faster the compare ops dygraph model speed
5 years ago
test_compare_reduce_op.py
Update the api for the compare_ops
5 years ago
test_compat.py
Optimze/optimize dygraph api ( #19999 )
6 years ago
test_compiled_program.py
2.0rc api rename ( #28088 )
5 years ago
test_complex_elementwise_layers.py
add + - * / @ [] operator to ComplexVariable ( #28217 )
5 years ago
test_complex_getitem.py
add + - * / @ [] operator to ComplexVariable ( #28217 )
5 years ago
test_complex_kron.py
Move complex into dir incubate ( #24254 )
5 years ago
test_complex_matmul.py
add + - * / @ [] operator to ComplexVariable ( #28217 )
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
add cast/concat/assign xpu op ( #27911 )
5 years ago
test_cond.py
Handle Windows flaky test ( #25070 )
5 years ago
test_conditional_block.py
Fix That conditional_block_op Doesn't Have InferShape ( #21733 )
5 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 )
5 years ago
test_conv1d_transpose_layer.py
[cherry pick ] cherry pick 28108 28198 28199 from release2.0rc ( #28215 )
5 years ago
test_conv2d_fusion_op.py
2.0rc api rename ( #28088 )
5 years ago
test_conv2d_layer.py
2.0rc api rename ( #28088 )
5 years ago
test_conv2d_op.py
2.0rc api rename ( #28088 )
5 years ago
test_conv2d_transpose_layer.py
[cherry pick ] cherry pick 28108 28198 28199 from release2.0rc ( #28215 )
5 years ago
test_conv2d_transpose_op.py
2.0rc api rename ( #28088 )
5 years ago
test_conv3d_layer.py
2.0rc api rename ( #28088 )
5 years ago
test_conv3d_op.py
2.0rc api rename ( #28088 )
5 years ago
test_conv3d_transpose_layer.py
[cherry pick ] cherry pick 28108 28198 28199 from release2.0rc ( #28215 )
5 years ago
test_conv3d_transpose_op.py
2.0rc api rename ( #28088 )
5 years ago
test_conv3d_transpose_part2_op.py
2.0rc api rename ( #28088 )
5 years ago
test_conv_nn_grad.py
2.0rc api rename ( #28088 )
5 years ago
test_conv_shift_op.py
Remove `no_grad_set` usage from "conv_shift" op tests ( #22683 )
5 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 )
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
Refactor linear chain crf op & crf decoding op ( #19982 )
6 years ago
test_crop_op.py
all cases use large shape ( #22065 )
5 years ago
test_crop_tensor_op.py
all cases use large shape ( #22065 )
5 years ago
test_cross_entropy2_op.py
Update the precision of some op tests from fp32 to fp64 ( #21774 )
5 years ago
test_cross_entropy_loss.py
fix cross_entropy bug of the axis parameter in log_softmax ( #27311 )
5 years ago
test_cross_entropy_op.py
all cases use large shape ( #22102 )
5 years ago
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_cuda_random_seed.py
2.0rc api rename ( #28088 )
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
remove to_variable from 2.0 ( #27528 )
5 years ago
test_cvm_op.py
Add dygraph execution context ( #20157 )
6 years ago
test_cyclic_cifar_dataset.py
fix readers bug, test=develop ( #19868 )
6 years ago
test_data.py
Add static mode check on data() ( #27495 )
5 years ago
test_data_generator.py
【paddle.distributed.fleet】add data_generator in distributed.fleet.dataset ( #27345 )
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
Fix static graph dataloader early reset bug ( #22365 )
5 years ago
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
fix the dataset remove bug for the dataset
5 years ago
test_dataset_dataloader.py
refine fleet dataset class api ( #27133 )
5 years ago
test_dataset_download.py
change download log format ( #21290 )
6 years ago
test_debugger.py
…
test_decayed_adagrad_op.py
…
test_decoupled_py_reader.py
2.0rc api rename ( #28088 )
5 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_deformable_conv_op.py
2.0rc api rename ( #28088 )
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 static mode check on data() ( #27495 )
5 years ago
test_deprecated_memory_optimize_interfaces.py
Try to deprecate unstable python memory optimize ( #18983 )
6 years ago
test_dequantize_abs_max_op.py
add dequantize_abs_max op and modify lookup_table op ( #20899 )
6 years ago
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
fix detection_map. test=develop ( #22705 )
5 years ago
test_device.py
Support setting xpu place in dygraph mode ( #27909 )
5 years ago
test_device_guard.py
Refine the unittest to support py38 ( #27208 )
5 years ago
test_dgc_momentum_op.py
Fix dgc accuracy by mv regularization to local ( #21278 )
6 years ago
test_dgc_op.py
Fix dgc accuracy by mv regularization to local ( #21278 )
6 years ago
test_dgc_optimizer.py
fleet combine amp dgc recompute meta optimizer ( #27643 )
5 years ago
test_diag.py
Fix diag OP bug on Windows Python3.8
5 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
5 years ago
test_directory_migration.py
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_dist_allreduce_op.py
Use dygraph mode by default ( #27443 )
5 years ago
test_dist_base.py
Remove DataParallel.scale_loss & apply_collective_grads ( #27603 )
5 years ago
test_dist_fleet_a_sync_optimizer_async.py
Fix test dist fleet heter ctr ( #27513 )
5 years ago
test_dist_fleet_a_sync_optimizer_auto.py
【Paddle.Fleet】Fix fleetrun heter ( #28252 )
5 years ago
test_dist_fleet_a_sync_optimizer_auto_async.py
【Paddle.Fleet】Fix fleetrun heter ( #28252 )
5 years ago
test_dist_fleet_a_sync_optimizer_auto_geo.py
【Paddle.Fleet】Fix fleetrun heter ( #28252 )
5 years ago
test_dist_fleet_a_sync_optimizer_geo.py
【Paddle.Fleet】Fix fleetrun heter ( #28252 )
5 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
Fix test dist fleet heter ctr ( #27513 )
5 years ago
test_dist_fleet_ctr.py
【paddle.fleet】parameter_server_optimizer support auto_strategy ( #26838 )
5 years ago
test_dist_fleet_geo.py
Use dygraph mode by default ( #27443 )
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】Update fleetrun & ps-heter ( #27472 )
5 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 )
5 years ago
test_dist_fleet_ps.py
Use dygraph mode by default ( #27443 )
5 years ago
test_dist_fleet_ps2.py
Feature/large scale kv save base/delta ( #27470 )
5 years ago
test_dist_fleet_ps3.py
Use dygraph mode by default ( #27443 )
5 years ago
test_dist_fleet_ps4.py
large scale kv speedup ( #26510 )
5 years ago
test_dist_fleet_ps5.py
large scale kv speedup ( #26510 )
5 years ago
test_dist_fleet_ps6.py
fix ut for static graph ( #27506 )
5 years ago
test_dist_fleet_simnet.py
Use dygraph mode by default ( #27443 )
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_lookup_sparse_table_fuse_ops.py
fix ut for static graph ( #27506 )
5 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
Use dygraph mode by default ( #27443 )
5 years ago
test_dist_mnist_fleetapi.py
Use dygraph mode by default ( #27443 )
5 years ago
test_dist_mnist_fp16_allreduce.py
fleet2.0 add fp16 grad compression ( #27480 )
5 years ago
test_dist_mnist_hallreduce.py
Use dygraph mode by default ( #27443 )
5 years ago
test_dist_mnist_lars.py
Split the unittest test_dist_mmist into multiple unittests (test_dist_mnist, test_dist_mnist_nccl and test_dist_mnist_lars) to avoid timeout ( #17707 )
6 years ago
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
Use dygraph mode by default ( #27443 )
5 years ago
test_dist_op.py
Use dygraph mode by default ( #27443 )
5 years ago
test_dist_save_load.py
Add bash_test_modules function to capture the timeout or failed context. ( #20197 )
6 years ago
test_dist_se_resnext_dgc.py
modify the method of skipping CI in distributed unittests ( #21764 )
5 years ago
test_dist_se_resnext_nccl.py
Use dygraph mode by default ( #27443 )
5 years ago
test_dist_se_resnext_sync.py
modify the method of skipping CI in distributed unittests ( #21764 )
5 years ago
test_dist_sharding_save.py
[Sharding] add new features ( #28568 )
5 years ago
test_dist_sparse_load_ps0.py
【paddle.fleet】fix sparse load ( #27680 )
5 years ago
test_dist_sparse_load_ps1.py
【paddle.fleet】fix sparse load ( #27680 )
5 years ago
test_dist_sparse_tensor_load_adagrad.py
【paddle.fleet】fix sparse load ( #27680 )
5 years ago
test_dist_sparse_tensor_load_adam.py
【paddle.fleet】fix sparse load ( #27680 )
5 years ago
test_dist_sparse_tensor_load_ftrl.py
【paddle.fleet】fix sparse load ( #27680 )
5 years ago
test_dist_sparse_tensor_load_momentum.py
【paddle.fleet】fix sparse load ( #27680 )
5 years ago
test_dist_sparse_tensor_load_rmsprop.py
【paddle.fleet】fix sparse load ( #27680 )
5 years ago
test_dist_sparse_tensor_load_sgd.py
【paddle.fleet】fix sparse load ( #27680 )
5 years ago
test_dist_text_classification.py
Add bash_test_modules function to capture the timeout or failed context. ( #20197 )
6 years ago
test_dist_train.py
Delete pserver complete file before executor running. ( #19468 )
6 years ago
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
Use dygraph mode by default ( #27443 )
5 years ago
test_dist_transpiler_config.py
Use dygraph mode by default ( #27443 )
5 years ago
test_dist_word2vec.py
Add bash_test_modules function to capture the timeout or failed context. ( #20197 )
6 years ago
test_distribute_fpn_proposals_op.py
Enhance ops to support LoD as input for dygraph detection models. ( #25316 )
5 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
add new dot op( #23418 )
5 years ago
test_downpoursgd.py
add pslib SparseDoubleTable test=develop ( #23053 )
5 years ago
test_dpsgd_op.py
add optimizer:dpsgd,test=develop ( #19915 )
6 years ago
test_dropout_op.py
2.0rc api rename ( #28088 )
5 years ago
test_dygraph_mnist_fp16.py
fix bug fot test_dygraph_mnist_fp16.py, test=develop ( #22222 )
5 years ago
test_dygraph_mode_of_unittest.py
add static_mode_white_list ( #28112 )
5 years ago
test_dygraph_multi_forward.py
2.0rc api rename ( #28088 )
5 years ago
test_dygraph_weight_norm.py
2.0rc api rename ( #28088 )
5 years ago
test_dyn_rnn.py
Repair unittest: test_dyn_rnn ( #24031 )
5 years ago
test_dynamic_rnn_stop_gradient.py
Polish backward.py to prune more ops ( #22246 )
5 years ago
test_dynrnn_gradient_check.py
Support backward of backward for Relu and add a new gradient checker by comparing theoretical and numerical Jacobian. ( #16862 )
6 years ago
test_dynrnn_static_input.py
Refine the error of test_dynrnn_static_input ( #27084 )
5 years ago
test_eager_deletion_conditional_block.py
fix gc bug in conditional block ( #16673 )
6 years ago
test_eager_deletion_delete_vars.py
Remove: NGraph engine from PDPD repository ( #23545 )
5 years ago
test_eager_deletion_dynamic_rnn_base.py
Update CompiledProgram ( #18919 )
6 years ago
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 )
5 years ago
test_eager_deletion_recurrent_op.py
Update CompiledProgram ( #18919 )
6 years ago
test_eager_deletion_while_op.py
Update CompiledProgram ( #18919 )
6 years ago
test_edit_distance_op.py
support Tensor input for edit_distance op ( #18162 )
6 years ago
test_elementwise_add_op.py
Update `paddle.add` ( #25910 )
5 years ago
test_elementwise_div_op.py
revert divide ( #27202 )
5 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
Fix the big shape and precision op test, remove those from the white list ( #22788 )
5 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
all cases use large shape and skip special cases ( #22332 )
5 years ago
test_ema.py
Fix the global_step & continuous applying error in EMA ( #22090 )
5 years ago
test_embedding_id_stop_gradient.py
2.0rc api rename ( #28088 )
5 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
add empty op (c++, python, unit test) ( #26659 )
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
Enrich the python error types of paddle & polish format ( #28124 )
5 years ago
test_executor_and_mul.py
Support LoDTensorArray in fetch ( #23645 )
5 years ago
test_executor_and_use_program_cache.py
Refine the cache of program, context and scope in executor. ( #18483 )
6 years ago
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
add decorator skip_check_grad_ci ( #21836 )
5 years ago
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
all cases use large shape ( #22065 )
5 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 )
5 years ago
test_feed_data_check_shape_type.py
update the version of pybind, test=develop ( #28284 )
5 years ago
test_feed_fetch_method.py
Support LoDTensorArray in fetch ( #23645 )
5 years ago
test_fetch_handler.py
skip test_fetch_handler, will investigate it later, test=develop ( #21845 )
5 years ago
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
fix unit tests that do not need to inherit OpTest ( #21460 )
6 years ago
test_fill_any_like_op.py
Enrich the python error types of paddle & polish format ( #28124 )
5 years ago
test_fill_constant_op.py
fill_constant op supports NINF ( #28270 )
5 years ago
test_fill_op.py
fix optest of check_dygraph=False, test=develop ( #22283 )
5 years ago
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 )
5 years ago
test_flatten_op.py
all cases use large shape ( #22084 )
5 years ago
test_fleet.py
test=develop, rm netifaces ( #27581 )
5 years ago
test_fleet_amp_meta_optimizer.py
【paddle.fleet】fleet add _get_applied_meta_list and _get_applied_graph_list ( #27952 )
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_auto.py
【paddle.fleet】fleet add _get_applied_meta_list and _get_applied_graph_list ( #27952 )
5 years ago
test_fleet_base.py
【paddle.fleet】raise error when using multi-cards in fleet non_distributed mode ( #27854 )
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
【paddle.fleet】fleet add _get_applied_meta_list and _get_applied_graph_list ( #27952 )
5 years ago
test_fleet_base_4.py
【paddle.fleet】fleet add _get_applied_meta_list and _get_applied_graph_list ( #27952 )
5 years ago
test_fleet_base_single.py
【paddle.fleet】raise error when using multi-cards in fleet non_distributed mode ( #27854 )
5 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 )
5 years ago
test_fleet_distributed_strategy.py
fleet2.0 add fp16 grad compression ( #27480 )
5 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
add sharding strategy in fleet( #27900 )
5 years ago
test_fleet_graph_execution_meta_optimizer.py
Use dygraph mode by default ( #27443 )
5 years ago
test_fleet_graph_executor.py
fleet support paddle.optimzier ( #28026 )
5 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.sh
【paddle.fleet】Update fleetrun & ps-heter ( #27472 )
5 years ago
test_fleet_localsgd_meta_optimizer.py
fleet combine amp dgc recompute meta optimizer ( #27643 )
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
test=develop, rm netifaces ( #27581 )
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
fleet combine amp dgc recompute meta optimizer ( #27643 )
5 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 )
5 years ago
test_fleet_rolemaker_new.py
【paddle.fleet】bug fix for parameter_recv ( #27838 )
5 years ago
test_fleet_runtime.py
add save/load for parameter server ( #26235 )
5 years ago
test_fleet_sharding_meta_optimizer.py
[Sharding] add new features ( #28568 )
5 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_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
Remove and reorganize the alias of APIs ( #27717 )
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
[cherry pick ] cherry pick 28108 28198 28199 from release2.0rc ( #28215 )
5 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 )
5 years ago
test_fuse_all_reduce_pass.py
Refine paddle.manual_seed ( #26496 )
5 years ago
test_fuse_bn_act_pass.py
2.0rc api rename ( #28088 )
5 years ago
test_fuse_bn_add_act_pass.py
Fix unittest random failure ( #28363 )
5 years ago
test_fuse_elewise_add_act_pass.py
Try to deprecate unstable python memory optimize ( #18983 )
6 years ago
test_fuse_optimizer_pass.py
Refine paddle.manual_seed ( #26496 )
5 years ago
test_fuse_relu_depthwise_conv_pass.py
merge develop to solve conflict, also fix API doc, test=develop ( #18823 )
6 years ago
test_fused_elemwise_activation_op.py
fix accuracy parameters of op tests ( #21729 )
5 years ago
test_fused_emb_seq_pool_op.py
polish no_grad_set of gradient and append_backward ( #22440 )
5 years ago
test_fused_embedding_fc_lstm_op.py
Add dygraph execution context ( #20157 )
6 years ago
test_fused_fc_elementwise_layernorm_op.py
Add a pass to fuse fc+elementwise_add+layernorm ( #19776 )
6 years ago
test_fused_multihead_matmul_op.py
[Ernie GPU Optim]: Fuse three fc to multihtead matmul ( #22486 )
5 years ago
test_fusion_gru_op.py
Add oneDNN fusion_gru kernel ( #25594 )
5 years ago
test_fusion_lstm_op.py
Add dygraph execution context ( #20157 )
6 years ago
test_fusion_repeated_fc_relu_op.py
fix jit_matmul bug test=develop ( #20886 )
6 years ago
test_fusion_seqconv_eltadd_relu_op.py
add batch_size_1_input data function for sequence ops unittests ( #22172 )
5 years ago
test_fusion_seqexpand_concat_fc_op.py
Add dygraph execution context ( #20157 )
6 years ago
test_fusion_seqpool_concat_op.py
add batch_size_1_input data function for sequence ops unittests ( #22172 )
5 years ago
test_fusion_seqpool_cvm_concat_op.py
add batch_size_1_input data function for sequence ops unittests ( #22172 )
5 years ago
test_fusion_squared_mat_sub_op.py
…
test_fusion_transpose_flatten_concat_op.py
Fix unit tests to avoid check_grad checking failures ( #21554 )
6 years ago
test_gast_with_compatibility.py
Fix test_gast_with_compatibility.py due to the problem of gast in python3.8 ( #27433 )
5 years ago
test_gather_nd_op.py
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_gather_op.py
Fix output dtype inconsistent with input ( #28649 )
5 years ago
test_gather_tree_op.py
Fix error info ( #23891 )
5 years ago
test_gaussian_random_op.py
2.0rc api rename ( #28088 )
5 years ago
test_gelu_op.py
add approximation for gelu, test=develop ( #22961 )
5 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 )
5 years ago
test_generate_proposals_op.py
fix generate_proposals and affine grid error info ( #27636 )
5 years ago
test_generate_proposals_v2_op.py
add generate_proposals_v2 op ( #28214 )
5 years ago
test_generator.py
2.0rc api rename ( #28088 )
5 years ago
test_generator_dataloader.py
2.0rc api rename ( #28088 )
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_gpu_package_without_gpu_device.py
fix Error of gpu version paddle when CUDA device is not set properly ( #27819 )
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
change clip grad api, test=develop ( #27767 )
5 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 )
5 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 )
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
【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
Remove self-set accuracy parameters of op tests: max_relative_error ( #21741 )
5 years ago
test_histogram_op.py
Enrich the python error types of paddle & polish format ( #28124 )
5 years ago
test_hsigmoid_op.py
2.0rc api rename ( #28088 )
5 years ago
test_huber_loss_op.py
refine huber loss unittest, test=develop ( #24263 )
5 years ago
test_im2sequence_op.py
Refine unitest im2seq op. ( #22372 )
5 years ago
test_image_classification_layer.py
…
test_imperative_auto_mixed_precision.py
support cuda pinned place ( #28416 )
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
Enrich the python error types of paddle & polish format ( #28124 )
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
Add ParameterList ( #21056 )
5 years ago
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 )
5 years ago
test_imperative_data_parallel.py
Add interface to launch parallel dygraph by multiprocessing ( #26044 )
5 years ago
test_imperative_decorator.py
Revert `no_grad` changes and add new implementation ( #26826 )
5 years ago
test_imperative_deepcf.py
2.0rc api rename ( #28088 )
5 years ago
test_imperative_double_grad.py
Enrich the python error types of paddle & polish format ( #28124 )
5 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 )
5 years ago
test_imperative_gnn.py
2.0rc api rename ( #28088 )
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.0rc api rename ( #28088 )
5 years ago
test_imperative_layer_children.py
2.0rc api rename ( #28088 )
5 years ago
test_imperative_layer_trainable.py
Connect stop gradient with trainbale ( #25248 )
5 years ago
test_imperative_load_static_param.py
named_sublayers and named_parameters ( #21868 )
5 years ago
test_imperative_lod_tensor_to_selected_rows.py
2.0rc api rename ( #28088 )
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
Temporally disable zero_copy ( #27248 )
5 years ago
test_imperative_ocr_attention_model.py
2.0rc api rename ( #28088 )
5 years ago
test_imperative_optimizer.py
2.0rc api rename ( #28088 )
5 years ago
test_imperative_optimizer_v2.py
2.0rc api rename ( #28088 )
5 years ago
test_imperative_parallel_coalesce_split.py
Remove DataParallel.scale_loss & apply_collective_grads ( #27603 )
5 years ago
test_imperative_partitial_backward.py
Remove FC in dygraph, modify FC to Linear in sample code ( #22082 )
5 years ago
test_imperative_ptb_rnn.py
2.0rc api rename ( #28088 )
5 years ago
test_imperative_ptb_rnn_sorted_gradient.py
2.0rc api rename ( #28088 )
5 years ago
test_imperative_recurrent_usage.py
Imperative tracer refactoring ( #22457 )
5 years ago
test_imperative_reinforcement.py
2.0rc api rename ( #28088 )
5 years ago
test_imperative_resnet.py
2.0rc api rename ( #28088 )
5 years ago
test_imperative_resnet_sorted_gradient.py
2.0rc api rename ( #28088 )
5 years ago
test_imperative_save_load.py
2.0rc api rename ( #28088 )
5 years ago
test_imperative_save_load_v2.py
2.0rc api rename ( #28088 )
5 years ago
test_imperative_se_resnext.py
2.0rc api rename ( #28088 )
5 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 )
5 years ago
test_imperative_signal_handler.py
adjust signal failed wait time ( #28640 )
5 years ago
test_imperative_star_gan_with_gradient_penalty.py
2.0rc api rename ( #28088 )
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
fix traced layer with non persistable vars, test=develop ( #22552 )
5 years ago
test_imperative_transformer_sorted_gradient.py
2.0rc api rename ( #28088 )
5 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
Update api 2.0 for some ops
5 years ago
test_index_sample_op.py
update index sample ( #27839 )
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
add `no_need_buffer_slots` interface to pybind ( #21575 )
6 years ago
test_infer_shape.py
expand op supprt tensor attribute ( #17773 )
6 years ago
test_inference_api.py
Add transpose_flatten_concat_fuse_pass tests for gpu and trt ( #22976 )
5 years ago
test_inference_model_io.py
add two paddle-2.0 apis: paddle.static.io.save_inference_model and paddle.static.io.load_inference_model ( #28606 )
5 years ago
test_initializer.py
fix random failure ( #27996 )
5 years ago
test_initializer_nn.py
add paddle.nn.initializer API, including: Normal, TruncatedNormal, Uniform, XavierNormal, XavierUniform, Assign ( #27769 )
5 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 )
5 years ago
test_inplace_softmax_with_cross_entropy.py
Remove legacy C++ memory optimization codes ( #18834 )
6 years ago
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 )
5 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 )
5 years ago
test_inverse_op.py
Enrich the python error types of paddle & polish format ( #28124 )
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
Update iou_similarity op to support non-normalized bbox ( #21671 )
5 years ago
test_ir_graph.py
…
test_ir_inplace_pass.py
Try to deprecate unstable python memory optimize ( #18983 )
6 years ago
test_ir_memory_optimize_ifelse_op.py
2.0rc api rename ( #28088 )
5 years ago
test_ir_memory_optimize_nlp.py
…
test_ir_memory_optimize_pass.py
merge develop to solve conflict, also fix API doc, test=develop ( #18823 )
6 years ago
test_ir_memory_optimize_transformer.py
merge develop to solve conflict, also fix API doc, test=develop ( #18823 )
6 years ago
test_is_empty_op.py
[API 2.0] Fix api 'is_empty' ( #27593 )
5 years ago
test_is_tensor.py
Add new api: is_tensor ( #28111 )
5 years ago
test_isfinite_op.py
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_isfinite_v2_op.py
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_jit_save_load.py
fix save parse error for dict input ( #28712 )
5 years ago
test_kldiv_loss_op.py
add type promotion ( #27756 )
5 years ago
test_kron_op.py
remove all op with out args ( #25570 )
5 years ago
test_l1_loss.py
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_l1_norm_op.py
fix accuracy parameters of op tests ( #21813 )
5 years ago
test_label_smooth_functional.py
Add label smooth to functional package ( #27642 )
5 years ago
test_label_smooth_op.py
Fix default label dim of label_smooth_op. test=develop ( #21862 )
5 years ago
test_lamb_op.py
Update lamb optimizer ( #18333 )
6 years ago
test_launch.sh
fix ports conflict when use paddlecloud to launch analogue multi-nodes ( #26191 )
5 years ago
test_launch_ps.sh
fix test_launch_ps test=develop ( #23333 )
5 years ago
test_layer_norm_op.py
[oneDNN] Layer norm bf16 kernel ( #28619 )
5 years ago
test_layer_norm_op_v2.py
add norm 2.0 api, test=develop ( #26465 )
5 years ago
test_layers.py
2.0rc api rename ( #28088 )
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
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
Bug fix for sparse recorder ( #21969 )
5 years ago
test_listen_and_serv_op.py
Use dygraph mode by default ( #27443 )
5 years ago
test_load_op.py
modify test_load_op save path from /tmp to ./ ( #27872 )
5 years ago
test_load_op_xpu.py
modify test_load_op save path from /tmp to ./ ( #27872 )
5 years ago
test_load_state_dict_from_old_format.py
Polish jit.save/load design & remove paddle.SaveLoadConfig ( #27623 )
5 years ago
test_load_vars_shape_check.py
Add shape check in load model ( #19936 )
6 years ago
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
Remove and reorganize the alias of APIs ( #27717 )
5 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 )
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
add lookup_table_dequant_op ( #22900 )
5 years ago
test_lookup_table_op.py
Delete check grad for int, collect op for now ( #21922 )
5 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 )
5 years ago
test_lrn_op.py
Add local_response_norm in nn.functional and nn.layer ( #27725 )
5 years ago
test_lstm_cudnn_op.py
Add flattern weight of lstm ( #27192 )
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
2.0rc api rename ( #28088 )
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
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_match_matrix_tensor_op.py
check op tests' shape should be 100+ ( #22047 )
5 years ago
test_math_op_patch.py
Check and fix tensor and scalar type promotion ( #28299 )
5 years ago
test_math_op_patch_var_base.py
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_matmul_op.py
support elementwise add, activation, matmul on Baidu Kunlun ( #27143 )
5 years ago
test_matmul_op_with_head.py
Remove self-set accuracy parameters of op tests: atol ( #21731 )
5 years ago
test_matmul_v2_op.py
fix the matmul_v2 test for cuda11 ( #28635 )
5 years ago
test_matrix_nms_op.py
update matrix nms op to api 2.0 ( #28265 )
5 years ago
test_max_op.py
remove to_variable from 2.0 ( #27528 )
5 years ago
test_maximum_op.py
remove to_variable from 2.0 ( #27528 )
5 years ago
test_maxout_op.py
Remove and reorganize the alias of APIs ( #27717 )
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
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_median.py
Add median api. ( #28310 )
5 years ago
test_memory_reuse_exclude_feed_var.py
[Bug fix] Disable memory reuse on feeded variables ( #19835 )
6 years ago
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
remove to_variable from 2.0 ( #27528 )
5 years ago
test_mine_hard_examples_op.py
Update test precision from fp32 to fp64 ( #21805 )
5 years ago
test_minimum_op.py
Make the Bind Method of Tensor more automatic ( #27270 )
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
Update Tensor.set() to support float16 ( #19964 )
6 years ago
test_modified_huber_loss_op.py
Remove self-set accuracy parameters of op tests: max_relative_error ( #21739 )
5 years ago
test_momentum_op.py
Adadelta Optimizer ( #26590 )
5 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 )
5 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 )
5 years ago
test_multihead_attention.py
…
test_multinomial_op.py
fix test_multinomial ( #28558 )
5 years ago
test_multiplex_op.py
Upgrade Error Message for AucOP & MultiplexOP ( #24458 )
5 years ago
test_multiply.py
Enrich the python error types of paddle & polish format ( #28124 )
5 years ago
test_multiprocess_dataloader_dataset.py
add paddle.io.ComposeDataset & paddle.io.ChainDataset ( #28311 )
5 years ago
test_multiprocess_dataloader_dynamic.py
DataLoader support not auto collate batch ( #28425 )
5 years ago
test_multiprocess_dataloader_exception.py
DataLoader support not auto collate batch ( #28425 )
5 years ago
test_multiprocess_dataloader_iterable_dataset_dynamic.py
DataLoader support not auto collate batch ( #28425 )
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
DataLoader support not auto collate batch ( #28425 )
5 years ago
test_multiprocess_dataloader_static.py
DataLoader support not auto collate batch ( #28425 )
5 years ago
test_multiprocess_reader_exception.py
Enrich the python error types of paddle & polish format ( #28124 )
5 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
Fix name_scope test case bug ( #20034 )
6 years ago
test_nan_inf.py
Use dygraph mode by default ( #27443 )
5 years ago
test_nce.py
error message of NCE API enhancement ( #23544 )
5 years ago
test_nearest_interp_op.py
all cases use large shape ( #22241 )
5 years ago
test_nearest_interp_v2_op.py
Add API for pad op. ( #27943 )
5 years ago
test_network_with_dtype.py
…
test_nll_loss.py
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_nn_functional_embedding_dygraph.py
fix weight ( #26986 )
5 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 )
5 years ago
test_nn_grad.py
modify dtype in doublegrad matmul ut ( #27868 )
5 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 )
5 years ago
test_normalization_wrapper.py
…
test_normalize.py
Remove and reorganize the alias of APIs ( #27717 )
5 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 )
5 years ago
test_nvprof.py
…
test_one_hot_op.py
Enrich the python error types of paddle & polish format ( #28124 )
5 years ago
test_one_hot_v2_op.py
Enrich the python error types of paddle & polish format ( #28124 )
5 years ago
test_ones_like.py
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_ones_op.py
Paddle-2.0 API directory migration ( #25898 )
5 years ago
test_onnx_export.py
Add ONNX Exporter ( #27831 )
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_op_version.py
enhance the op_version_registry, test=develop ( #28347 )
5 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
Update set_dict method name & add aliases ( #26700 )
5 years ago
test_optimizer_grad.py
Fix adam ( #27778 )
5 years ago
test_optimizer_in_control_flow.py
Move unittest test_optimizer_in_control_flow from CI multi_cards. ( #27185 )
5 years ago
test_pad2d_op.py
OP(pad, pad2d, pad_constant_like) error message enhancement ( #23882 )
5 years ago
test_pad3d_op.py
adapt pad const ( #28585 )
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_paddle_save_load.py
2.0rc api rename ( #28088 )
5 years ago
test_pairwise_distance.py
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_parallel_dygraph_mnist.py
【paddle.fleet】distributed_optimizer supports dygraph ( #26541 )
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_sparse_embedding_over_height.py
Remove selected rows all reduce over height check ( #28460 )
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
Decrease test_parallel_executor_crf CI time, test=develop ( #27212 )
5 years ago
test_parallel_executor_drop_scope.py
Add DropLocalExeScopes in ParallelExecutor ( #17297 )
6 years ago
test_parallel_executor_dry_run.py
Update CPU_NUM config ( #18059 )
6 years ago
test_parallel_executor_feed_persistable_var.py
Enrich the python error types of paddle & polish format ( #28124 )
5 years ago
test_parallel_executor_fetch_feed.py
Revert "open test_parallel_executor_fetch_feed for PR_Windows_CI. test=develop ( #22020 )" ( #22253 )
5 years ago
test_parallel_executor_fetch_isolated_var.py
enable test_parallel_executor_fetch_isolated_var ( #28219 )
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
Decrease Random Failure Probability for test_parallel_executor_mnist, test=develop ( #27498 )
5 years ago
test_parallel_executor_pg.py
Enhance fuse optimization op pass ( #19010 )
6 years ago
test_parallel_executor_profiler.py
set NCCL_SHM_DISABLE=1 for test_parallel_executor_profilery.py ( #28484 )
5 years ago
test_parallel_executor_run_load_infer_program.py
prune the feed op in compiler ( #18997 )
6 years ago
test_parallel_executor_seresnext_base_cpu.py
Split test_parallel_executor_seresnext to three unit test ( #19239 )
6 years ago
test_parallel_executor_seresnext_base_gpu.py
Split test_parallel_executor_seresnext to three unit test ( #19239 )
6 years ago
test_parallel_executor_seresnext_with_fuse_all_reduce_cpu.py
Split test_parallel_executor_seresnext to three unit test ( #19239 )
6 years ago
test_parallel_executor_seresnext_with_fuse_all_reduce_gpu.py
Split test_parallel_executor_seresnext to three unit test ( #19239 )
6 years ago
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
enabel seresnext reduce test ( #19341 )
6 years ago
test_parallel_executor_test_while_train.py
Retry CUDA Initialization to Fix Random Failure, test=develop ( #28323 )
5 years ago
test_parallel_executor_transformer.py
fix gc transformer ut, test=develop ( #23421 )
5 years ago
test_parallel_executor_transformer_auto_growth.py
remove reset recordio usage ( #19519 )
6 years ago
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
Split VarBase from Python Variable for Dygraph ( #21359 )
6 years ago
test_partial_concat_op.py
add partial_concat op in contrib ( #22528 )
5 years ago
test_partial_eager_deletion_transformer.py
remove reset recordio usage ( #19519 )
6 years ago
test_partial_sum_op.py
add partial_sum op in contrib ( #22292 )
5 years ago
test_pass_builder.py
Add unit test for fuse_opt_ops ( #16550 )
6 years ago
test_pipeline.py
move dataset from paddfle.fluid to paddle.fleet ( #25887 )
5 years ago
test_pixel_shuffle.py
Remove and reorganize the alias of APIs ( #27717 )
5 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 )
5 years ago
test_pool2d_api.py
[cherry pick ] cherry pick 28108 28198 28199 from release2.0rc ( #28215 )
5 years ago
test_pool2d_op.py
Pool2d cuda kernel supports fp16 ( #28316 )
5 years ago
test_pool3d_api.py
[cherry pick ] cherry pick 28108 28198 28199 from release2.0rc ( #28215 )
5 years ago
test_pool3d_op.py
Pool2d cuda kernel supports fp16 ( #28316 )
5 years ago
test_pool_max_op.py
fix no grad check for pool_max & spectral_norm ( #21971 )
5 years ago
test_positive_negative_pair_op.py
…
test_pow.py
Enrich the python error types of paddle & polish format ( #28124 )
5 years ago
test_precision_recall_op.py
…
test_prelu_op.py
Remove and reorganize the alias of APIs ( #27717 )
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
Remove and reorganize the alias of APIs ( #27717 )
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
support cond in clone, test=develop ( #22657 )
5 years ago
test_program_to_string.py
Optimze/optimize dygraph api ( #19999 )
6 years ago
test_protobuf.py
…
test_protobuf_descs.py
…
test_proximal_adagrad_op.py
…
test_proximal_gd_op.py
…
test_prroi_pool_op.py
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
Update test precision from fp32 to fp64 ( #21805 )
5 years ago
test_py_func_op.py
2.0rc api rename ( #28088 )
5 years ago
test_py_reader_combination.py
remove paddle.readers API ( #26727 )
5 years ago
test_py_reader_error_msg.py
improve the error message when handling ndarray with unsupported dtype ( #19949 )
6 years ago
test_py_reader_lod_level_share.py
…
test_py_reader_pin_memory.py
Add shape and type check at read_op ( #20754 )
6 years ago
test_py_reader_push_pop.py
…
test_py_reader_return_list.py
Unify DataLoader APIs ( #19305 )
6 years ago
test_py_reader_sample_generator.py
…
test_py_reader_using_executor.py
Update CompiledProgram ( #18919 )
6 years ago
test_pybind_interface.py
Add CI for checking Input/Output/Attr of modified Ops ( #21522 )
6 years ago
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 )
5 years ago
test_randn_op.py
Remove and reorganize the alias of APIs ( #27717 )
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
2.0rc api rename ( #28088 )
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
Fix the error of init variable in StaticRNN when stop_gradient=ON ( #21118 )
6 years ago
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
[cherry pick ] cherry pick 28108 28198 28199 from release2.0rc ( #28215 )
5 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_ref_by_trainer_id_op.py
…
test_registry.py
Support backward of backward for Relu and add a new gradient checker by comparing theoretical and numerical Jacobian. ( #16862 )
6 years ago
test_regularizer.py
2.0rc api rename ( #28088 )
5 years ago
test_regularizer_api.py
2.0rc api rename ( #28088 )
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
Add API 'fluid.requird_version(min_version, max_version=None)' to check if the installed PaddlePaddle version is satisfied, test=develop ( #20263 )
6 years ago
test_reshape_op.py
reshape support bool, test=develop ( #27944 )
5 years ago
test_retain_graph.py
Enrich the python error types of paddle & polish format ( #28124 )
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
Enrich the python error types of paddle & polish format ( #28124 )
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
Update hapi predict interface ( #28180 )
5 years ago
test_rnn_memory_helper_op.py
…
test_rnn_op.py
Add LSTM, Simple RNN and GRU CPU kernel ( #28577 )
5 years ago
test_roi_align_op.py
Enhance ops to support LoD as input for dygraph detection models. ( #25316 )
5 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.py
Remove and reorganize the alias of APIs ( #27717 )
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
Enrich the python error types of paddle & polish format ( #28124 )
5 years ago
test_sample_logits_op.py
API/OP error message enhancement ( #23684 )
5 years ago
test_sampling_id_op.py
fix sampling id op bug ( #16909 )
6 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 the scatternd/scatterndadd ( #27634 )
5 years ago
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
Dropout with seed ( #21590 )
6 years ago
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 )
5 years ago
test_set_bool_attr.py
fix the type error caused by setting bool attr in OpDesc. test=develop ( #22257 )
5 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
add the framework support for distfc ( #21197 )
6 years ago
test_shrink_rnn_memory.py
OP(compare/get_places/shrink_rnn_memory) error message enhancement ( #23780 )
5 years ago
test_shuffle_batch_op.py
add shuffle batch op ( #21674 )
5 years ago
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 )
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_simple_rnn_op.py
Add LSTM, Simple RNN and GRU CPU kernel ( #28577 )
5 years ago
test_size_op.py
fix the input error of size Op ( #28272 )
5 years ago
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
enable softmax unittest ( #28362 )
5 years ago
test_softmax_with_cross_entropy_op.py
Fix gradients with ignore_idx in softmax_with_cross_entropy ( #28622 )
5 years ago
test_sort_op.py
Make the Bind Method of Tensor more automatic ( #27270 )
5 years ago
test_space_to_depth_op.py
Update the precision of some op tests from fp32 to fp64 ( #21847 )
5 years ago
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
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
use large input shape for op tests ( #21705 )
6 years ago
test_squared_l2_norm_op.py
…
test_squeeze2_op.py
Add double grad in Squeeze and Unsqueeze ( #27810 )
5 years ago
test_squeeze_op.py
Add double grad in Squeeze and Unsqueeze ( #27810 )
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_static_shape_inferrence_for_shape_tensor.py
Set static shape for shape tensor with constant [part 1] ( #28275 )
5 years ago
test_std_layer.py
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_strided_slice_op.py
fix strided_slice_op's GetExpectedKernelType ( #28192 )
5 years ago
test_sum_op.py
Update api 2.0 for some ops
5 years ago
test_switch.py
API (Switch) error message enhancement. test=develop ( #23459 )
5 years ago
test_switch_case.py
Control flow API: switch_case ( #21103 )
6 years ago
test_sync_batch_norm_op.py
Reduce input data size for syncbn unit test by 8x ( #28571 )
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
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_tensor.py
Enrich the python error types of paddle & polish format ( #28124 )
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_scalar_type_promotion_dynamic.py
Check and fix tensor and scalar type promotion ( #28299 )
5 years ago
test_tensor_scalar_type_promotion_static.py
Check and fix tensor and scalar type promotion ( #28299 )
5 years ago
test_tensor_to_numpy.py
Fix mem leak when converting Tensor to numpy array ( #17182 )
6 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
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
Optimize adam speed ( #21777 )
5 years ago
test_trainer_desc.py
support debug each output of each ins ( #19004 )
6 years ago
test_transformer_api.py
2.0rc api rename ( #28088 )
5 years ago
test_translated_layer.py
2.0rc api rename ( #28088 )
5 years ago
test_transpiler_ops.py
memory leak for cpu ( #21174 )
6 years ago
test_transpose_op.py
[Dy2stat] Fix Using Tuple for Transpose in Dy2stat ( #28574 )
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
add back triu in fluid ( #27135 )
5 years ago
test_trilinear_interp_op.py
update interpolate & upsample api's doc ( #24553 )
5 years ago
test_trilinear_interp_v2_op.py
fix typo for interp_v2,test=develop ( #26843 )
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
Update test precision from fp32 to fp64 ( #21848 )
5 years ago
test_uniform_random_op.py
2.0rc api rename ( #28088 )
5 years ago
test_unique.py
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_unique_name.py
Refine the format of printing tensor ( #27673 )
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
Update test precision from fp32 to fp64 ( #21848 )
5 years ago
test_unsqueeze2_op.py
Add double grad in Squeeze and Unsqueeze ( #27810 )
5 years ago
test_unsqueeze_op.py
Add double grad in Squeeze and Unsqueeze ( #27810 )
5 years ago
test_unstack_op.py
Uniform append_backward & gradients parameter_list type to Variable ( #21938 )
5 years ago
test_update_loss_scaling_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_var_base.py
Refine the format of printing tensor 3 (support scaler tensor) ( #28544 )
5 years ago
test_var_conv_2d.py
2.0rc api rename ( #28088 )
5 years ago
test_var_info.py
add the framework support for distfc ( #21197 )
6 years ago
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 )
5 years ago
test_version.py
Revert "rename the default version from '0.0.0' to 'latest' ( #17304 )" ( #17356 )
6 years ago
test_warpctc_op.py
fix tests warpctc ( #27639 )
5 years ago
test_weight_decay.py
fix test_weight_decay ( #17109 )
6 years ago
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 )
5 years ago
test_while_op.py
Refine the gradient calculation errors caused by renaming in while_grad ( #27814 )
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
Remove and reorganize the alias of APIs ( #27717 )
5 years ago
test_zeros_op.py
Paddle-2.0 API directory migration ( #25898 )
5 years ago
testsuite.py
Update Tensor.set() to support float16 ( #19964 )
6 years ago
transformer_model.py
fix typo words ( #22653 )
5 years ago
utils.py
Add friendly dygraph trace API ( #21091 )
6 years ago