.. |
dygraph_to_static
|
Verify correctness of jit.save/jit.load - part 1 (#25915)
|
5 years ago |
ir
|
resolve inference_pass_test input lodtensor case, test=develop (#25541)
|
5 years ago |
mkldnn
|
Add oneDNN fusion_gru kernel (#25594)
|
5 years ago |
sequence
|
API/OP(sequence_first_step, sequence_last_step, sequence_mask, beam_search, beam_search_decode) error message enhancement (#24590)
|
5 years ago |
white_list
|
Add bilateral_slice op (#25401)
|
5 years ago |
CMakeLists.txt
|
【paddle.fleet】Add dgc to fleet meta optimizer (#25738)
|
5 years ago |
__init__.py
|
…
|
|
benchmark.py
|
…
|
|
benchmark_sum_op.py
|
…
|
|
check_nan_inf_base.py
|
fix assert in nan inf tests, test=develop (#21742)
|
5 years ago |
collective_allgather_op.py
|
supports collective communicated training (#18175)
|
6 years ago |
collective_allreduce_op.py
|
supports collective training with programs (#18392)
|
6 years ago |
collective_broadcast_op.py
|
supports collective communicated training (#18175)
|
6 years ago |
collective_reducescatter.py
|
set dim[0] to -1 if dim[0] < 0 during compiling for c_allgather op (#21402)
|
5 years ago |
collective_reducescatter_op.py
|
supports collective communicated training (#18175)
|
6 years ago |
ctr_dataset_reader.py
|
decrease test data, test=develop (#25252)
|
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
|
Collective ops (#15572)
|
6 years ago |
dist_ctr.py
|
bug fix: invalid learning rate decay in pserver async mode (#20325)
|
5 years ago |
dist_ctr_reader.py
|
fix logging basicConfig cannot be setting after import paddle (#17786)
|
6 years ago |
dist_fleet_ctr.py
|
move dataset from paddfle.fluid to paddle.fleet (#25887)
|
5 years ago |
dist_fleet_sparse_embedding_ctr.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
dist_mnist.py
|
Fix DGC algorithm flow to make it the same as paper (#20758)
|
5 years ago |
dist_mnist_batch_merge.py
|
…
|
|
dist_mnist_lars.py
|
…
|
|
dist_save_load.py
|
Try to deprecate unstable python memory optimize (#18983)
|
6 years ago |
dist_se_resnext.py
|
Add DGC(Deep Gradient Compression) interface. (#15841)
|
6 years ago |
dist_simnet_bow.py
|
Fix fluid.embedding in Distributed Training (#25174)
|
5 years ago |
dist_test.sh
|
fix sync_batch_norm hang in fleet (#21838)
|
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_ps_training.py
|
add launch_ps module so that we can launch a parameter server trainin… (#20936)
|
5 years ago |
gradient_checker.py
|
Fix travic ci (#23002)
|
5 years ago |
ir_memory_optimize_net_base.py
|
Try to deprecate unstable python memory optimize (#18983)
|
6 years ago |
launch_function_helper.py
|
【paddle.fleet】Fleet run graph in Executor and add two more strategies (#25844)
|
5 years ago |
multi_process.py
|
distribute.launch use poll to query subprocess (#19853)
|
5 years ago |
op_test.py
|
Fix OpTester from incorrectly converting uint8 data to utf-8 string (#24854)
|
5 years ago |
parallel_dygraph_mnist.py
|
remove params in Tracer object (in dygraph) (#20815)
|
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_transformer.py
|
Support SelelctedRows allreduce in multi-cards imperative mode (#24690)
|
5 years ago |
parallel_executor_test_base.py
|
Update CompiledProgram (#18919)
|
6 years ago |
py_precise_roi_pool.py
|
fix the precise roi poop op test=develop (#20126)
|
5 years ago |
seresnext_net.py
|
Fix a Cudnn Deterministic Random Failure, test=develop (#25389)
|
5 years ago |
seresnext_test_base.py
|
[FixUnitTest] Fix a Batch Size Random Unit Test Failure (#24718)
|
5 years ago |
simple_nets.py
|
try to fix two unittests, test=develop (#25372)
|
5 years ago |
test_accuracy_op.py
|
fix unit tests that do not need to inherit OpTest (#21460)
|
5 years ago |
test_activation_nn_grad.py
|
fix typo words (#22653)
|
5 years ago |
test_activation_op.py
|
remove all op with out args (#25570)
|
5 years ago |
test_adadelta_op.py
|
…
|
|
test_adagrad_op.py
|
…
|
|
test_adam_op.py
|
Optimize adam speed (#21777)
|
5 years ago |
test_adam_optimizer_fp32_fp64.py
|
fix adam fp64, test=develop (#21423)
|
5 years ago |
test_adamax_op.py
|
…
|
|
test_add_position_encoding_op.py
|
OP(warpctc, add_position_encoding, scaled_dot_product_attention) error message enhancement (#24261)
|
5 years ago |
test_add_reader_dependency.py
|
add reader dependency pass, test=develop (#23301)
|
5 years ago |
test_addcmul.py
|
remove all op with out args (#25570)
|
5 years ago |
test_addmm_op.py
|
add addmm dyg mode, test=develop (#24095)
|
5 years ago |
test_affine_channel_op.py
|
API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118)
|
5 years ago |
test_affine_grid_op.py
|
all cases use large shape (#22065)
|
5 years ago |
test_allclose_layer.py
|
Add allclose_op (#23335)
|
5 years ago |
test_allclose_op.py
|
Add allclose_op (#23335)
|
5 years ago |
test_allgather.py
|
supports collective communicated training (#18175)
|
6 years ago |
test_allreduce.py
|
supports collective communicated training (#18175)
|
6 years ago |
test_amp_check_finite_and_scale_op.py
|
Feature/add amp_checkout_finite_and_scale op (#24875)
|
5 years ago |
test_anchor_generator_op.py
|
…
|
|
test_arange.py
|
arange API: start default is 0, end default is None (#25452)
|
5 years ago |
test_arg_min_max_op.py
|
API(argsort, argmax, argmin, cast, diag) error message enhancement
|
5 years ago |
test_argsort_op.py
|
Fix the argsort and sort api for the paddle api2.0 (#25514)
|
5 years ago |
test_array_read_write_op.py
|
API(fluid.layers.array_read/array_write) error message enhancement (#23568)
|
5 years ago |
test_assert_op.py
|
Add Assert Op (#24280)
|
5 years ago |
test_assign_op.py
|
Add the support of bool list for assign_value op (#23774)
|
5 years ago |
test_assign_value_op.py
|
Add the support of bool list for assign_value op (#23774)
|
5 years ago |
test_async_ssa_graph_executor_mnist.py
|
Support LoDTensorArray in fetch (#23645)
|
5 years ago |
test_attention_lstm_op.py
|
Add dygraph execution context (#20157)
|
5 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_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)
|
5 years ago |
test_backward.py
|
API(append_backward) error message enhancement (#23446)
|
5 years ago |
test_base_layer.py
|
[Dy2stat]Support buffers and register_buffer in Layer (#24888)
|
5 years ago |
test_basic_gru_api.py
|
Fix basic_gru and docs of gru_unit and dynamic_gru (#19393)
|
5 years ago |
test_basic_gru_unit_op.py
|
Fix basic_gru and docs of gru_unit and dynamic_gru (#19393)
|
5 years ago |
test_basic_lstm_api.py
|
Fix basic_gru and docs of gru_unit and dynamic_gru (#19393)
|
5 years ago |
test_basic_lstm_unit_op.py
|
Fix basic_gru and docs of gru_unit and dynamic_gru (#19393)
|
5 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_sampler.py
|
Refine DataLoader support multi-processing (#23107)
|
5 years ago |
test_bce_loss.py
|
fix bceloss weight (#23973)
|
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_bicubic_interp_op.py
|
update interpolate & upsample api's doc (#24553)
|
5 years ago |
test_bilateral_slice_op.py
|
Add bilateral_slice op (#25401)
|
5 years ago |
test_bilinear_interp_op.py
|
all cases use large shape (#22065)
|
5 years ago |
test_bilinear_tensor_product_op.py
|
API(BilinearTensorProduct) error message enhancement (#23528)
|
5 years ago |
test_bipartite_match_op.py
|
…
|
|
test_bmm_op.py
|
create bmm op and move several api from fluid.layers to tensor (#23457)
|
5 years ago |
test_box_clip_op.py
|
add gpu kernel for box clip, test=develop
|
6 years ago |
test_box_coder_op.py
|
speed up box coder in CPU, test=develop
|
6 years ago |
test_box_decoder_and_assign_op.py
|
refine doc, test=develop
|
6 years ago |
test_boxps.py
|
modify pipeline optimizer to only support the mode of sync pipeline training (#25065)
|
5 years ago |
test_bpr_loss_op.py
|
…
|
|
test_broadcast.py
|
supports collective communicated training (#18175)
|
6 years ago |
test_buffer_shared_memory_reuse_pass.py
|
reduce_unittest_time,test=develop (#19005)
|
6 years ago |
test_buffer_shared_memory_reuse_pass_and_fuse_optimization_op_pass.py
|
Polish some PE code details (#21274)
|
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
|
supports multiple NCCL communicators preserved in NCCLCommContext (#19407)
|
6 years ago |
test_calc_gradient.py
|
Fix double_grad bug in statig-graph (#24190)
|
5 years ago |
test_case.py
|
API (case) error message enhancement. test=develop (#23428)
|
5 years ago |
test_cast_op.py
|
API(argsort, argmax, argmin, cast, diag) error message enhancement
|
5 years ago |
test_center_loss.py
|
API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794)
|
5 years ago |
test_check_import_scipy.py
|
fix the unittest of test_check_import_scipy on V100 (#21853)
|
5 years ago |
test_cholesky_op.py
|
Add cholesky_op (#23543)
|
5 years ago |
test_chunk_eval_op.py
|
API(dynamic_gru, chunk_eval, BeamSearchDecoder) error message enhancement (#24513)
|
5 years ago |
test_clamp.py
|
remove all op with out args (#25570)
|
5 years ago |
test_clip_by_norm_op.py
|
Change several tests to inherit the right parent class, test=develop (#21652)
|
5 years ago |
test_clip_op.py
|
add clamp api, test=develop (#23273)
|
5 years ago |
test_coalesce_tensor_op.py
|
Fix unit tests to avoid check_grad checking failures (#21554)
|
5 years ago |
test_collect_fpn_proposals_op.py
|
Add dygraph execution context (#20157)
|
5 years ago |
test_collective_base.py
|
adapt test_collective_base.py for only two GPU cards available. (#21307)
|
5 years ago |
test_collective_optimizer.py
|
fix AMP and recompute (#23551)
|
5 years ago |
test_communicator_async.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_communicator_geo.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_communicator_half_async.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_communicator_sync.py
|
Revert "Integrated API of Parameter Server (#22710)" test=develop (#23071)
|
5 years ago |
test_compare_op.py
|
Update the code of the compare ops for the broadcast function
|
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)
|
5 years ago |
test_compiled_program.py
|
API (CompiledProgram) error message enhancement (#23559)
|
5 years ago |
test_complex_elementwise_layers.py
|
Move complex into dir incubate (#24254)
|
5 years ago |
test_complex_kron.py
|
Move complex into dir incubate (#24254)
|
5 years ago |
test_complex_matmul.py
|
Add complex layer for transpose & matmul, test=develop (#24195)
|
5 years ago |
test_complex_reshape.py
|
Move complex into dir incubate (#24254)
|
5 years ago |
test_complex_sum_layer.py
|
Move complex into dir incubate (#24254)
|
5 years ago |
test_complex_trace_layer.py
|
modify trace api test=develop (#25397)
|
5 years ago |
test_complex_transpose.py
|
Add complex layer for transpose & matmul, test=develop (#24195)
|
5 years ago |
test_complex_variable.py
|
Add complex layer for transpose & matmul, test=develop (#24195)
|
5 years ago |
test_concat_op.py
|
refine the concat Op for API 2.0 test=develop (#25307)
|
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_conv2d_fusion_op.py
|
Op(conv2d_fusion) error message enhancement. (#23596)
|
5 years ago |
test_conv2d_layer.py
|
add Conv2D/Conv2DTranspose/Conv3D/Conv3DTranspose in paddle.nn.layer (#23488)
|
5 years ago |
test_conv2d_op.py
|
Add @skip_check_grad_ci to UT conv_mkldnn and int8_mul_mkldnn (#22760)
|
5 years ago |
test_conv2d_transpose_layer.py
|
add Conv2D/Conv2DTranspose/Conv3D/Conv3DTranspose in paddle.nn.layer (#23488)
|
5 years ago |
test_conv2d_transpose_op.py
|
fix conv_transpose Op fp16 error test=develop (#24695)
|
5 years ago |
test_conv3d_layer.py
|
add Conv2D/Conv2DTranspose/Conv3D/Conv3DTranspose in paddle.nn.layer (#23488)
|
5 years ago |
test_conv3d_op.py
|
all cases use large shape (#22106)
|
5 years ago |
test_conv3d_transpose_layer.py
|
add Conv2D/Conv2DTranspose/Conv3D/Conv3DTranspose in paddle.nn.layer (#23488)
|
5 years ago |
test_conv3d_transpose_op.py
|
fix conv3d_transpose_test timeout error (#25004)
|
5 years ago |
test_conv3d_transpose_part2_op.py
|
fix conv3d_transpose_test timeout error (#25004)
|
5 years ago |
test_conv_nn_grad.py
|
fix conv2d and conv3d: (#20042)
|
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_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)
|
5 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 bug with wrong calculation result in `nn.loss.CrossEntropyLoss` (#24352)
|
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_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
|
cusum op optimization for GPU kernel (#24321)
|
5 years ago |
test_cvm_op.py
|
Add dygraph execution context (#20157)
|
5 years ago |
test_cyclic_cifar_dataset.py
|
fix readers bug, test=develop (#19868)
|
5 years ago |
test_data.py
|
API (layers.data/fluid.data) error message enhancement (#23427)
|
5 years ago |
test_data_norm_op.py
|
modify pipeline optimizer to only support the mode of sync pipeline training (#25065)
|
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
|
move dataset from paddfle.fluid to paddle.fleet (#25887)
|
5 years ago |
test_dataset_dataloader.py
|
move dataset from paddfle.fluid to paddle.fleet (#25887)
|
5 years ago |
test_dataset_download.py
|
change download log format (#21290)
|
5 years ago |
test_dataset_sentiment.py
|
remove the dependency on ssl (#21712)
|
5 years ago |
test_debugger.py
|
…
|
|
test_decayed_adagrad_op.py
|
…
|
|
test_decoupled_py_reader.py
|
Simplify BufferedReader to improve DataLoader performance (#25648)
|
5 years ago |
test_decoupled_py_reader_data_check.py
|
Unify DataLoader APIs (#19305)
|
5 years ago |
test_default_scope_funcs.py
|
…
|
|
test_deformable_conv_op.py
|
enhance some op/api error message (#23768)
|
5 years ago |
test_deformable_conv_v1_op.py
|
enhance some op/api error message (#23768)
|
5 years ago |
test_deformable_psroi_pooling.py
|
OP(retinanet_detection_output, retinanet_target_assign, sigmoid_focal_loss, deformable_roi_pooling) error message enhancement. test=develop (#23726)
|
5 years ago |
test_density_prior_box_op.py
|
…
|
|
test_deprecated_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)
|
5 years ago |
test_dequantize_log_op.py
|
remove pow to speed up in dequantize_log op (#24607)
|
5 years ago |
test_desc_clone.py
|
just skip case of distribute on windows (#25581)
|
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_guard.py
|
add the support to specify device index for device_guard (#24555)
|
5 years ago |
test_dgc_momentum_op.py
|
Fix dgc accuracy by mv regularization to local (#21278)
|
5 years ago |
test_dgc_op.py
|
Fix dgc accuracy by mv regularization to local (#21278)
|
5 years ago |
test_dgc_optimizer.py
|
add string variable support for RecomputeOptimizer (#25728)
|
5 years ago |
test_diag.py
|
API(argsort, argmax, argmin, cast, diag) error message enhancement
|
5 years ago |
test_diag_embed.py
|
add diag_embed op (#23385)
|
5 years ago |
test_dist_allreduce_op.py
|
Collective ops (#15572)
|
6 years ago |
test_dist_base.py
|
Revert/barrier for sync (#25417)
|
5 years ago |
test_dist_fleet_base.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_dist_fleet_ctr.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_dist_fleet_geo.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_dist_fleet_grad_clip.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_dist_fleet_ps.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_dist_fleet_ps2.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_dist_fleet_ps3.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_dist_fleet_ps4.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_dist_fleet_ps5.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_dist_fleet_sparse_embedding_ctr.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_dist_mnist_backward_deps.py
|
split different comm method for mnist distributed training (#18715)
|
6 years ago |
test_dist_mnist_batch_merge.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
5 years ago |
test_dist_mnist_dgc_nccl.py
|
【paddle.fleet】Add dgc to fleet meta optimizer (#25738)
|
5 years ago |
test_dist_mnist_fleet_save.py
|
modify the implementation of save_persistables and save_inference_model for fleet collective mode (#20802)
|
5 years ago |
test_dist_mnist_fleetapi.py
|
fix fleet collective api run on cpu, test=develop (#22064)
|
5 years ago |
test_dist_mnist_hallreduce.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
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
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
5 years ago |
test_dist_mnist_pg.py
|
add parallel graph dist test (#16076)
|
6 years ago |
test_dist_mnist_ring_allreduce.py
|
split different comm method for mnist distributed training (#18715)
|
6 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
|
adapte fleet api for localsgd and support nccl comm configuration in executor (#19443)
|
6 years ago |
test_dist_op.py
|
add dist op (#23503)
|
5 years ago |
test_dist_save_load.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
5 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
|
enable test_dist_se_resnext_nccl.py, test=develop (#22067)
|
5 years ago |
test_dist_se_resnext_sync.py
|
modify the method of skipping CI in distributed unittests (#21764)
|
5 years ago |
test_dist_simnet_bow.py
|
Fix fluid.embedding in Distributed Training (#25174)
|
5 years ago |
test_dist_text_classification.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
5 years ago |
test_dist_train.py
|
Delete pserver complete file before executor running. (#19468)
|
6 years ago |
test_dist_transformer.py
|
fix cdn issue, test=develop (#16423)
|
6 years ago |
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
|
Optimize decay (#20816)
|
5 years ago |
test_dist_transpiler_config.py
|
Bug fix for sparse recorder (#21969)
|
5 years ago |
test_dist_word2vec.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
5 years ago |
test_distribute_fpn_proposals_op.py
|
fix distribute fpn proposals, test=develop (#16152)
|
6 years ago |
test_distributed_strategy.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
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)
|
5 years ago |
test_dropout_op.py
|
add decorator skip_check_grad_ci (#21836)
|
5 years ago |
test_dygraph_mnist_fp16.py
|
fix bug fot test_dygraph_mnist_fp16.py, test=develop (#22222)
|
5 years ago |
test_dygraph_multi_forward.py
|
remove params in Tracer object (in dygraph) (#20815)
|
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
|
…
|
|
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
|
fix some op grad maker
|
6 years ago |
test_eager_deletion_lstm_net.py
|
fix some op grad maker
|
6 years ago |
test_eager_deletion_mnist.py
|
fix env variable settting bug
|
6 years ago |
test_eager_deletion_padding_rnn.py
|
Enable the detection of subgraph composed of grad ops (#21223)
|
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
|
remove all op with out args (#25570)
|
5 years ago |
test_elementwise_div_op.py
|
remove all op with out args (#25570)
|
5 years ago |
test_elementwise_floordiv_op.py
|
fix time; test=develop
|
6 years ago |
test_elementwise_gradient_op.py
|
…
|
|
test_elementwise_max_op.py
|
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
|
Remove self-set accuracy parameters of op tests: atol (#21731)
|
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
|
fix typo words (#22653)
|
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
|
Polish backward.py to prune more ops (#22246)
|
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
|
add erf op (#21785)
|
5 years ago |
test_exception.py
|
Refine error message in pybind folder (#24886)
|
5 years ago |
test_executor_and_mul.py
|
Support LoDTensorArray in fetch (#23645)
|
5 years ago |
test_executor_and_use_program_cache.py
|
Refine the cache of program, context and scope in executor. (#18483)
|
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
|
all cases use large shape (#22065)
|
5 years ago |
test_expand_op.py
|
all cases use large shape (#22065)
|
5 years ago |
test_eye_op.py
|
refine the eye Op for API 2.0 test=develop (#25295)
|
5 years ago |
test_fake_dequantize_op.py
|
add channel wise quantization in ir pass.
|
6 years ago |
test_fake_init_op.py
|
…
|
|
test_fake_quantize_op.py
|
[Quant] Remove the output for moving_average_abs_max_scale op (#25697)
|
5 years ago |
test_fc_op.py
|
support num_flatten_dims=-1 of API fc. (#22634)
|
5 years ago |
test_feed_data_check_shape_type.py
|
fix typo word (#22784)
|
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
|
Unmerged fetch list (#22635)
|
5 years ago |
test_fetch_var.py
|
fix unit tests that do not need to inherit OpTest (#21460)
|
5 years ago |
test_fill_any_like_op.py
|
refine the full_like Op for API 2.0 test=develop (#25294)
|
5 years ago |
test_fill_constant_op.py
|
fix error in convert_dtype: ValueError->TypeError and polish message (#25788)
|
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_op.py
|
all cases use large shape (#22084)
|
5 years ago |
test_fleet.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_fleet_amp_meta_optimizer.py
|
Add amp to fleet meta optimizer, test=develop (#25770)
|
5 years ago |
test_fleet_api_input.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_fleet_base.py
|
fleet base initial implementation and the API (#25442)
|
5 years ago |
test_fleet_checkpoint.py
|
Fix typo in interface. (#24779)
|
5 years ago |
test_fleet_dgc_meta_optimizer.py
|
【paddle.fleet】Add dgc to fleet meta optimizer (#25738)
|
5 years ago |
test_fleet_distributed_strategy.py
|
【paddle.fleet】Fleet run graph in Executor and add two more strategies (#25844)
|
5 years ago |
test_fleet_gradient_merge_meta_optimizer.py
|
add gradient Merge optimizer to meta (#25763)
|
5 years ago |
test_fleet_graph_execution_meta_optimizer.py
|
【paddle.fleet】Fleet run graph in Executor and add two more strategies (#25844)
|
5 years ago |
test_fleet_graph_executor.py
|
【paddle.fleet】Fleet run graph in Executor and add two more strategies (#25844)
|
5 years ago |
test_fleet_lars_meta_optimizer.py
|
add lars to fleet meta optimizer (#25884)
|
5 years ago |
test_fleet_launch.sh
|
【paddle.fleet】add fleetrun command for distributed running (#25806)
|
5 years ago |
test_fleet_localsgd_meta_optimizer.py
|
add localsgd meta optimizer (#25758)
|
5 years ago |
test_fleet_metric.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_fleet_nocvm_1.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_fleet_pipeline_meta_optimizer.py
|
add pipeline optimizer for fleet (#25768)
|
5 years ago |
test_fleet_private_function.py
|
fleet base initial implementation and the API (#25442)
|
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
|
【paddle.fleet】Fleet run graph in Executor and add two more strategies (#25844)
|
5 years ago |
test_fleet_rolemaker.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_fleet_rolemaker_2.py
|
move dataset from paddfle.fluid to paddle.fleet (#25887)
|
5 years ago |
test_fleet_rolemaker_3.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_fleet_rolemaker_4.py
|
add timeout and http store in communication (#23436)
|
5 years ago |
test_fleet_runtime.py
|
fleet base initial implementation and the API (#25442)
|
5 years ago |
test_fleet_unitaccessor.py
|
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957)
|
5 years ago |
test_fleet_util.py
|
【paddle.fleet】Add fleet base context (#25954)
|
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
|
Fix typo in interface. (#24779)
|
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
|
refine the full_like Op for API 2.0 test=develop (#25294)
|
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
|
Add functional convolutions in paddle.nn.functional (#23408)
|
5 years ago |
test_functional_conv2d_transpose.py
|
Add functional convolutions in paddle.nn.functional (#23408)
|
5 years ago |
test_functional_conv3d.py
|
Add functional convolutions in paddle.nn.functional (#23408)
|
5 years ago |
test_functional_conv3d_transpose.py
|
Add functional convolutions in paddle.nn.functional (#23408)
|
5 years ago |
test_fuse_all_reduce_pass.py
|
Add Much Complex Test and Fix Bugs for Control Flow cond API (#21532)
|
5 years ago |
test_fuse_bn_act_pass.py
|
Add bn and relu fuse pass (#22048)
|
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
|
Try to deprecate unstable python memory optimize (#18983)
|
6 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)
|
5 years ago |
test_fused_fc_elementwise_layernorm_op.py
|
Add a pass to fuse fc+elementwise_add+layernorm (#19776)
|
5 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)
|
5 years ago |
test_fusion_repeated_fc_relu_op.py
|
fix jit_matmul bug test=develop (#20886)
|
5 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)
|
5 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
|
fix fuse square mat order and refine test
|
6 years ago |
test_fusion_transpose_flatten_concat_op.py
|
Fix unit tests to avoid check_grad checking failures (#21554)
|
5 years ago |
test_gast_with_compatibility.py
|
add gast to replace ast test=develop (#22630)
|
5 years ago |
test_gather_nd_op.py
|
all cases use large shape (#22084)
|
5 years ago |
test_gather_op.py
|
add gather split squeeze stack unsqueeze api (#24035)
|
5 years ago |
test_gather_tree_op.py
|
Fix error info (#23891)
|
5 years ago |
test_gaussian_random_op.py
|
refine docs of rand, randn, randint, randperm, zeros_like, arange (#25633)
|
5 years ago |
test_gelu_op.py
|
add approximation for gelu, test=develop (#22961)
|
5 years ago |
test_generate_mask_labels_op.py
|
Add generate_mask_labels_op to support Mask-RCNN and refine some code. (#15371)
|
6 years ago |
test_generate_proposal_labels_op.py
|
test=develop fix generate_proposal_labels unit test (#23154)
|
5 years ago |
test_generate_proposals_op.py
|
fix generate_proposals (#23797)
|
5 years ago |
test_generator_dataloader.py
|
Simplify BufferedReader to improve DataLoader performance (#25648)
|
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 a function to update FLAGS (#22851)
|
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
|
Remove: NGraph engine from PDPD repository (#23545)
|
5 years ago |
test_glu.py
|
API/OP (margin_rank_loss, nce, row_conv, positive_negative_pair) erro… (#24246)
|
5 years ago |
test_grad_clip_minimize.py
|
add new method of gradient_clip, better to use,test=develop (#23224)
|
5 years ago |
test_gradient_clip.py
|
move the initialize position of grad_clip to optimizer(__init__),and speed up clip (#23782)
|
5 years ago |
test_grid_sampler_op.py
|
update test precision from fp32 to fp64, test=develop (#21783)
|
5 years ago |
test_group_norm_op.py
|
API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118)
|
5 years ago |
test_gru_op.py
|
API(dynamic_gru, chunk_eval, BeamSearchDecoder) error message enhancement (#24513)
|
5 years ago |
test_gru_unit_op.py
|
Fix error info (#23891)
|
5 years ago |
test_hash_op.py
|
fix check and error message for flatten hash is_empty op (#24434)
|
5 years ago |
test_hdfs.py
|
Fix typo in interface. (#24779)
|
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
|
Add histc op (#24562)
|
5 years ago |
test_hsigmoid.py
|
Add row_conv and hsigmoid into paddle.nn(functional and layer) (#23517)
|
5 years ago |
test_hsigmoid_op.py
|
fix test_hsigmoid windows ci (#25311)
|
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_prune.py
|
move the initialize position of grad_clip to optimizer(__init__),and speed up clip (#23782)
|
5 years ago |
test_imperative_base.py
|
Align the first batch of gpu resnet
|
6 years ago |
test_imperative_basic.py
|
add dnnl sigmoid (logistic) activation (#25745)
|
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
|
remove imperative data loader place limit, test=develop (#24641)
|
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
|
cleanup mmap files in unittest, test=develop (#22814)
|
5 years ago |
test_imperative_data_parallel.py
|
remove dygraph api to paddle.imperative, test=develop (#23628)
|
5 years ago |
test_imperative_debug_string.py
|
Remove FC in dygraph, modify FC to Linear in sample code (#22082)
|
5 years ago |
test_imperative_decorator.py
|
fix no_grad argspec (#23790)
|
5 years ago |
test_imperative_deepcf.py
|
remove params in Tracer object (in dygraph) (#20815)
|
5 years ago |
test_imperative_double_grad.py
|
Add some error messages for the op without double grads. (#25951)
|
5 years ago |
test_imperative_framework.py
|
Refine __str__ of VarBase and ParamBase, test=develop (#25345)
|
5 years ago |
test_imperative_gan.py
|
remove params in Tracer object (in dygraph) (#20815)
|
5 years ago |
test_imperative_gnn.py
|
remove params in Tracer object (in dygraph) (#20815)
|
5 years ago |
test_imperative_hook_for_layer.py
|
support forward hook for dygraph (#22443)
|
5 years ago |
test_imperative_layer_apply.py
|
Add apply for Layer (#25812)
|
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
|
Add Support for SelectedRows for Transpose OP and Fix a Bug That SelectedRows Cannot be Supported in SimNet (#25536)
|
5 years ago |
test_imperative_mnist.py
|
remove dygraph api to paddle.imperative, test=develop (#23628)
|
5 years ago |
test_imperative_mnist_sorted_gradient.py
|
remove params in Tracer object (in dygraph) (#20815)
|
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
|
Support numpy bridge (enabled by default in dygraph mode) (#20983)
|
5 years ago |
test_imperative_ocr_attention_model.py
|
Fix imperative orc attention unitest (#25797)
|
5 years ago |
test_imperative_optimizer.py
|
Fix parameter list iterator bug (#25089)
|
5 years ago |
test_imperative_parallel_coalesce_split.py
|
Fix optimizer op infershape failed in dygraph multi-cards mode (#21374)
|
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
|
TracedLayer Error Message Enhancement (#25734)
|
5 years ago |
test_imperative_ptb_rnn_sorted_gradient.py
|
remove params in Tracer object (in dygraph) (#20815)
|
5 years ago |
test_imperative_recurrent_usage.py
|
Imperative tracer refactoring (#22457)
|
5 years ago |
test_imperative_reinforcement.py
|
Remove FC in dygraph, modify FC to Linear in sample code (#22082)
|
5 years ago |
test_imperative_resnet.py
|
Speeding up dygraph DataLoader with multiprocessing (#21762)
|
5 years ago |
test_imperative_resnet_sorted_gradient.py
|
remove params in Tracer object (in dygraph) (#20815)
|
5 years ago |
test_imperative_save_load.py
|
fix state dict to save/load learning rate scheduler (#25403)
|
5 years ago |
test_imperative_se_resnext.py
|
try to fix test imperative se resnet, test=develop (#23700)
|
5 years ago |
test_imperative_selected_rows.py
|
copy dygraph api to paddle.imperative (#24085)
|
5 years ago |
test_imperative_selected_rows_to_lod_tensor.py
|
add clear_gradients for Optimizer and add clear_gradients api description (#21948)
|
5 years ago |
test_imperative_signal_handler.py
|
Refine DataLoader support multi-processing (#23107)
|
5 years ago |
test_imperative_star_gan_with_gradient_penalty.py
|
API(fluid.gridents) error message enhancement (#23450)
|
5 years ago |
test_imperative_static_runner_mnist.py
|
Fix some problems in StaticModelRunner (#24082)
|
5 years ago |
test_imperative_static_runner_while.py
|
Simplify Program printing code to improve debugging efficiency (#23918)
|
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
|
TracedLayer Error Message Enhancement (#25734)
|
5 years ago |
test_imperative_using_non_zero_gpu.py
|
fix dygraph non zero gpu bug, test=develop (#22165)
|
5 years ago |
test_index_sample_op.py
|
Update index sample (#24109)
|
5 years ago |
test_index_select_op.py
|
refine the index_select Op for API 2.0 test=develop (#25296)
|
5 years ago |
test_infer_no_need_buffer_slots.py
|
add `no_need_buffer_slots` interface to pybind (#21575)
|
5 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
|
Upgrade Error Message for AucOP & MultiplexOP (#24458)
|
5 years ago |
test_initializer.py
|
add new API: set_global_initializer (#24378)
|
5 years ago |
test_inplace_abn_op.py
|
Add inplace abn op (#22806)
|
5 years ago |
test_inplace_softmax_with_cross_entropy.py
|
Remove legacy C++ memory optimization codes (#18834)
|
6 years ago |
test_install_check.py
|
Add comment for dygraph api (#17869)
|
6 years ago |
test_instance_norm_op.py
|
fix instance norm in dy (#24717)
|
5 years ago |
test_inverse_op.py
|
Delete inverse out (#25925)
|
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
|
Add python ir graph API (#14917)
|
6 years ago |
test_ir_inplace_pass.py
|
Try to deprecate unstable python memory optimize (#18983)
|
6 years ago |
test_ir_memory_optimize_ifelse_op.py
|
Try to deprecate unstable python memory optimize (#18983)
|
6 years ago |
test_ir_memory_optimize_nlp.py
|
fix default value. test=develop
|
6 years ago |
test_ir_memory_optimize_pass.py
|
merge develop to solve conflict, also fix API doc, test=develop (#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
|
fix check and error message for flatten hash is_empty op (#24434)
|
5 years ago |
test_isfinite_op.py
|
API(has_inf, has_nan, cumsum, fsp_matrix, increment) error message enhancement, test=develop (#23769)
|
5 years ago |
test_jit_save_load.py
|
fix jit.save input_spec type change problem (#25683)
|
5 years ago |
test_kldiv_loss_op.py
|
all cases use large shape (#22102)
|
5 years ago |
test_kron_op.py
|
remove all op with out args (#25570)
|
5 years ago |
test_l1_loss.py
|
Dev/add l1 loss (#23322)
|
5 years ago |
test_l1_norm_op.py
|
fix accuracy parameters of op tests (#21813)
|
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
|
Add fleet checkpoint on local fs and remote fs(such as hdfs) for EDL (#22586)
|
5 years ago |
test_launch_ps.sh
|
fix test_launch_ps test=develop (#23333)
|
5 years ago |
test_layer_norm_op.py
|
restrict block num of layer_norm_grad cuda block to 128 (#23878)
|
5 years ago |
test_layers.py
|
add Pad2D and LeakyReLU (#25177)
|
5 years ago |
test_learning_rate_scheduler.py
|
fix state dict to save/load learning rate scheduler (#25403)
|
5 years ago |
test_linear_chain_crf_op.py
|
fix typo words (#22653)
|
5 years ago |
test_linear_interp_op.py
|
update interpolate & upsample api's doc (#24553)
|
5 years ago |
test_linspace.py
|
refine the linspace Op for API 2.0 test=develop (#25284)
|
5 years ago |
test_listen_and_serv.sh
|
Bug fix for sparse recorder (#21969)
|
5 years ago |
test_listen_and_serv_op.py
|
Bug fix for sparse recorder (#21969)
|
5 years ago |
test_load_op.py
|
fix bug of load op in issue#24252 (#24253)
|
5 years ago |
test_load_vars_shape_check.py
|
Add shape check in load model (#19936)
|
5 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
|
add activation ops under paddle.nn and paddle.nn.functional: ReLU, LogSoftmax (#23258)
|
5 years ago |
test_logical_op.py
|
fix compare and logical ops cond/out parameter doc bug, test=develop (#23862)
|
5 years ago |
test_logsumexp.py
|
remove all op with out args (#25570)
|
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
|
API(Embedding) error message enhancement (#23533)
|
5 years ago |
test_lrn_op.py
|
Error message enhancement of 6 op (#23759)
|
5 years ago |
test_lstm_cudnn_op.py
|
fix accuracy parameters of op tests (#21813)
|
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
|
ADD Manual seed op into paddle.framework (#23537)
|
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_match_matrix_tensor_op.py
|
check op tests' shape should be 100+ (#22047)
|
5 years ago |
test_math_op_patch.py
|
Set dtype of compare op's output to bool (#21864)
|
5 years ago |
test_math_op_patch_var_base.py
|
fix test, test=develop (#25634)
|
5 years ago |
test_matmul_op.py
|
remove all op with out args (#25570)
|
5 years ago |
test_matmul_op_with_head.py
|
Remove self-set accuracy parameters of op tests: atol (#21731)
|
5 years ago |
test_matrix_nms_op.py
|
Add `matrix_nms_op` (#24400)
|
5 years ago |
test_maxout_op.py
|
Ops(relu6/selu/soft_relu/softshrink/stanh/swish/thresholded_relu/hard_shrink/hard_sigmoid/hard_swish/hsigmoid/maxout) error message enhancement (#23718)
|
5 years ago |
test_mean_iou.py
|
OP Normal, Uniform, Xavier Initializer, smooth_l1, mean_iou error message enhancement (#23751)
|
5 years ago |
test_mean_op.py
|
Update test precision from fp32 to fp64 (#21805)
|
5 years ago |
test_memory_reuse_exclude_feed_var.py
|
[Bug fix] Disable memory reuse on feeded variables (#19835)
|
5 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_metrics.py
|
…
|
|
test_mine_hard_examples_op.py
|
Update test precision from fp32 to fp64 (#21805)
|
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)
|
5 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
|
…
|
|
test_monitor.py
|
move dataset from paddfle.fluid to paddle.fleet (#25887)
|
5 years ago |
test_mse_loss.py
|
Add `paddle.nn.loss.MSELoss` (#23399)
|
5 years ago |
test_mul_op.py
|
fix test_activation_op, test=develop (#25562)
|
5 years ago |
test_multiclass_nms_op.py
|
polish error message (#23696)
|
5 years ago |
test_multihead_attention.py
|
…
|
|
test_multiplex_op.py
|
Upgrade Error Message for AucOP & MultiplexOP (#24458)
|
5 years ago |
test_multiply.py
|
add op multiply, delete op elementwise_mul from math.py. (#25480)
|
5 years ago |
test_multiprocess_dataloader_dynamic.py
|
Fix test multiprocess dataloader static (#25287)
|
5 years ago |
test_multiprocess_dataloader_exception.py
|
Simplify BufferedReader to improve DataLoader performance (#25648)
|
5 years ago |
test_multiprocess_dataloader_static.py
|
Simplify BufferedReader to improve DataLoader performance (#25648)
|
5 years ago |
test_multiprocess_reader_exception.py
|
Simplify BufferedReader to improve DataLoader performance (#25648)
|
5 years ago |
test_naive_best_fit_gpu_memory_limit.py
|
Add flags to limit gpu memory (#22793)
|
5 years ago |
test_name_scope.py
|
Fix name_scope test case bug (#20034)
|
5 years ago |
test_nan_inf.py
|
Rewrite check nan inf tools (#21076)
|
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_network_with_dtype.py
|
…
|
|
test_nll_loss.py
|
add nll_loss op test=develop (#23758)
|
5 years ago |
test_nn_grad.py
|
fix typo words (#22653)
|
5 years ago |
test_nonzero_api.py
|
add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176)
|
5 years ago |
test_norm_all.py
|
Add new norm api, support frobenius norm and p-order vector norm. (#23716)
|
5 years ago |
test_norm_nn_grad.py
|
fix instance norm in dy (#24717)
|
5 years ago |
test_norm_op.py
|
OP error message enhancement of l2_normalize, matmul, mean, etc
|
5 years ago |
test_normalization_wrapper.py
|
…
|
|
test_npair_loss_op.py
|
API/OP error message enhancement (#23691)
|
5 years ago |
test_nvprof.py
|
…
|
|
test_one_hot_op.py
|
Error message enhancement of 6 op (#23759)
|
5 years ago |
test_one_hot_v2_op.py
|
API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794)
|
5 years ago |
test_ones_like.py
|
ones_like API: remove device, input -> x (#25663)
|
5 years ago |
test_ones_op.py
|
refine docs of rand, randn, randint, randperm, zeros_like, arange (#25633)
|
5 years ago |
test_op_function_generator.py
|
Feature/expand params in auto-generated pybind functions for dygraph operators (#23181)
|
5 years ago |
test_op_name_conflict.py
|
Solve the conflict of ops with the same name, test for CI. (#23573)
|
5 years ago |
test_op_support_gpu.py
|
…
|
|
test_operator.py
|
…
|
|
test_operator_desc.py
|
add fluid.device_guard to specify the device type for Op (#22254)
|
5 years ago |
test_optimizer.py
|
add string variable support for RecomputeOptimizer (#25728)
|
5 years ago |
test_optimizer_grad.py
|
enhance checking validity of apply_gradient (#21870)
|
5 years ago |
test_optimizer_in_control_flow.py
|
add NotImplementedError for multi optimizers (#22181)
|
5 years ago |
test_pad2d_op.py
|
OP(pad, pad2d, pad_constant_like) error message enhancement (#23882)
|
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
|
copy dygraph api to paddle.imperative (#24085)
|
5 years ago |
test_parallel_dygraph_mnist.py
|
Add detail log on parallel dygraph unit test when failed. (#20660)
|
5 years ago |
test_parallel_dygraph_se_resnext.py
|
Add detail log on parallel dygraph unit test when failed. (#20660)
|
5 years ago |
test_parallel_dygraph_sparse_embedding.py
|
Support SelelctedRows allreduce in multi-cards imperative mode (#24690)
|
5 years ago |
test_parallel_dygraph_transformer.py
|
Support SelelctedRows allreduce in multi-cards imperative mode (#24690)
|
5 years ago |
test_parallel_executor_crf.py
|
Fuse Adam And SGD ops (#15933)
|
6 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
|
Support feed single persistable variable to PE (#19417)
|
6 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
|
fix parallel ssa graph executor test hang; test=develop (#25358)
|
5 years ago |
test_parallel_executor_inference_feed_partial_data.py
|
Reader sequential and inference partial feed (#22699)
|
5 years ago |
test_parallel_executor_mnist.py
|
remove @unittest.skip in test_parallel_executor_mnist.py (#22019)
|
5 years ago |
test_parallel_executor_pg.py
|
Enhance fuse optimization op pass (#19010)
|
6 years ago |
test_parallel_executor_profiler.py
|
add test_parallel_executor_profiler.py (#25200)
|
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
|
Fix test_parallel_executor_test_while_train (#19723)
|
6 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)
|
5 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
|
Update test precision from fp32 to fp64 (#21805)
|
5 years ago |
test_polygon_box_transform.py
|
enhance some op/api error message (#23768)
|
5 years ago |
test_pool2d_op.py
|
Support NHWC in Pool2D, test=develop (#24240)
|
5 years ago |
test_pool3d_op.py
|
Remove self-set accuracy parameters of op tests: max_relative_error (#21823)
|
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_precision_recall_op.py
|
…
|
|
test_prelu_op.py
|
fix bug of prelu when rank not equal 4, test=develop (#25067)
|
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_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)
|
5 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
|
fix py_func bug when out is list and add unittest case (#22595)
|
5 years ago |
test_py_reader_combination.py
|
fix py_reader combination ut, test=develop (#20861)
|
5 years ago |
test_py_reader_error_msg.py
|
improve the error message when handling ndarray with unsupported dtype (#19949)
|
5 years ago |
test_py_reader_lod_level_share.py
|
…
|
|
test_py_reader_pin_memory.py
|
Add shape and type check at read_op (#20754)
|
5 years ago |
test_py_reader_push_pop.py
|
…
|
|
test_py_reader_return_list.py
|
Unify DataLoader APIs (#19305)
|
5 years ago |
test_py_reader_sample_generator.py
|
change API name
|
6 years ago |
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)
|
5 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_queue.py
|
add queue_generator_op, dequeue_op, enqueue_op and ut (#24481)
|
5 years ago |
test_rand_op.py
|
rand API: remove out, device, stop_gradient; add name (#25246)
|
5 years ago |
test_randint_op.py
|
refine error message of randint (#25613)
|
5 years ago |
test_randn_op.py
|
randn API: remove out, devive, stop_gradient; add name (#25409)
|
5 years ago |
test_random_crop_op.py
|
API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118)
|
5 years ago |
test_randperm_op.py
|
randperm API: remove out, devive, stop_gradient; add name (#25410)
|
5 years ago |
test_range.py
|
[Operator] Add range op. (#15431)
|
6 years ago |
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)
|
5 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
|
Add support the 5d, 6d tensor support for the reduce ops
|
5 years ago |
test_reducescatter.py
|
supports collective communicated training (#18175)
|
6 years ago |
test_reducescatter_api.py
|
set dim[0] to -1 if dim[0] < 0 during compiling for c_allgather op (#21402)
|
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
|
Avoid logging.info be printed many times in dygraph_mode,test=develop (#23932)
|
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)
|
5 years ago |
test_reshape_op.py
|
fix typo words (#22653)
|
5 years ago |
test_retain_graph.py
|
Fix the double grad bug for the star gan. (#25655)
|
5 years ago |
test_retinanet_detection_output.py
|
OP(retinanet_detection_output, retinanet_target_assign, sigmoid_focal_loss, deformable_roi_pooling) error message enhancement. test=develop (#23726)
|
5 years ago |
test_reverse_op.py
|
Support LoDTensorArray in reverse_op (#24797)
|
5 years ago |
test_rmsprop_op.py
|
…
|
|
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
|
Avoid crash when calling ctx->HasInputs and add the check of shape in fill_copnstant op. (#23698)
|
5 years ago |
test_rnn_memory_helper_op.py
|
…
|
|
test_roi_align_op.py
|
modify some op for dyg rcnn (#23648)
|
5 years ago |
test_roi_perspective_transform_op.py
|
Enhance some op error message (#23711)
|
5 years ago |
test_roi_pool_op.py
|
API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794)
|
5 years ago |
test_roll_op.py
|
modify roll test=develop (#25321)
|
5 years ago |
test_row_conv.py
|
Add row_conv and hsigmoid into paddle.nn(functional and layer) (#23517)
|
5 years ago |
test_row_conv_op.py
|
API/OP (margin_rank_loss, nce, row_conv, positive_negative_pair) erro… (#24246)
|
5 years ago |
test_rpn_target_assign_op.py
|
OP(retinanet_detection_output, retinanet_target_assign, sigmoid_focal_loss, deformable_roi_pooling) error message enhancement. test=develop (#23726)
|
5 years ago |
test_run_fluid_by_module_or_command_line.py
|
Dev/fix init flags (#23465)
|
5 years ago |
test_run_program_op.py
|
Implement StaticModelRunner to support dygraph fine-tune static graph pre-training model (#23171)
|
5 years ago |
test_runtime_and_compiletime_exception.py
|
fix unit tests that do not need to inherit OpTest (#21460)
|
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
|
give warnings when save a model without any parameters (#19931)
|
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
|
all cases use large shape (#22084)
|
5 years ago |
test_scatter_op.py
|
use large input shape for accuracy test, (#21693)
|
5 years ago |
test_scope.py
|
Op (Scope) error message enhancement (#23458)
|
5 years ago |
test_seed_op.py
|
Dropout with seed (#21590)
|
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
|
Ops(relu6/selu/soft_relu/softshrink/stanh/swish/thresholded_relu/hard_shrink/hard_sigmoid/hard_swish/hsigmoid/maxout) error message enhancement (#23718)
|
5 years ago |
test_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
|
Add UT for SGD operator with large inputs (#23195)
|
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)
|
5 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_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
|
update error info of ops,add some test cases for raise message (#23750)
|
5 years ago |
test_similarity_focus_op.py
|
OP(rank_loss, similarity_focus, squeeze) error message enhancement (#24448)
|
5 years ago |
test_size_op.py
|
add size op (#17412)
|
6 years ago |
test_slice_op.py
|
fix bug of varbase.__getitem__, test=develop (#24642)
|
5 years ago |
test_slice_var.py
|
…
|
|
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
|
disable TestSoftmaxFP16Op2 in test_softmax_op (#25519)
|
5 years ago |
test_softmax_with_cross_entropy_op.py
|
fix softmax_with_cross_entropy_fix bug, test=develop (#21810)
|
5 years ago |
test_sort_op.py
|
Update the code for the sort api
|
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_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
|
fix test_split_selected_rows_op test=develop
|
6 years ago |
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)
|
5 years ago |
test_squared_l2_norm_op.py
|
…
|
|
test_squeeze2_op.py
|
all cases use large shape (#22091)
|
5 years ago |
test_squeeze_op.py
|
Refine squeeze, test=develop (#25281)
|
5 years ago |
test_stack_op.py
|
add gather split squeeze stack unsqueeze api (#24035)
|
5 years ago |
test_static_save_load.py
|
Enable load program state in imperative mode (#24998)
|
5 years ago |
test_std_layer.py
|
add paddle.std api (#23825)
|
5 years ago |
test_strided_slice_op.py
|
Support int32 int64 and fix bug (#24407)
|
5 years ago |
test_sum_op.py
|
refine err msg, test=develop (#24550)
|
5 years ago |
test_switch.py
|
API (Switch) error message enhancement. test=develop (#23459)
|
5 years ago |
test_switch_case.py
|
Control flow API: switch_case (#21103)
|
5 years ago |
test_sync_batch_norm_op.py
|
add _use_system_allocator to some op tests, test=develop (#21504)
|
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
|
Update test precision from fp32 to fp64 (#21848)
|
5 years ago |
test_tensor.py
|
polish tensor set error messag, test=develop (#25113)
|
5 years ago |
test_tensor_array_to_tensor.py
|
python API(get_tensor_from_selected_rows and tensor_array_to_tensor)error message enhance, test=develop (#23636)
|
5 years ago |
test_tensor_to_numpy.py
|
Fix mem leak when converting Tensor to numpy array (#17182)
|
6 years ago |
test_top_k_op.py
|
Add TopK Op Grad CPU&GPU Kernel test=develop (#22628)
|
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_transpiler_ops.py
|
memory leak for cpu (#21174)
|
5 years ago |
test_transpose_op.py
|
Add new tensor in API2.0: max,min,t,eye,log1p (#23228)
|
5 years ago |
test_tree_conv_op.py
|
test=develop, error message of tree_conv OP enhancement (#23574)
|
5 years ago |
test_tril_triu_op.py
|
polish_tril_triu_docstring and add dygraph (#24055)
|
5 years ago |
test_trilinear_interp_op.py
|
update interpolate & upsample api's doc (#24553)
|
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
|
refine docs of rand, randn, randint, randperm, zeros_like, arange (#25633)
|
5 years ago |
test_unique.py
|
Add some error meesage and dtyp, dtyep check for some ops (#23762)
|
5 years ago |
test_unique_name.py
|
Modify tmp var name prefix in dygraph (#25280)
|
5 years ago |
test_unique_with_counts.py
|
Add some error meesage and dtyp, dtyep check for some ops (#23762)
|
5 years ago |
test_unpool_op.py
|
Update test precision from fp32 to fp64 (#21848)
|
5 years ago |
test_unsqueeze2_op.py
|
all cases use large shape (#22091)
|
5 years ago |
test_unsqueeze_op.py
|
add gather split squeeze stack unsqueeze api (#24035)
|
5 years ago |
test_unstack_op.py
|
Uniform append_backward & gradients parameter_list type to Variable (#21938)
|
5 years ago |
test_var_base.py
|
Refine __str__ of VarBase and ParamBase, test=develop (#25345)
|
5 years ago |
test_var_conv_2d.py
|
add skip_check_grad_ci of var_conv_2d (#22451)
|
5 years ago |
test_var_info.py
|
add the framework support for distfc (#21197)
|
5 years ago |
test_variable.py
|
Dev/add fake_interface_only decorator for some function of Variable (#24083)
|
5 years ago |
test_variance_layer.py
|
fix bug in reduce op (#23795)
|
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
|
OP(warpctc, add_position_encoding, scaled_dot_product_attention) error message enhancement (#24261)
|
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
|
[while grad]Support pruning op in find_op_path about while sub-block when appending backward (#25330)
|
5 years ago |
test_while_op.py
|
API(has_inf, has_nan, cumsum, fsp_matrix, increment) error message enhancement, test=develop (#23769)
|
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
|
zeros_like API: remove device; input -> x (#25413)
|
5 years ago |
test_zeros_op.py
|
Ones op for API 2.0: remove the device and out parameters (#25497)
|
5 years ago |
testsuite.py
|
Update Tensor.set() to support float16 (#19964)
|
5 years ago |
transformer_model.py
|
fix typo words (#22653)
|
5 years ago |
utils.py
|
Add friendly dygraph trace API (#21091)
|
5 years ago |