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
yuyang18 1426d794ff
Force some unittests serial
7 years ago
..
.gitignore
CMakeLists.txt Force some unittests serial 7 years ago
__init__.py
decorators.py
op_test.py
test_accuracy_op.py
test_activation_mkldnn_op.py
test_activation_op.py
test_adadelta_op.py
test_adagrad_op.py
test_adam_op.py
test_adamax_op.py
test_array_read_write_op.py
test_assign_op.py
test_assign_value_op.py
test_auc_op.py
test_batch_norm_mkldnn_op.py MKLDNN implementation of batch normalization (#9904) 7 years ago
test_batch_norm_op.py MKLDNN implementation of batch normalization (#9904) 7 years ago
test_beam_search_decode_op.py Added auto transform to beam_search_decode_op (#10286) 7 years ago
test_beam_search_op.py
test_bilinear_interp_op.py
test_bilinear_tensor_product_op.py
test_bipartite_match_op.py
test_box_coder_op.py
test_calc_gradient.py
test_cast_op.py
test_chunk_eval_op.py
test_clip_by_norm_op.py
test_clip_op.py
test_compare_op.py
test_concat_op.py
test_conditional_block.py
test_const_value.py
test_conv2d_mkldnn_op.py
test_conv2d_op.py
test_conv2d_transpose_op.py
test_conv3d_op.py add fp16 support to conv3d 7 years ago
test_conv3d_transpose_op.py
test_conv_shift_op.py
test_cos_sim_op.py
test_create_op_doc_string.py
test_crf_decoding_op.py
test_crop_op.py
test_cross_entropy_op.py
test_ctc_align.py
test_cumsum_op.py
test_debugger.py
test_decayed_adagrad_op.py
test_default_scope_funcs.py
test_detection_map_op.py Enhance detection_map_op and more check in prior_box API. (#10796) 7 years ago
test_dist_train.py listen_and_serv use local scope (#10663) 7 years ago
test_dist_transpiler.py add dist transpiler unit test (#10485) 7 years ago
test_dropout_op.py
test_dyn_rnn.py
test_dynrnn_gradient_check.py
test_dynrnn_static_input.py
test_edit_distance_op.py
test_elementwise_add_op.py
test_elementwise_div_op.py
test_elementwise_gradient_op.py
test_elementwise_max_op.py
test_elementwise_min_op.py
test_elementwise_mul_op.py
test_elementwise_pow_op.py
test_elementwise_sub_op.py
test_exception.py
test_executor_and_mul.py
test_expand_op.py
test_fc_mkldnn_op.py
test_feed_fetch_method.py
test_fetch_var.py
test_fill_constant_batch_size_like_op.py
test_fill_constant_op.py
test_fill_op.py
test_fill_zeros_like_op.py
test_framework_debug_str.py
test_ftrl_op.py
test_gather_op.py
test_gaussian_random_batch_size_like_op.py
test_gaussian_random_op.py
test_get_places_op.py
test_gru_op.py
test_gru_unit_op.py
test_hinge_loss_op.py
test_huber_loss_op.py
test_im2sequence_op.py
test_image_classification_layer.py
test_infer_shape.py
test_inference_model_io.py
test_initializer.py
test_iou_similarity_op.py
test_is_empty_op.py Enhanced is_empty_op for our seq2seq model (#10704) 7 years ago
test_l1_norm_op.py
test_label_smooth_op.py
test_layer_norm_op.py
test_layers.py
test_learning_rate_scheduler.py
test_linear_chain_crf_op.py
test_lod_array_length_op.py
test_lod_rank_table.py
test_lod_reset_op.py
test_lod_tensor_array.py
test_lod_tensor_array_ops.py
test_log_loss_op.py
test_logical_op.py
test_lookup_sparse_table_op.py
test_lookup_table_op.py
test_lrn_mkldnn_op.py
test_lrn_op.py
test_lstm_op.py
test_lstm_unit_op.py
test_lstmp_op.py
test_margin_rank_loss_op.py
test_math_op_patch.py
test_matmul_op.py Rewrite Matmul, make code cleaner 7 years ago
test_maxout_op.py
test_mean_op.py
test_memory_optimization_transpiler.py fix test_memory_optimization_transpiler.py 7 years ago
test_mine_hard_examples_op.py
test_minus_op.py
test_modified_huber_loss_op.py
test_momentum_op.py
test_mul_mkldnn_op.py
test_mul_op.py
test_multi_file_reader.py
test_multi_pass_reader.py
test_multiclass_nms_op.py
test_multihead_attention.py
test_multiplex_op.py
test_nce.py
test_network_with_dtype.py "fix dtype test in ci" (#10667) 7 years ago
test_norm_op.py
test_normalization_wrapper.py
test_nvprof.py
test_one_hot_op.py
test_op_support_gpu.py
test_operator.py
test_operator_desc.py
test_optimizer.py
test_pad_op.py
test_parallel_executor.py Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_fetch_op_handle 7 years ago
test_parallel_op.py
test_parameter.py
test_pool2d_mkldnn_op.py
test_pool2d_op.py
test_pool3d_op.py add float16 support to pool3d 7 years ago
test_pool_max_op.py
test_positive_negative_pair_op.py
test_precision_recall_op.py
test_prelu_op.py
test_print_op.py
test_prior_box_op.py
test_profiler.py
test_program.py
test_protobuf.py
test_protobuf_descs.py
test_proximal_adagrad_op.py
test_proximal_gd_op.py
test_rank_loss_op.py
test_recordio_reader.py
test_recurrent_op.py
test_reduce_op.py
test_registry.py
test_regularizer.py
test_reorder_lod_tensor.py
test_reshape_op.py
test_rmsprop_op.py
test_rnn_memory_helper_op.py
test_roi_pool_op.py
test_row_conv_op.py
test_scale_op.py
test_scatter_op.py
test_scope.py
test_selected_rows.py
test_seq_concat_op.py
test_seq_conv.py
test_seq_pool.py
test_sequence_erase_op.py
test_sequence_expand.py
test_sequence_reshape.py
test_sequence_slice_op.py
test_sequence_softmax_op.py
test_sgd_op.py
test_shrink_rnn_memory.py
test_sigmoid_cross_entropy_with_logits_op.py
test_sign_op.py
test_smooth_l1_loss_op.py
test_softmax_op.py
test_softmax_with_cross_entropy_op.py
test_split_and_merge_lod_tensor_op.py
test_split_ids_op.py
test_split_op.py
test_split_selected_rows_op.py
test_split_var.py Change default split minimize value to speed up transport data to pserver. (#10635) 7 years ago
test_spp_op.py
test_squared_l2_distance_op.py
test_squared_l2_norm_op.py
test_sum_op.py
test_switch.py
test_target_assign_op.py
test_tensor.py
test_top_k_op.py
test_transpose_op.py
test_uniform_random_batch_size_like_op.py
test_uniform_random_op.py
test_unique_name.py
test_unpool_op.py
test_variable.py
test_warpctc_op.py
test_weight_normalization.py
test_while_op.py
transformer_model.py