You can not select more than 25 topics Topics must start with a letter or number, can include dashes ('-') and can be up to 35 characters long.
Paddle/python/paddle/fluid/tests/unittests
minqiyang 91f0573bc1
Fix the overfix of 2to3 for print function
7 years ago
..
.gitignore follow comments 7 years ago
CMakeLists.txt Get diff for all changes in current branch (#12265) 7 years ago
__init__.py move Fluid API code out of V2 API code 7 years ago
benchmark.py Fix the overfix of 2to3 for print function 7 years ago
benchmark_sum_op.py Apply 2to3 to current paddle main python code 7 years ago
decorators.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
dist_se_resnext.py Add se-resnext test for 2x2 and parallel exe (#12194) 7 years ago
op_test.py hide variable API (#12307) 7 years ago
parallel_executor_test_base.py Fix the overfix of 2to3 for print function 7 years ago
test_accuracy_op.py move Fluid API code out of V2 API code 7 years ago
test_activation_mkldnn_op.py Commit 7 years ago
test_activation_op.py Merge remote-tracking branch 'origin/develop' into memory/activation_memory 7 years ago
test_adadelta_op.py move Fluid API code out of V2 API code 7 years ago
test_adagrad_op.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_adam_op.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_adamax_op.py move Fluid API code out of V2 API code 7 years ago
test_anchor_generator_op.py FasterRCNN Anchor Generator Op (#11218) 7 years ago
test_arg_min_max_op.py recommit using account sneaxiy 7 years ago
test_argsort_op.py Enhance cuda code & unittest for argsort_op 7 years ago
test_array_read_write_op.py Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into feature/enhance_layer_generator 7 years ago
test_assign_op.py move Fluid API code out of V2 API code 7 years ago
test_assign_value_op.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_auc_op.py Update auc op (#12199) 7 years ago
test_batch_norm_mkldnn_op.py bnorm+relu fuse for mkldnn (inference) (#11434) 7 years ago
test_batch_norm_op.py Fix unittests after hide APIs 7 years ago
test_beam_search_decode_op.py Fixed unittests for WITH_GPU=OFF and WITH_DISTRIBUTE=OFF build 7 years ago
test_beam_search_op.py Merge branch 'develop' of https://github.com/PaddlePaddle/paddle into fix-beam_search-dev 7 years ago
test_bilinear_interp_op.py fix a error in unit tests 7 years ago
test_bilinear_tensor_product_op.py move Fluid API code out of V2 API code 7 years ago
test_bipartite_match_op.py Optimize bipartite_match_op in large scale input (#11730) 7 years ago
test_box_coder_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_calc_gradient.py Hide calc_gradient 7 years ago
test_cast_op.py small fix 7 years ago
test_chunk_eval_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_clip_by_norm_op.py move Fluid API code out of V2 API code 7 years ago
test_clip_op.py move Fluid API code out of V2 API code 7 years ago
test_compare_op.py move Fluid API code out of V2 API code 7 years ago
test_concat_op.py Make the CUDA kernel of concat correct and fix unit tests. (#11541) 7 years ago
test_conditional_block.py Hiden some LoDTensor ralated ops' Python wrapper. (#12230) 7 years ago
test_const_value.py Hiden some LoDTensor ralated ops' Python wrapper. (#12230) 7 years ago
test_conv2d_mkldnn_op.py Commit 7 years ago
test_conv2d_op.py Commit 7 years ago
test_conv2d_transpose_op.py Fixed unittests for WITH_GPU=OFF and WITH_DISTRIBUTE=OFF build 7 years ago
test_conv3d_op.py add fp16 support to conv3d 7 years ago
test_conv3d_transpose_op.py Fixed unittests for WITH_GPU=OFF and WITH_DISTRIBUTE=OFF build 7 years ago
test_conv_shift_op.py move Fluid API code out of V2 API code 7 years ago
test_cos_sim_op.py move Fluid API code out of V2 API code 7 years ago
test_create_op_doc_string.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_crf_decoding_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_crop_op.py Make crop op supporting taking offsets as one of its inputs 7 years ago
test_cross_entropy_op.py move Fluid API code out of V2 API code 7 years ago
test_ctc_align.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_cumsum_op.py move Fluid API code out of V2 API code 7 years ago
test_data_balance.py Make open_files use buffer 7 years ago
test_debugger.py change name debuger to debugger (#10949) 7 years ago
test_decayed_adagrad_op.py move Fluid API code out of V2 API code 7 years ago
test_default_scope_funcs.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_detection_map_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_dist_mnist.py update by comment 7 years ago
test_dist_se_resnext.py temporarily disable test_dist_se_resnext for oom (#12290) 7 years ago
test_dist_train.py hide more apis 7 years ago
test_dist_transpiler.py fix pserver with condition block 7 years ago
test_dist_word2vec.py add dist word2vec dist train 7 years ago
test_dropout_op.py address comments 7 years ago
test_dyn_rnn.py Hiden some LoDTensor ralated ops' Python wrapper. (#12230) 7 years ago
test_dynrnn_gradient_check.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_dynrnn_static_input.py Fix unittests after hide APIs 7 years ago
test_edit_distance_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_elementwise_add_mkldnn_op.py MKLDNN elementwis_add with default broadcast operations (#11544) 7 years ago
test_elementwise_add_op.py MKLDNN elementwis_add with default broadcast operations (#11544) 7 years ago
test_elementwise_div_op.py move Fluid API code out of V2 API code 7 years ago
test_elementwise_gradient_op.py Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_elementwise_gradient 7 years ago
test_elementwise_max_op.py move Fluid API code out of V2 API code 7 years ago
test_elementwise_min_op.py move Fluid API code out of V2 API code 7 years ago
test_elementwise_mul_op.py move Fluid API code out of V2 API code 7 years ago
test_elementwise_pow_op.py move Fluid API code out of V2 API code 7 years ago
test_elementwise_sub_op.py move Fluid API code out of V2 API code 7 years ago
test_exception.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_executor_and_mul.py add executor.prepare (#9022) 7 years ago
test_expand_op.py move Fluid API code out of V2 API code 7 years ago
test_fake_dequantize_op.py Skip BatchNorm when feature only has 1 element. (#11578) 7 years ago
test_fake_quantize_op.py Add fake_quantize_op. (#11359) 7 years ago
test_fc_mkldnn_op.py Commit 7 years ago
test_feed_fetch_method.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_fetch_var.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_fill_constant_batch_size_like_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_fill_constant_op.py move Fluid API code out of V2 API code 7 years ago
test_fill_op.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_fill_zeros_like_op.py move Fluid API code out of V2 API code 7 years ago
test_framework_debug_str.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_ftrl_op.py move Fluid API code out of V2 API code 7 years ago
test_gather_op.py Add python wrapper for gather op. (#11033) 7 years ago
test_gaussian_random_batch_size_like_op.py move Fluid API code out of V2 API code 7 years ago
test_gaussian_random_mkldnn_op.py MKLDNN gausian_random tests 7 years ago
test_gaussian_random_op.py MKLDNN gausian_random tests 7 years ago
test_get_places_op.py Hide get_places. Mark it as deprecated 7 years ago
test_gru_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_gru_unit_op.py move Fluid API code out of V2 API code 7 years ago
test_hinge_loss_op.py move Fluid API code out of V2 API code 7 years ago
test_hsigmoid_op.py Fix the HierarchicalSigmoidGradOpKernel and refine the codes. Now hsigmoid_op is same with V2 implementation and can pass gradient check. 7 years ago
test_huber_loss_op.py move Fluid API code out of V2 API code 7 years ago
test_im2sequence_op.py change im2sequence for ctc batch inference (#11696) 7 years ago
test_image_classification_layer.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_infer_shape.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_inference_model_io.py Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into feature/enhance_layer_generator 7 years ago
test_initializer.py Implement a bilinear initializer for transposed convolution to do upsampling. (#11404) 7 years ago
test_iou_similarity_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_is_empty_op.py Enhanced is_empty_op for our seq2seq model (#10704) 7 years ago
test_l1_norm_op.py move Fluid API code out of V2 API code 7 years ago
test_label_smooth_op.py move Fluid API code out of V2 API code 7 years ago
test_layer_norm_op.py remove net op and cond_op (#9663) 7 years ago
test_layers.py Expose rank_loss op Python API (#12132) 7 years ago
test_learning_rate_scheduler.py Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_lr_decay 7 years ago
test_linear_chain_crf_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_listen_and_serv_op.py Fix kill fail bug (#11635) 7 years ago
test_lod_array_length_op.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_lod_rank_table.py Hiden some LoDTensor ralated ops' Python wrapper. (#12230) 7 years ago
test_lod_reset_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_lod_tensor_array.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_lod_tensor_array_ops.py Hiden some LoDTensor ralated ops' Python wrapper. (#12230) 7 years ago
test_log_loss_op.py move Fluid API code out of V2 API code 7 years ago
test_logical_op.py move Fluid API code out of V2 API code 7 years ago
test_lookup_sparse_table_op.py fix unittest 7 years ago
test_lookup_table_op.py optimize test_lookup_table_op.py 7 years ago
test_lrn_mkldnn_op.py Commit 7 years ago
test_lrn_op.py Commit 7 years ago
test_lstm_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_lstm_unit_op.py move Fluid API code out of V2 API code 7 years ago
test_lstmp_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_margin_rank_loss_op.py move Fluid API code out of V2 API code 7 years ago
test_math_op_patch.py Correctly handling variable with batch dimension for math ops. 7 years ago
test_matmul_op.py Rewrite Matmul, make code cleaner 7 years ago
test_maxout_op.py move Fluid API code out of V2 API code 7 years ago
test_mean_iou.py Add mean IOU op. (#10519) 7 years ago
test_mean_op.py move Fluid API code out of V2 API code 7 years ago
test_memory_optimization_transpiler.py fix test_memory_optimization_transpiler.py 7 years ago
test_merge_ids_op.py add unit test, pass the unit test 7 years ago
test_mine_hard_examples_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_minus_op.py move Fluid API code out of V2 API code 7 years ago
test_modified_huber_loss_op.py move Fluid API code out of V2 API code 7 years ago
test_momentum_op.py Fix serious bug in nesterov momentum optimizer. (#12231) 7 years ago
test_mul_op.py "reduce test input data size to accelerate ci" (#10831) 7 years ago
test_multi_file_reader.py Rewrite open_files 7 years ago
test_multi_pass_reader.py Add EOFException to represent EOF in C++ reader 7 years ago
test_multiclass_nms_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_multihead_attention.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_multiplex_op.py move Fluid API code out of V2 API code 7 years ago
test_nce.py move Fluid API code out of V2 API code 7 years ago
test_network_with_dtype.py "fix dtype test in ci" (#10667) 7 years ago
test_norm_op.py Make the normalization operator more general and fix bug in l2_normalize. (#11348) 7 years ago
test_normalization_wrapper.py Make the normalization operator more general and fix bug in l2_normalize. (#11348) 7 years ago
test_nvprof.py move test_nvprof to new location 7 years ago
test_one_hot_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_op_support_gpu.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_operator.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_operator_desc.py Withdraw mkldnn mul 7 years ago
test_optimizer.py update test_optimizer 7 years ago
test_pad_op.py move Fluid API code out of V2 API code 7 years ago
test_parallel_executor_crf.py Change return_numpy [ParallelExecutor] default value (#11713) 7 years ago
test_parallel_executor_fetch_feed.py Fixed unittests for WITH_GPU=OFF and WITH_DISTRIBUTE=OFF build 7 years ago
test_parallel_executor_mnist.py Update test_pe_mnist threshold (#12348) 7 years ago
test_parallel_executor_seresnext.py Fixed unittests for WITH_GPU=OFF and WITH_DISTRIBUTE=OFF build 7 years ago
test_parallel_executor_test_while_train.py Fixed unittests for WITH_GPU=OFF and WITH_DISTRIBUTE=OFF build 7 years ago
test_parallel_executor_transformer.py ADD CPU_NUM 7 years ago
test_parallel_op.py hide variable API (#12307) 7 years ago
test_parameter.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_polygon_box_transform.py Polygon box transform op for OCR East detection. (#10802) 7 years ago
test_pool2d_mkldnn_op.py Commit 7 years ago
test_pool2d_op.py Merge pull request #9704 from lgone2000/fixunittest 7 years ago
test_pool3d_op.py add float16 support to pool3d 7 years ago
test_pool_max_op.py move Fluid API code out of V2 API code 7 years ago
test_positive_negative_pair_op.py move Fluid API code out of V2 API code 7 years ago
test_precision_recall_op.py move Fluid API code out of V2 API code 7 years ago
test_prelu_op.py move Fluid API code out of V2 API code 7 years ago
test_preprocessor.py add unit test and fix a bug 7 years ago
test_print_op.py Fixed unittests for WITH_GPU=OFF and WITH_DISTRIBUTE=OFF build 7 years ago
test_prior_box_op.py Add prior_box output order control (#12032) 7 years ago
test_profiler.py Fixed unittests for WITH_GPU=OFF and WITH_DISTRIBUTE=OFF build 7 years ago
test_program.py delete backward.cc related code on the python side (#9854) 7 years ago
test_protobuf.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_protobuf_descs.py Remove block api (#12107) 7 years ago
test_proximal_adagrad_op.py move Fluid API code out of V2 API code 7 years ago
test_proximal_gd_op.py move Fluid API code out of V2 API code 7 years ago
test_py_reader_push_pop.py Change code 7 years ago
test_py_reader_using_executor.py Fix CI hang 7 years ago
test_random_crop_op.py fix errors 7 years ago
test_rank_loss_op.py move Fluid API code out of V2 API code 7 years ago
test_reader_reset.py add unittest 7 years ago
test_recordio_reader.py Add EOFException to represent EOF in C++ reader 7 years ago
test_recurrent_op.py Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into feature/enhance_layer_generator 7 years ago
test_reduce_op.py optimize code 7 years ago
test_registry.py Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into feature/enhance_layer_generator 7 years ago
test_regularizer.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_reorder_lod_tensor.py Hiden some LoDTensor ralated ops' Python wrapper. (#12230) 7 years ago
test_reshape_op.py Refine test_reshape_op 7 years ago
test_reverse_op.py Add unit tests 7 years ago
test_rmsprop_op.py move Fluid API code out of V2 API code 7 years ago
test_rnn_memory_helper_op.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_roi_pool_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_row_conv_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_rpn_target_assign_op.py add rpn target assign op (#11449) 7 years ago
test_scale_op.py move Fluid API code out of V2 API code 7 years ago
test_scatter_op.py "exported scatter to python" (#9038) 7 years ago
test_scope.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_selected_rows.py Fix unittests after hide APIs 7 years ago
test_seq_concat_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_seq_conv.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_seq_pool.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_sequence_erase_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_sequence_expand.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_sequence_reshape.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_sequence_slice_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_sequence_softmax_op.py Fixed unittests for WITH_GPU=OFF and WITH_DISTRIBUTE=OFF build 7 years ago
test_sgd_op.py diable test of sparse_parameter_sgd on GPU 7 years ago
test_shape_op.py Add shape op to get the shape of variable. (#11048) 7 years ago
test_shrink_rnn_memory.py Hiden some LoDTensor ralated ops' Python wrapper. (#12230) 7 years ago
test_sigmoid_cross_entropy_with_logits_op.py move Fluid API code out of V2 API code 7 years ago
test_sign_op.py move Fluid API code out of V2 API code 7 years ago
test_slice_op.py Add slice op. (#11052) 7 years ago
test_slice_var.py 1. update test_split_var: replace split with slice 7 years ago
test_smooth_l1_loss_op.py move Fluid API code out of V2 API code 7 years ago
test_softmax_op.py Fixed unittests for WITH_GPU=OFF and WITH_DISTRIBUTE=OFF build 7 years ago
test_softmax_with_cross_entropy_op.py Fix a critical bug in softmax_with_cross_entropy_op backward. (#9120) 7 years ago
test_split_and_merge_lod_tensor_op.py Hiden some LoDTensor ralated ops' Python wrapper. (#12230) 7 years ago
test_split_ids_op.py add split ids op (#9370) 7 years ago
test_split_op.py fix ut 7 years ago
test_split_selected_rows_op.py Fix sparse update memory error for distributed training (#8837) 7 years ago
test_spp_op.py move Fluid API code out of V2 API code 7 years ago
test_squared_l2_distance_op.py move Fluid API code out of V2 API code 7 years ago
test_squared_l2_norm_op.py move Fluid API code out of V2 API code 7 years ago
test_squeeze_op.py simplify test case 7 years ago
test_sum_mkldnn_op.py Revert "Merge pull request #11628 from PaddlePaddle/revert-11102-mozga-intel/Sum_mkldnn_layout" 7 years ago
test_sum_op.py Revert "Merge pull request #11628 from PaddlePaddle/revert-11102-mozga-intel/Sum_mkldnn_layout" 7 years ago
test_switch.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_target_assign_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_tensor.py Fix unittests after hide APIs 7 years ago
test_top_k_op.py move Fluid API code out of V2 API code 7 years ago
test_transpose_op.py move Fluid API code out of V2 API code 7 years ago
test_uniform_random_batch_size_like_op.py move Fluid API code out of V2 API code 7 years ago
test_uniform_random_op.py update by comment 7 years ago
test_unique_name.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_unpool_op.py move Fluid API code out of V2 API code 7 years ago
test_unsqueeze_op.py change the bit insert to array insert for understandability 7 years ago
test_variable.py replace paddle.v2.fluid by paddle.fluid in tests 7 years ago
test_version.py Remove unsued lines 7 years ago
test_warpctc_op.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_weight_normalization.py Modify Pybind LoDTensor API according to length-based LoD (#11106) 7 years ago
test_while_op.py Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into feature/enhance_layer_generator 7 years ago
testsuite.py Apply 2to3 to current paddle main python code 7 years ago
transformer_model.py Apply 2to3 to current paddle main python code 7 years ago