.. |
mkldnn
|
Fix test pool2d int8 mkldnn (#19976)
|
6 years ago |
ngraph
|
Add a pass to fuse fc+elementwise_add+layernorm (#19776)
|
6 years ago |
CMakeLists.txt
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
6 years ago |
__init__.py
|
…
|
|
benchmark.py
|
Add print_function for all python files
|
7 years ago |
benchmark_sum_op.py
|
Add print_function for all python files
|
7 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_op.py
|
supports collective communicated training (#18175)
|
6 years ago |
ctr_dataset_reader.py
|
trainer from dataset fetch targets (#19760)
|
6 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
|
fix dist_ctr getenv, test=develop
|
6 years ago |
dist_ctr_reader.py
|
fix logging basicConfig cannot be setting after import paddle (#17786)
|
6 years ago |
dist_fleet_ctr.py
|
trainer from dataset fetch targets (#19760)
|
6 years ago |
dist_mnist.py
|
Polish fleet API to support cuda collective mode and nccl2 mode. (#18966)
|
6 years ago |
dist_mnist_batch_merge.py
|
[1.1] [project] train imagenet using large batch size (#13766)
|
6 years ago |
dist_mnist_lars.py
|
[1.1] [project] train imagenet using large batch size (#13766)
|
6 years ago |
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
|
checkpoint at distributed training (#14854)
|
6 years ago |
dist_test.sh
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
6 years ago |
dist_test_utils.py
|
Delete pserver complete file before executor running. (#19468)
|
6 years ago |
dist_text_classification.py
|
Add distributed unit tests about text_classification/simnet-bow/ctr (#12812)
|
7 years ago |
dist_transformer.py
|
fix spelling errors (#17941)
|
6 years ago |
dist_word2vec.py
|
Add distributed unit tests about text_classification/simnet-bow/ctr (#12812)
|
7 years ago |
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 |
gradient_checker.py
|
Instag Implemention (#18394)
|
6 years ago |
ir_memory_optimize_net_base.py
|
Try to deprecate unstable python memory optimize (#18983)
|
6 years ago |
multi_process.py
|
distribute.launch use poll to query subprocess (#19853)
|
6 years ago |
op_test.py
|
Make OpTest check grad inplace even if forward has no inplace (#19847)
|
6 years ago |
parallel_dygraph_mnist.py
|
Add comment for dygraph api (#17869)
|
6 years ago |
parallel_dygraph_se_resnext.py
|
Refactor dygraph (#19107)
|
6 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)
|
6 years ago |
seresnext_net.py
|
Disable GC in test_parallel_exe_seresnext (#19408)
|
6 years ago |
seresnext_test_base.py
|
Split test_parallel_executor_seresnext to three unit test (#19239)
|
6 years ago |
simple_nets.py
|
Unify DataLoader APIs (#19305)
|
6 years ago |
test_accuracy_op.py
|
add input type and dtype check for accuracy_op (#20399)
|
6 years ago |
test_activation_nn_grad.py
|
refine shape and split test. test=develop (#17545)
|
6 years ago |
test_activation_op.py
|
refine sqrt api check (#20254)
|
6 years ago |
test_adadelta_op.py
|
Add print_function for all python files
|
7 years ago |
test_adagrad_op.py
|
Add print_function for all python files
|
7 years ago |
test_adam_op.py
|
revert test_adam_op test=develop
|
6 years ago |
test_adamax_op.py
|
Add print_function for all python files
|
7 years ago |
test_add_position_encoding_op.py
|
position encoding && log loss
|
6 years ago |
test_affine_channel_op.py
|
Remove unit testing for large shape in test_affine_channel_op (#19993)
|
6 years ago |
test_affine_grid_op.py
|
Add affine grid generator op (#12238)
|
6 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_anchor_generator_op.py
|
Add print_function for all python files
|
7 years ago |
test_arg_min_max_op.py
|
fix min and max bug (#16570)
|
6 years ago |
test_argsort_op.py
|
Add print_function for all python files
|
7 years ago |
test_array_read_write_op.py
|
Add print_function for all python files
|
7 years ago |
test_assign_op.py
|
Fix the error message of assign op (#20508)
|
6 years ago |
test_assign_value_op.py
|
Add print_function for all python files
|
7 years ago |
test_async_ssa_graph_executor_mnist.py
|
Refine unittest log (#18084)
|
6 years ago |
test_attention_lstm_op.py
|
Port new added code
|
7 years ago |
test_auc_op.py
|
fix unit test cases
|
6 years ago |
test_auc_single_pred_op.py
|
make auc op compatible with 1 dim (#18551)
|
6 years ago |
test_avoid_twice_initialization.py
|
Avoid treating broadcast as initialization operation (#19857)
|
6 years ago |
test_backward.py
|
Fix REGISTER_OP_WITHOUT_GRADIENT (#19251)
|
6 years ago |
test_base_layer.py
|
move dygraph.nn,dygraph.layer to fluid, test=develop
|
6 years ago |
test_basic_gru_api.py
|
Sequence mask support tensor (#18249)
|
6 years ago |
test_basic_gru_unit_op.py
|
Sequence mask support tensor (#18249)
|
6 years ago |
test_basic_lstm_api.py
|
Sequence mask support tensor (#18249)
|
6 years ago |
test_basic_lstm_unit_op.py
|
Sequence mask support tensor (#18249)
|
6 years ago |
test_batch_norm_op.py
|
add error log for python api and c++ (#20061)
|
6 years ago |
test_beam_search_decode_op.py
|
Add print_function for all python files
|
7 years ago |
test_beam_search_op.py
|
Return parent_idx in beam_search op (#15520)
|
6 years ago |
test_bilinear_interp_op.py
|
resize Ops support data_layout:channel_last, test=develop, test=document_preview (#19914)
|
6 years ago |
test_bilinear_tensor_product_op.py
|
Add print_function for all python files
|
7 years ago |
test_bipartite_match_op.py
|
Add print_function for all python files
|
7 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
|
Update UT test_boxps (#19599)
|
6 years ago |
test_bpr_loss_op.py
|
fix label_pos ,add test_layers.py, test=develop
|
6 years ago |
test_broadcast.py
|
supports collective communicated training (#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
|
add CPUInplaceTestWithFuseOptimizationOps (#18867)
|
6 years ago |
test_c_comm_init_all_op.py
|
supports multiple NCCL communicators preserved in NCCLCommContext (#19407)
|
6 years ago |
test_calc_gradient.py
|
Add print_function for all python files
|
7 years ago |
test_cast_op.py
|
Add print_function for all python files
|
7 years ago |
test_center_loss.py
|
Add center Loss Op Support (#18681)
|
6 years ago |
test_check_import_scipy.py
|
Optimized error reporting information (#19173)
|
6 years ago |
test_chunk_eval_op.py
|
support Tensor input for chunk_eval op (#18226)
|
6 years ago |
test_clip_by_norm_op.py
|
Add unittest for clip_by_norm_op with SelectedRows
|
7 years ago |
test_clip_op.py
|
Add print_function for all python files
|
7 years ago |
test_coalesce_tensor_op.py
|
Add dtype for coalesce_tensor_op (#20016)
|
6 years ago |
test_collect_fpn_proposals_op.py
|
add collect fpn proposals op,test=develop (#16074)
|
6 years ago |
test_collective_base.py
|
supports collective communicated training (#18175)
|
6 years ago |
test_compare_op.py
|
Add print_function for all python files
|
7 years ago |
test_compat.py
|
Optimze/optimize dygraph api (#19999)
|
6 years ago |
test_concat_op.py
|
add input type and dtype check, enhance shape error message for concat_op (#20101)
|
6 years ago |
test_conditional_block.py
|
Add print_function for all python files
|
7 years ago |
test_const_value.py
|
Add print_function for all python files
|
7 years ago |
test_conv2d_fusion_op.py
|
reduce unittest time by rename testcuda to has_cuda
|
6 years ago |
test_conv2d_op.py
|
add error log for python api and c++ (#20061)
|
6 years ago |
test_conv2d_transpose_op.py
|
conv_transpose supports channel_last input, test=develop, test=document_preview (#20072)
|
6 years ago |
test_conv3d_op.py
|
fix conv2d and conv3d: (#20042)
|
6 years ago |
test_conv3d_transpose_op.py
|
conv_transpose supports channel_last input, test=develop, test=document_preview (#20072)
|
6 years ago |
test_conv_nn_grad.py
|
fix conv2d and conv3d: (#20042)
|
6 years ago |
test_conv_shift_op.py
|
Add print_function for all python files
|
7 years ago |
test_cos_sim_op.py
|
Add print_function for all python files
|
7 years ago |
test_create_op_doc_string.py
|
Add print_function for all python files
|
7 years ago |
test_crf_decoding_op.py
|
Refactor linear chain crf op & crf decoding op (#19982)
|
6 years ago |
test_crop_op.py
|
Add print_function for all python files
|
7 years ago |
test_crop_tensor_op.py
|
add crop_tensor_op, test=develop, test=document_preview (#19314)
|
6 years ago |
test_cross_entropy2_op.py
|
Remove constraint that last dimension is forced to be 1 in cross_entropy (#19606)
|
6 years ago |
test_cross_entropy_op.py
|
add error log for python api and c++ (#20061)
|
6 years ago |
test_ctc_align.py
|
refine ctc align op with padding (#19926)
|
6 years ago |
test_cumsum_op.py
|
Add print_function for all python files
|
7 years ago |
test_cvm_op.py
|
cvm op feature (#17081)
|
6 years ago |
test_cyclic_cifar_dataset.py
|
fix readers bug, test=develop (#19868)
|
6 years ago |
test_data_norm_op.py
|
support change shuffle and train thread num (#19841)
|
6 years ago |
test_dataset.py
|
trainer from dataset fetch targets (#19760)
|
6 years ago |
test_dataset_dataloader.py
|
Unify DataLoader APIs (#19305)
|
6 years ago |
test_debugger.py
|
Add print_function for all python files
|
7 years ago |
test_decayed_adagrad_op.py
|
Add print_function for all python files
|
7 years ago |
test_decoupled_py_reader.py
|
reduce py_reader unittest time (#16996)
|
6 years ago |
test_decoupled_py_reader_data_check.py
|
Unify DataLoader APIs (#19305)
|
6 years ago |
test_default_scope_funcs.py
|
Add print_function for all python files
|
7 years ago |
test_deformable_conv_op.py
|
add deformable conv v1 op and cpu version of deformable conv v2 (#18500)
|
6 years ago |
test_deformable_conv_v1_op.py
|
add deformable conv v1 op and cpu version of deformable conv v2 (#18500)
|
6 years ago |
test_deformable_psroi_pooling.py
|
add deformable psroi pooling (#17827)
|
6 years ago |
test_density_prior_box_op.py
|
CUDA kernel for density_prior_box_op. (#14513)
|
6 years ago |
test_deprecated_memory_optimize_interfaces.py
|
Try to deprecate unstable python memory optimize (#18983)
|
6 years ago |
test_desc_clone.py
|
fix macunittest (#13434)
|
7 years ago |
test_detach.py
|
Optimze/optimize dygraph api (#19999)
|
6 years ago |
test_detection_map_op.py
|
Revert "Revert "Merge pull request #13431 from chengduoZH/refine_lod""
|
7 years ago |
test_dgc_op.py
|
Add DGC(Deep Gradient Compression) interface. (#15841)
|
6 years ago |
test_diag.py
|
Add Diag Op(#17027)
|
6 years ago |
test_dist_allreduce_op.py
|
Collective ops (#15572)
|
6 years ago |
test_dist_base.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
6 years ago |
test_dist_ctr.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
6 years ago |
test_dist_fleet_base.py
|
trainer from dataset fetch targets (#19760)
|
6 years ago |
test_dist_fleet_ctr.py
|
trainer from dataset fetch targets (#19760)
|
6 years ago |
test_dist_fleet_geo.py
|
Add GEO-SGD distribute training algorithm (#20018)
|
6 years ago |
test_dist_mnist.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
6 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)
|
6 years ago |
test_dist_mnist_dgc_nccl.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
6 years ago |
test_dist_mnist_fleetapi.py
|
Polish fleet API to support cuda collective mode and nccl2 mode. (#18966)
|
6 years ago |
test_dist_mnist_hallreduce.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
6 years ago |
test_dist_mnist_lars.py
|
Split the unittest test_dist_mmist into multiple unittests (test_dist_mnist, test_dist_mnist_nccl and test_dist_mnist_lars) to avoid timeout (#17707)
|
6 years ago |
test_dist_mnist_multi_comm.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
6 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_with_program.py
|
adapte fleet api for localsgd and support nccl comm configuration in executor (#19443)
|
6 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_async.py
|
split test_dist_se_resnext.py into 4 testcases (#18743)
|
6 years ago |
test_dist_se_resnext_dgc.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
6 years ago |
test_dist_se_resnext_nccl.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
6 years ago |
test_dist_se_resnext_sync.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
6 years ago |
test_dist_simnet_bow.py
|
Add bash_test_modules function to capture the timeout or failed context. (#20197)
|
6 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
|
fix cdn issue, test=develop (#16423)
|
6 years ago |
test_dist_transpiler.py
|
revert revert 16144
|
6 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
|
fix distribute fpn proposals, test=develop (#16152)
|
6 years ago |
test_distributions.py
|
fix unittest random failed test=develop (#19654)
|
6 years ago |
test_downpoursgd.py
|
enhance embedding error message test=develop (#20246)
|
6 years ago |
test_dpsgd_op.py
|
add optimizer:dpsgd,test=develop (#19915)
|
6 years ago |
test_dropout_op.py
|
add error log for python api and c++ (#20061)
|
6 years ago |
test_dygraph_mnist_fp16.py
|
Disable test_dygraph_mnist_fp16.py (#19844)
|
6 years ago |
test_dygraph_multi_forward.py
|
Add comment for dygraph api (#17869)
|
6 years ago |
test_dyn_rnn.py
|
[Speed] Make test_dyn_rnn faster (#16761)
|
6 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
|
Add print_function for all python files
|
7 years ago |
test_eager_deletion_conditional_block.py
|
fix gc bug in conditional block (#16673)
|
6 years ago |
test_eager_deletion_delete_vars.py
|
fix some op grad maker
|
6 years ago |
test_eager_deletion_dynamic_rnn_base.py
|
Update CompiledProgram (#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
|
Fix random test_recurrent_op failure (#18718)
|
6 years ago |
test_eager_deletion_recurrent_op.py
|
Update CompiledProgram (#18919)
|
6 years ago |
test_eager_deletion_transformer.py
|
remove reset recordio usage (#19519)
|
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
|
fix error message for elementwise_add/mul (#20283)
|
6 years ago |
test_elementwise_div_op.py
|
elementwise broadcast function enhancement (#19536)
|
6 years ago |
test_elementwise_floordiv_op.py
|
fix time; test=develop
|
6 years ago |
test_elementwise_gradient_op.py
|
Add print_function for all python files
|
7 years ago |
test_elementwise_max_op.py
|
elementwise broadcast function enhancement (#19536)
|
6 years ago |
test_elementwise_min_op.py
|
elementwise broadcast function enhancement (#19536)
|
6 years ago |
test_elementwise_mod_op.py
|
add elementwise mod support float/double. test=develop (#19570)
|
6 years ago |
test_elementwise_mul_op.py
|
fix error message for elementwise_add/mul (#20283)
|
6 years ago |
test_elementwise_nn_grad.py
|
refine shape and split test. test=develop (#17545)
|
6 years ago |
test_elementwise_pow_op.py
|
elementwise broadcast function enhancement (#19536)
|
6 years ago |
test_elementwise_sub_op.py
|
elementwise broadcast function enhancement (#19536)
|
6 years ago |
test_exception.py
|
Add print_function for all python files
|
7 years ago |
test_executor_and_mul.py
|
Add print_function for all python files
|
7 years ago |
test_executor_and_use_program_cache.py
|
fix prepare context redundant code problem, optimize executor by cach… (#17743)
|
6 years ago |
test_executor_return_tensor_not_overwriting.py
|
Fix memory overwriting of tensors returned by executor (#19030)
|
6 years ago |
test_expand_op.py
|
fix expand bug (#20340)
|
6 years ago |
test_eye_op.py
|
add eye op, kernel and unitest test=develop (#18980)
|
6 years ago |
test_fake_dequantize_op.py
|
add channel wise quantization in ir pass.
|
6 years ago |
test_fake_init_op.py
|
add test_fake_init_op
|
6 years ago |
test_fake_quantize_op.py
|
add quant_dequant_moving_avg_max_abs op (#17480)
|
6 years ago |
test_fc_op.py
|
Fix fp16 in input.dtype check in layers.fc (#20467)
|
6 years ago |
test_feed_data_check_shape_type.py
|
Refine Error Message for New Data API (#20204)
|
6 years ago |
test_feed_fetch_method.py
|
Add print_function for all python files
|
7 years ago |
test_fetch_handler.py
|
trainer from dataset fetch targets (#19760)
|
6 years ago |
test_fetch_var.py
|
merge empty lod tensor, test=develop (#19228)
|
6 years ago |
test_fill_any_like_op.py
|
add ones_like op (#17388)
|
6 years ago |
test_fill_constant_batch_size_like_op.py
|
Add print_function for all python files
|
7 years ago |
test_fill_constant_op.py
|
Fill constant error message fix (#20075)
|
6 years ago |
test_fill_op.py
|
add kernel for fill_op, test=develop (#19719)
|
6 years ago |
test_fill_zeros_like2_op.py
|
Fix some grad op desc makers (#16633)
|
6 years ago |
test_fill_zeros_like_op.py
|
Fp16 training (#14992)
|
6 years ago |
test_filter_by_instag_op.py
|
Instag Implemention (#18394)
|
6 years ago |
test_fl_listen_and_serv_op.py
|
Delete pserver complete file before executor running. (#19468)
|
6 years ago |
test_flatten2_op.py
|
add kernel for flatten_op, test=develop (#19472)
|
6 years ago |
test_flatten_op.py
|
add kernel for flatten_op, test=develop (#19472)
|
6 years ago |
test_fleet_api_input.py
|
Optimize fleet API: add input check for some interfaces (#18971)
|
6 years ago |
test_fleet_rolemaker.py
|
paddle cloud role maker fix (#19646)
|
6 years ago |
test_fleet_utils.py
|
fix the diff between async mode and async_half mode (#19535)
|
6 years ago |
test_framework_debug_str.py
|
Add print_function for all python files
|
7 years ago |
test_fsp_op.py
|
Make unitest of fsp op faster and more stable. (#16502)
|
6 years ago |
test_ftrl_op.py
|
Add print_function for all python files
|
7 years ago |
test_fuse_all_reduce_pass.py
|
Try to deprecate unstable python memory optimize (#18983)
|
6 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
|
Feature/op_fuse_pass (#12440)
|
7 years ago |
test_fused_emb_seq_pool_op.py
|
Implement FusedEmbeddingSeqPoolGradKernel with cblas_saxpy (#19770)
|
6 years ago |
test_fused_embedding_fc_lstm_op.py
|
- Added file for fused_embedded_fc_lstm_op unit test
|
7 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
|
Add multihead op for ernie opt (#19933)
|
6 years ago |
test_fusion_gru_op.py
|
optimize fusion gru kernel at size 8
|
7 years ago |
test_fusion_lstm_op.py
|
refine seq when bs is large
|
7 years ago |
test_fusion_repeated_fc_relu_op.py
|
add repeated fc relu unit test
|
6 years ago |
test_fusion_seqconv_eltadd_relu_op.py
|
refine and add seqconv elementwiseadd relu op test
|
7 years ago |
test_fusion_seqexpand_concat_fc_op.py
|
fix typo and op test
|
7 years ago |
test_fusion_seqpool_concat_op.py
|
add seqpool concat unit test
|
6 years ago |
test_fusion_seqpool_cvm_concat_op.py
|
Fusion: seqpool_cvm_concat (#18471)
|
6 years ago |
test_fusion_squared_mat_sub_op.py
|
fix fuse square mat order and refine test
|
6 years ago |
test_fusion_transpose_flatten_concat_op.py
|
Transpose-Flatten-Concat fusion operator. (#14568)
|
6 years ago |
test_gather_nd_op.py
|
add scatter_nd op and scatter_nd_add op (#19571)
|
6 years ago |
test_gather_op.py
|
Fix scatter and gather op when has duplicate index (#17952)
|
6 years ago |
test_gather_tree_op.py
|
Add seq2seq api related code (#19820)
|
6 years ago |
test_gaussian_random_batch_size_like_op.py
|
Add print_function for all python files
|
7 years ago |
test_gaussian_random_op.py
|
Add print_function for all python files
|
7 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
|
Update generate_proposal_labels_op to support CascadeRCNN. (#17200)
|
6 years ago |
test_generate_proposals_op.py
|
Add generate_mask_labels_op to support Mask-RCNN and refine some code. (#15371)
|
6 years ago |
test_generator_dataloader.py
|
Unify DataLoader APIs (#19305)
|
6 years ago |
test_get_places_op.py
|
Support backward of backward for Relu and add a new gradient checker by comparing theoretical and numerical Jacobian. (#16862)
|
6 years ago |
test_get_tensor_from_selected_rows_op.py
|
Refine merge_selected_rows Doc (#14748)
|
6 years ago |
test_grad_clip_minimize.py
|
Add new gard clip [old gradient clip not support in dy graph] (#17523)
|
6 years ago |
test_gradient_clip.py
|
Fix unittests which takes too long time (#16713)
|
6 years ago |
test_grid_sampler_op.py
|
fix some inappropriate expressions in api doc for grid_sampler. test=develop
|
6 years ago |
test_group_norm_op.py
|
group_norm support data_layout:NHWC, test=develop, test=document_preview (#19614)
|
6 years ago |
test_gru_op.py
|
Support seq len equal to 0 in sequence ops (#16935)
|
6 years ago |
test_gru_unit_op.py
|
complete gru_unite_op and test
|
6 years ago |
test_hash_op.py
|
hash_op support int64 hash_size (#18674)
|
6 years ago |
test_hinge_loss_op.py
|
Add print_function for all python files
|
7 years ago |
test_hsigmoid_op.py
|
test=develop, remove sparse bias and add prefetch and related tests
|
6 years ago |
test_hsigmoid_remote_table_op.py
|
Delete pserver complete file before executor running. (#19468)
|
6 years ago |
test_huber_loss_op.py
|
Require x.dims=label.dims in huber_loss (#20017)
|
6 years ago |
test_im2sequence_op.py
|
Add print_function for all python files
|
7 years ago |
test_image_classification_layer.py
|
Add print_function for all python files
|
7 years ago |
test_imperative_auto_prune.py
|
Fix/auto prune error on leaf (#20056)
|
6 years ago |
test_imperative_base.py
|
Align the first batch of gpu resnet
|
6 years ago |
test_imperative_basic.py
|
fix the reduce bug test=develop (#20102)
|
6 years ago |
test_imperative_debug_string.py
|
Refactor dygraph (#19107)
|
6 years ago |
test_imperative_decorator.py
|
Optimze/optimize dygraph api (#19999)
|
6 years ago |
test_imperative_deepcf.py
|
fix problem that get_attr method can't using default mode when we call has_attr in dygraph (#19328)
|
6 years ago |
test_imperative_framework.py
|
Optimze/optimize dygraph api (#19999)
|
6 years ago |
test_imperative_gan.py
|
test=develop, add gradient sort backward strategy (#17125)
|
6 years ago |
test_imperative_gnn.py
|
Optimze/optimize dygraph api (#19999)
|
6 years ago |
test_imperative_mnist.py
|
Add comment for dygraph api (#17869)
|
6 years ago |
test_imperative_mnist_sorted_gradient.py
|
test=develop, add gradient sort backward strategy (#17125)
|
6 years ago |
test_imperative_ocr_attention_model.py
|
Add comment for dygraph api (#17869)
|
6 years ago |
test_imperative_optimizer.py
|
use pyreader to read data in dygraph mode (#17314)
|
6 years ago |
test_imperative_partitial_backward.py
|
fix dygraph partitial backward problem (#19625)
|
6 years ago |
test_imperative_ptb_rnn.py
|
Optimze/optimize dygraph api (#19999)
|
6 years ago |
test_imperative_ptb_rnn_sorted_gradient.py
|
Optimze/optimize dygraph api (#19999)
|
6 years ago |
test_imperative_recurrent_usage.py
|
Feature/auto prune in dygraph (#19757)
|
6 years ago |
test_imperative_reinforcement.py
|
add unittest of dygraph RL models. (#17550)
|
6 years ago |
test_imperative_resnet.py
|
Add comment for dygraph api (#17869)
|
6 years ago |
test_imperative_resnet_sorted_gradient.py
|
decrease the train loop number to avoid run too long to fail the ci process test=develop (#17567)
|
6 years ago |
test_imperative_save_load.py
|
New save load interface (#20148)
|
6 years ago |
test_imperative_se_resnext.py
|
Add comment for dygraph api (#17869)
|
6 years ago |
test_imperative_transformer_sorted_gradient.py
|
Optimze/optimize dygraph api (#19999)
|
6 years ago |
test_infer_shape.py
|
expand op supprt tensor attribute (#17773)
|
6 years ago |
test_inference_api.py
|
Python infer api update and add unit test (#19353)
|
6 years ago |
test_inference_model_io.py
|
warning when user save a inference model which contains auc op test=develop (#19838)
|
6 years ago |
test_initializer.py
|
Init mixed precision training interface (#16856)
|
6 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 OpTest of bn (#19062)
|
6 years ago |
test_iou_similarity_op.py
|
Add print_function for all python files
|
7 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
|
Add print_function for all python files
|
7 years ago |
test_isfinite_op.py
|
enhance isinf/isnan in tensor util, avoid copy back to cpu (#12688)
|
7 years ago |
test_kldiv_loss_op.py
|
fix for gpu grad. test=develop
|
6 years ago |
test_l1_norm_op.py
|
Add print_function for all python files
|
7 years ago |
test_label_smooth_op.py
|
Add print_function for all python files
|
7 years ago |
test_lamb_op.py
|
Update lamb optimizer (#18333)
|
6 years ago |
test_launch.sh
|
distribute.launch use poll to query subprocess (#19853)
|
6 years ago |
test_layer_norm_op.py
|
Add a pass to fuse fc+elementwise_add+layernorm (#19776)
|
6 years ago |
test_layers.py
|
Enhance InferShape in deformable_conv and prior_box op (#20372)
|
6 years ago |
test_learning_rate_scheduler.py
|
Try to deprecate unstable python memory optimize (#18983)
|
6 years ago |
test_linear_chain_crf_op.py
|
Refactor linear chain crf op & crf decoding op (#19982)
|
6 years ago |
test_linspace.py
|
test=develop
|
6 years ago |
test_listen_and_serv.sh
|
Delete pserver complete file before executor running. (#19468)
|
6 years ago |
test_listen_and_serv_op.py
|
Delete pserver complete file before executor running. (#19468)
|
6 years ago |
test_load_vars_shape_check.py
|
Add shape check in load model (#19936)
|
6 years ago |
test_lod_array_length_op.py
|
Add print_function for all python files
|
7 years ago |
test_lod_rank_table.py
|
Add print_function for all python files
|
7 years ago |
test_lod_reset_op.py
|
Add python API for appending LoD level (#18702)
|
6 years ago |
test_lod_tensor_array.py
|
Add print_function for all python files
|
7 years ago |
test_lod_tensor_array_ops.py
|
Add print_function for all python files
|
7 years ago |
test_log_loss_op.py
|
Add print_function for all python files
|
7 years ago |
test_logical_op.py
|
Add print_function for all python files
|
7 years ago |
test_lookup_remote_table_op.py
|
Delete pserver complete file before executor running. (#19468)
|
6 years ago |
test_lookup_sparse_table_op.py
|
add test_lookup_sparse_table_op
|
6 years ago |
test_lookup_table_op.py
|
enhance embedding error message test=develop (#20246)
|
6 years ago |
test_lookup_table_v2_op.py
|
enhance embedding error message test=develop (#20246)
|
6 years ago |
test_lrn_op.py
|
Add print_function for all python files
|
7 years ago |
test_lstm_cudnn_op.py
|
reduce unittest time by rename testcuda to has_cuda
|
6 years ago |
test_lstm_op.py
|
Support seq len equal to 0 in sequence ops (#16935)
|
6 years ago |
test_lstm_unit_op.py
|
Add print_function for all python files
|
7 years ago |
test_lstmp_op.py
|
Support seq len equal to 0 in sequence ops (#16935)
|
6 years ago |
test_margin_rank_loss_op.py
|
Add print_function for all python files
|
7 years ago |
test_match_matrix_tensor_op.py
|
move match_matrix var_conv2d et.al api into fluid.contrib test=develop (#19859)
|
6 years ago |
test_math_op_patch.py
|
fix math_op_path.py when integers, test=develop (#20008)
|
6 years ago |
test_matmul_op.py
|
Add print_function for all python files
|
7 years ago |
test_matmul_op_with_head.py
|
add support of matmul with multiple head even different width and height (#19708)
|
6 years ago |
test_maxout_op.py
|
Add print_function for all python files
|
7 years ago |
test_mean_iou.py
|
Add print_function for all python files
|
7 years ago |
test_mean_op.py
|
Add fp16 backward support (#14202)
|
6 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
|
Add print_function for all python files
|
7 years ago |
test_merge_ids_op.py
|
submit by tangwei12, test=develop
|
6 years ago |
test_merge_selectedrows_op.py
|
Refine merge_selected_rows Doc (#14748)
|
6 years ago |
test_metrics.py
|
Follow comments.
|
7 years ago |
test_mine_hard_examples_op.py
|
Add print_function for all python files
|
7 years ago |
test_minus_op.py
|
Add print_function for all python files
|
7 years ago |
test_mix_precision_all_reduce_fuse.py
|
Make fuse_all_reduce_op_pass support mix_precision (#17652)
|
6 years ago |
test_modified_huber_loss_op.py
|
Add print_function for all python files
|
7 years ago |
test_momentum_op.py
|
Fp16 training (#14992)
|
6 years ago |
test_mse_loss.py
|
add mse_loss (#19759)
|
6 years ago |
test_mul_op.py
|
enhance mul_op input error message test=develop (#20414)
|
6 years ago |
test_multiclass_nms_op.py
|
merge empty lod tensor, test=develop (#19228)
|
6 years ago |
test_multihead_attention.py
|
Add print_function for all python files
|
7 years ago |
test_multiplex_op.py
|
Add print_function for all python files
|
7 years ago |
test_multiprocess_reader_exception.py
|
fix readers bug, test=develop (#19868)
|
6 years ago |
test_name_scope.py
|
Fix name_scope test case bug (#20034)
|
6 years ago |
test_nce.py
|
Add detailed error messages for nce layer (#20231)
|
6 years ago |
test_nce_remote_table_op.py
|
Delete pserver complete file before executor running. (#19468)
|
6 years ago |
test_nearest_interp_op.py
|
fix Attr(scale)'s bug for image_resize and modified unittest, test=develop (#19983)
|
6 years ago |
test_network_with_dtype.py
|
Add print_function for all python files
|
7 years ago |
test_nn_grad.py
|
Support reshape_op double gradient (#20304)
|
6 years ago |
test_norm_nn_grad.py
|
add instance norm (#19500)
|
6 years ago |
test_norm_op.py
|
Implement norm_op by CUDA instead of Eigen. (#13273)
|
7 years ago |
test_normalization_wrapper.py
|
Add print_function for all python files
|
7 years ago |
test_npair_loss_op.py
|
test=develop, change testfile
|
6 years ago |
test_nvprof.py
|
Add print_function for all python files
|
7 years ago |
test_one_hot_op.py
|
supports distributed classification (#18690)
|
6 years ago |
test_one_hot_v2_op.py
|
Remove constraint that last dimension is forced to be 1 by adding lookup_table_v2 (#19735)
|
6 years ago |
test_op_support_gpu.py
|
Add print_function for all python files
|
7 years ago |
test_operator.py
|
Add print_function for all python files
|
7 years ago |
test_operator_desc.py
|
Add mkldnn int8 mul-op kernel (#17834)
|
6 years ago |
test_optimizer.py
|
RecomputeOptimizer: rm unused ckpt and sort ckpt (#20108)
|
6 years ago |
test_pad2d_op.py
|
Make pad2d support for variable paddings. (#14667)
|
6 years ago |
test_pad_constant_like.py
|
Add pad_constant_like_op (#12943)
|
7 years ago |
test_pad_op.py
|
Add fp16 support for pad and split (#19881)
|
6 years ago |
test_parallel_dygraph_mnist.py
|
[Speedup] Make dygraph data parallel faster (#19280)
|
6 years ago |
test_parallel_dygraph_se_resnext.py
|
Open test_parallel_dygraph_se_resnext (#19342)
|
6 years ago |
test_parallel_executor_crf.py
|
Fuse Adam And SGD ops (#15933)
|
6 years ago |
test_parallel_executor_crf_auto_growth.py
|
Feature/auto_growth_allocator (#18561)
|
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
|
Try to deprecate unstable python memory optimize (#18983)
|
6 years ago |
test_parallel_executor_mnist.py
|
Enhance fuse optimization op pass (#19010)
|
6 years ago |
test_parallel_executor_pg.py
|
Enhance fuse optimization op pass (#19010)
|
6 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
|
Split test_parallel_executor_seresnext to three unit test (#19239)
|
6 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
|
merge develop to solve conflict, also fix API doc, test=develop (#18823)
|
6 years ago |
test_parallel_executor_transformer_auto_growth.py
|
remove reset recordio usage (#19519)
|
6 years ago |
test_parameter.py
|
add more checks to create_parameter test=develop (#20059)
|
6 years ago |
test_partial_eager_deletion_transformer.py
|
remove reset recordio usage (#19519)
|
6 years ago |
test_pass_builder.py
|
Add unit test for fuse_opt_ops (#16550)
|
6 years ago |
test_pipeline.py
|
Refactor for Pipeline Thread Check (#18459)
|
6 years ago |
test_pixel_shuffle.py
|
Add Pixel shuffle OP (#15782)
|
6 years ago |
test_polygon_box_transform.py
|
Ocr end2end dev (#13889)
|
7 years ago |
test_pool2d_op.py
|
fix bug of infer shape in pool op. test=develop (#20213)
|
6 years ago |
test_pool3d_op.py
|
fix pool2d pool3d,support asymmetric padding and channel_last (#19739)
|
6 years ago |
test_pool_max_op.py
|
add adaptive pool 2d & 3d. test=develop
|
6 years ago |
test_positive_negative_pair_op.py
|
Add print_function for all python files
|
7 years ago |
test_precision_recall_op.py
|
Add print_function for all python files
|
7 years ago |
test_prelu_op.py
|
Port dist_transpiler to Python3.5
|
7 years ago |
test_print_op.py
|
Fix bug of scope_buffered_ssa_graph_executor (#18100)
|
6 years ago |
test_prior_box_op.py
|
Add print_function for all python files
|
7 years ago |
test_profiler.py
|
Fix test_profiler when the machine has many cores
|
6 years ago |
test_program.py
|
To support full model saving.
|
7 years ago |
test_program_code.py
|
remove kwargs in python api
|
7 years ago |
test_program_prune_backward.py
|
Add prune_backward function to cover complicated test_program.clone situation (#19772)
|
6 years ago |
test_program_to_string.py
|
Optimze/optimize dygraph api (#19999)
|
6 years ago |
test_protobuf.py
|
Add print_function for all python files
|
7 years ago |
test_protobuf_descs.py
|
hide operator API (#12543)
|
7 years ago |
test_proximal_adagrad_op.py
|
Add print_function for all python files
|
7 years ago |
test_proximal_gd_op.py
|
Add print_function for all python files
|
7 years ago |
test_prroi_pool_op.py
|
fix the precise roi poop op test=develop (#20126)
|
6 years ago |
test_prune.py
|
add a new interface _prune_with_input (#20022)
|
6 years ago |
test_psroi_pool_op.py
|
this is for psroi_pool op, test=develop (#14796)
|
6 years ago |
test_py_func_op.py
|
remove deprecated memory_optimize usages, test=develop (#19579)
|
6 years ago |
test_py_reader_combination.py
|
Add py_reader combination unittest (#19923)
|
6 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
|
fix lod_level share bug in read_op
|
6 years ago |
test_py_reader_pin_memory.py
|
enable pyreader use pin memory (#14066)
|
6 years ago |
test_py_reader_push_pop.py
|
Add print_function for all python files
|
7 years ago |
test_py_reader_return_list.py
|
Unify DataLoader APIs (#19305)
|
6 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_random_crop_op.py
|
Fixrecordio (#16124)
|
6 years ago |
test_range.py
|
[Operator] Add range op. (#15431)
|
6 years ago |
test_rank_loss_op.py
|
Remove constraint that last dimension is forced to be 1 in rank_loss (#19997)
|
6 years ago |
test_reader_reset.py
|
merge develop to solve conflict, also fix API doc, test=develop (#18823)
|
6 years ago |
test_recurrent_op.py
|
Fix recurrent op not update grade issue (#18581)
|
6 years ago |
test_reduce_op.py
|
fix the error message for reduce_mean and reduce_sum op (#20063)
|
6 years ago |
test_reducescatter.py
|
supports collective communicated training (#18175)
|
6 years ago |
test_ref_by_trainer_id_op.py
|
feature/DC asgd (#12722)
|
6 years ago |
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
|
Add L2 unit test (#14792)
|
6 years ago |
test_reorder_lod_tensor.py
|
add seqpool concat unit test
|
6 years ago |
test_require_version.py
|
Add API 'fluid.requird_version(min_version, max_version=None)' to check if the installed PaddlePaddle version is satisfied, test=develop (#20263)
|
6 years ago |
test_reshape_op.py
|
fix reshape input(x) error check on float16. test=develop (#20529)
|
6 years ago |
test_retinanet_detection_output.py
|
add detection output operator for supporting retinanet (#17896)
|
6 years ago |
test_reverse_op.py
|
Add print_function for all python files
|
7 years ago |
test_rmsprop_op.py
|
test=develop
|
7 years ago |
test_rnn_cell_api.py
|
Add seq2seq api related code (#19820)
|
6 years ago |
test_rnn_decode_api.py
|
Add seq2seq api related code (#19820)
|
6 years ago |
test_rnn_memory_helper_op.py
|
Add print_function for all python files
|
7 years ago |
test_roi_align_op.py
|
fix some op grad maker
|
6 years ago |
test_roi_perspective_transform_op.py
|
fix_roi_transform_bug (#19785)
|
6 years ago |
test_roi_pool_op.py
|
Refine and fix some code for faster-rcnn. (#13135)
|
7 years ago |
test_row_conv_op.py
|
fix row_conv_op to force it support lodtensor and tensor input simultaneously, test=develop (#19412)
|
6 years ago |
test_rpn_target_assign_op.py
|
add target assign operator for supporting retinanet (#17893)
|
6 years ago |
test_runtime_and_compiletime_exception.py
|
Add call stack info during compile time (#19067)
|
6 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)
|
6 years ago |
test_scale_op.py
|
Add fp16 backward support (#14202)
|
6 years ago |
test_scatter_nd_op.py
|
add scatter_nd op and scatter_nd_add op (#19571)
|
6 years ago |
test_scatter_op.py
|
Add the support the int64 data type of `scatter_op` input Index(#18804) (#19508)
|
6 years ago |
test_scope.py
|
Add print_function for all python files
|
7 years ago |
test_selected_rows.py
|
Add print_function for all python files
|
7 years ago |
test_selu_op.py
|
Add selu (#14415)
|
6 years ago |
test_seq_conv.py
|
improve sequence_conv api doc (#19316)
|
6 years ago |
test_seq_pool.py
|
support 2-level lod of input in sequence_pool (#19839)
|
6 years ago |
test_sequence_concat.py
|
Support seq len equal to 0 in sequence ops (#16935)
|
6 years ago |
test_sequence_enumerate_op.py
|
Support seq len equal to 0 in sequence ops (#16935)
|
6 years ago |
test_sequence_erase_op.py
|
Support seq len equal to 0 in sequence ops (#16935)
|
6 years ago |
test_sequence_expand.py
|
Support seq len equal to 0 in sequence ops (#16935)
|
6 years ago |
test_sequence_expand_as.py
|
Support seq len equal to 0 in sequence ops (#16935)
|
6 years ago |
test_sequence_mask.py
|
Sequence mask support tensor (#18249)
|
6 years ago |
test_sequence_pad_op.py
|
Removing length dims constraints of seq_pad and seq_unpad (#19497)
|
6 years ago |
test_sequence_reshape.py
|
Support seq len equal to 0 in sequence ops (#16935)
|
6 years ago |
test_sequence_reverse.py
|
Support seq len equal to 0 in sequence ops (#16935)
|
6 years ago |
test_sequence_scatter_op.py
|
Support seq len equal to 0 in sequence ops (#16935)
|
6 years ago |
test_sequence_slice_op.py
|
Support seq len equal to 0 in sequence ops (#16935)
|
6 years ago |
test_sequence_softmax_op.py
|
Support seq len equal to 0 in sequence ops (#16935)
|
6 years ago |
test_sequence_topk_avg_pooling.py
|
move match_matrix var_conv2d et.al api into fluid.contrib test=develop (#19859)
|
6 years ago |
test_sequence_unpad_op.py
|
Removing length dims constraints of seq_pad and seq_unpad (#19497)
|
6 years ago |
test_sgd_op.py
|
add sgd jitcode and op test
|
6 years ago |
test_shape_op.py
|
Add print_function for all python files
|
7 years ago |
test_shard_index_op.py
|
supports distributed classification (#18690)
|
6 years ago |
test_shrink_rnn_memory.py
|
Add print_function for all python files
|
7 years ago |
test_shuffle_channel_op.py
|
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into shufflechannel
|
6 years ago |
test_sigmoid_cross_entropy_with_logits_op.py
|
remove sigmoid change; test=develop
|
6 years ago |
test_sigmoid_focal_loss_op.py
|
add sigmoid focal loss operator for supporting retinanet (#17895)
|
6 years ago |
test_sign_op.py
|
fix sign op input error check on float16 (#20472)
|
6 years ago |
test_similarity_focus_op.py
|
submit again test=develop
|
6 years ago |
test_size_op.py
|
add size op (#17412)
|
6 years ago |
test_slice_op.py
|
add tensor(tensor and tensor in list) support for argument starts and ends in slice op; (#19208)
|
6 years ago |
test_slice_var.py
|
better handle var type inference
|
7 years ago |
test_smooth_l1_loss_op.py
|
Add print_function for all python files
|
7 years ago |
test_softmax_op.py
|
fix softmax input error check on float16 (#20273)
|
6 years ago |
test_softmax_with_cross_entropy_op.py
|
Softmax_cross_entropy op add axis (#16806)
|
6 years ago |
test_space_to_depth_op.py
|
test=develop
|
6 years ago |
test_spectral_norm_op.py
|
fix spectral_norm doc. test=develop
|
6 years ago |
test_split_and_merge_lod_tensor_op.py
|
Fix BUG: Mask RCNN inference diff When using AnalysisPredictor. (#19213)
|
6 years ago |
test_split_ids_op.py
|
submit by tangwei12, test=develop
|
6 years ago |
test_split_op.py
|
Add fp16 support for pad and split (#19881)
|
6 years ago |
test_split_selected_rows_op.py
|
fix test_split_selected_rows_op test=develop
|
6 years ago |
test_spp_op.py
|
Add print_function for all python files
|
7 years ago |
test_square_error_cost.py
|
add unittest for square error cost op (#19746)
|
6 years ago |
test_squared_l2_distance_op.py
|
Add print_function for all python files
|
7 years ago |
test_squared_l2_norm_op.py
|
Add print_function for all python files
|
7 years ago |
test_squeeze2_op.py
|
add kernel for squeeze_op, test=develop (#19656)
|
6 years ago |
test_squeeze_op.py
|
add input type and dtype check for squeeze (#20100)
|
6 years ago |
test_stack_op.py
|
add stack_op
|
7 years ago |
test_static_save_load.py
|
New save load interface (#20148)
|
6 years ago |
test_strided_slice_op.py
|
add support tensor and tensorlist for strided_slice OP (#19929)
|
6 years ago |
test_sum_op.py
|
Fix input<tensor> (#14208)
|
6 years ago |
test_switch.py
|
Add print_function for all python files
|
7 years ago |
test_sync_batch_norm_op.py
|
Add float16 support to `sync_batch_norm_op` (#19681)
|
6 years ago |
test_target_assign_op.py
|
Add print_function for all python files
|
7 years ago |
test_teacher_student_sigmoid_loss_op.py
|
remove some comments & refine doc & put template class in .h
|
6 years ago |
test_temporal_shift_op.py
|
fix unittest. test=develop
|
6 years ago |
test_tensor.py
|
Expose `mutable_data` as python binding (#19932)
|
6 years ago |
test_tensor_array_to_tensor.py
|
Add seq2seq api related code (#19820)
|
6 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
|
Fix topk cannot handle 1D vector bug (#18466)
|
6 years ago |
test_trainable.py
|
Fix optimizer bug (#19410)
|
6 years ago |
test_trainer_desc.py
|
support debug each output of each ins (#19004)
|
6 years ago |
test_transpose_op.py
|
- Added transpose/transpose2 MKLDNN grad ops
|
6 years ago |
test_tree_conv_op.py
|
Tree conv op (#15217)
|
6 years ago |
test_trilinear_interp_op.py
|
fix Attr(scale)'s bug for image_resize and modified unittest, test=develop (#19983)
|
6 years ago |
test_truncated_gaussian_random_op.py
|
Add truncated gaussian initializer. (#13000)
|
7 years ago |
test_unfold_op.py
|
add unfold op (new op),test=develop (#17944)
|
6 years ago |
test_uniform_random_batch_size_like_op.py
|
Add print_function for all python files
|
7 years ago |
test_uniform_random_op.py
|
Add uniform random unittest (#20485)
|
6 years ago |
test_unique.py
|
add unique kernel and op (#17557)
|
6 years ago |
test_unique_name.py
|
Add print_function for all python files
|
7 years ago |
test_unique_with_counts.py
|
Add the op of unique_with_counts, expand count function of the op unique (#18720)
|
6 years ago |
test_unpool_op.py
|
Add print_function for all python files
|
7 years ago |
test_unsqueeze2_op.py
|
add kernel for unsqueeze_op and Add unsqueezed op test, test=develop (#19436)
|
6 years ago |
test_unsqueeze_op.py
|
add kernel for unsqueeze_op and Add unsqueezed op test, test=develop (#19436)
|
6 years ago |
test_unstack_op.py
|
add unstack_op
|
7 years ago |
test_var_conv_2d.py
|
move match_matrix var_conv2d et.al api into fluid.contrib test=develop (#19859)
|
6 years ago |
test_variable.py
|
Fix slice op shape=-1 bug (#18107)
|
6 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
|
paddle::framework::vectorize() templatization (#19730)
|
6 years ago |
test_weight_decay.py
|
fix test_weight_decay (#17109)
|
6 years ago |
test_weight_normalization.py
|
Add print_function for all python files
|
7 years ago |
test_where.py
|
Add Where Op(#16793)
|
6 years ago |
test_while_op.py
|
optimize the error information when the input for while op has a wron… (#19872)
|
6 years ago |
test_yolo_box_op.py
|
use memory Copy. test=develop
|
6 years ago |
test_yolov3_loss_op.py
|
polish the label_smooth (#17138)
|
6 years ago |
testsuite.py
|
remove test temporal
|
6 years ago |
transformer_model.py
|
merge develop to solve conflict, also fix API doc, test=develop (#18823)
|
6 years ago |