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
Xin Pan cf3a07e8f8
Merge pull request #14878 from panyx0718/imperative
6 years ago
..
ngraph Enable mul operator for a ngraph engine (#14801) 6 years ago
.gitignore follow comments 7 years ago
CMakeLists.txt Enable ngraph tests for a ngraph engine (#14800) 6 years ago
__init__.py move Fluid API code out of V2 API code 7 years ago
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
decorators.py Add print_function for all python files 7 years ago
dist_ctr.py fix unit test test=develop 6 years ago
dist_ctr_reader.py Add distributed unit tests about text_classification/simnet-bow/ctr (#12812) 6 years ago
dist_mnist.py fix nccl dist test acc (#14867) 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 add nccl2 dist tests (#14755) 6 years ago
dist_se_resnext.py fix dist ut with place, test=develop (#13647) 6 years ago
dist_simnet_bow.py fill constant add infervarshape, lookuptable clone lr var (#13830) 6 years ago
dist_text_classification.py Add distributed unit tests about text_classification/simnet-bow/ctr (#12812) 6 years ago
dist_transformer.py Polish code 6 years ago
dist_word2vec.py Add distributed unit tests about text_classification/simnet-bow/ctr (#12812) 6 years ago
op_test.py add grad test unit; test=develop 6 years ago
parallel_executor_test_base.py add ir memory optimize. (#14530) 6 years ago
test_accuracy_op.py Add print_function for all python files 7 years ago
test_activation_mkldnn_op.py Add print_function for all python files 7 years ago
test_activation_op.py Add activation gelu (#14569) 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 update test_adam_op 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 Add affine channel op to speed and save memory for faster-rcnn model. (#13919) 6 years ago
test_affine_grid_op.py Add affine grid generator op (#12238) 6 years ago
test_anchor_generator_op.py Add print_function for all python files 7 years ago
test_arg_min_max_op.py Add print_function for all python files 7 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 Add print_function for all python files 7 years ago
test_assign_value_op.py Add print_function for all python files 7 years ago
test_async_executor.py AsyncExecutor (#14627) 6 years ago
test_attention_lstm_op.py Port new added code 7 years ago
test_auc_op.py Batch AUC (#13567) 6 years ago
test_batch_norm_mkldnn_op.py Add print_function for all python files 7 years ago
test_batch_norm_op.py Enable BatchNorm to use global mean and variane during training (#14630) 6 years ago
test_beam_search_decode_op.py Add print_function for all python files 7 years ago
test_beam_search_op.py Add print_function for all python files 7 years ago
test_bilinear_interp_op.py revert interpolate_op to bilinear_interp_op & nearest_interp_op. test=develop 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_coder_op.py Add print_function for all python files 7 years ago
test_bpr_loss_op.py fix label_pos ,add test_layers.py, test=develop 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_chunk_eval_op.py Add print_function for all python files 7 years ago
test_clip_by_norm_op.py Add unittest for clip_by_norm_op with SelectedRows 6 years ago
test_clip_op.py Add print_function for all python files 7 years ago
test_compare_op.py Add print_function for all python files 7 years ago
test_compat.py Add print_function for all python files 7 years ago
test_concat_mkldnn_op.py Set cpu only for MKL-DNN concat UTs 6 years ago
test_concat_op.py Add print_function for all python files 7 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 Speed conv_fusion_op for identity activation. (#14744) 6 years ago
test_conv2d_mkldnn_op.py Add print_function for all python files 7 years ago
test_conv2d_op.py merge develop 6 years ago
test_conv2d_transpose_mkldnn_op.py - Fix to test_conv2d_transpose_mkldnn for GPU 6 years ago
test_conv2d_transpose_op.py - conv2d transpose MKL-DNN 6 years ago
test_conv3d_mkldnn_op.py Implement conv3d with mkldnn library (test=develop) 6 years ago
test_conv3d_op.py Fix the compile issue for cuda device (test=develop) 6 years ago
test_conv3d_transpose_op.py Add print_function for all python files 7 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 Add print_function for all python files 7 years ago
test_crop_op.py Add print_function for all python files 7 years ago
test_cross_entropy_op.py Add fp16 backward support (#14202) 6 years ago
test_ctc_align.py Add print_function for all python files 7 years ago
test_cumsum_op.py Add print_function for all python files 7 years ago
test_data_balance.py Refine 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_default_scope_funcs.py Add print_function for all python files 7 years ago
test_density_prior_box_op.py CUDA kernel for density_prior_box_op. (#14513) 6 years ago
test_desc_clone.py fix macunittest (#13434) 6 years ago
test_detection_map_op.py Revert "Revert "Merge pull request #13431 from chengduoZH/refine_lod"" 6 years ago
test_dist_base.py Merge pull request #14869 from Yancey1989/fix_dist_unittest 6 years ago
test_dist_ctr.py reopen test_dist_ctr test=develop 6 years ago
test_dist_mnist.py fix nccl dist test acc (#14867) 6 years ago
test_dist_mnist_batch_merge.py [1.1] [project] train imagenet using large batch size (#13766) 6 years ago
test_dist_save_load.py add nccl2 dist tests (#14755) 6 years ago
test_dist_se_resnext.py Refine dist ut (#14118) 6 years ago
test_dist_simnet_bow.py Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into rewrite_allocation 6 years ago
test_dist_text_classification.py fix dist ut with place, test=develop (#13647) 6 years ago
test_dist_train.py remove kwargs in python api 6 years ago
test_dist_transformer.py Fix transformer unittest. (#13974) 6 years ago
test_dist_transpiler.py add nccl2 dist tests (#14755) 6 years ago
test_dist_word2vec.py Add distributed unit tests about text_classification/simnet-bow/ctr (#12812) 6 years ago
test_dropout_op.py modify dropout att; test=develop 6 years ago
test_dyn_rnn.py refine tensor_array_write_read (#14643) 6 years ago
test_dynrnn_gradient_check.py Add print_function for all python files 7 years ago
test_dynrnn_static_input.py Add print_function for all python files 7 years ago
test_eager_deletion_dynamic_rnn_base.py fix gc bug 6 years ago
test_eager_deletion_gru_net.py fix unittest 6 years ago
test_eager_deletion_lstm_net.py fix unittest 6 years ago
test_eager_deletion_mnist.py fix while_op eager deletion bug 6 years ago
test_eager_deletion_transformer.py fix while_op eager deletion bug 6 years ago
test_edit_distance_op.py Add print_function for all python files 7 years ago
test_elementwise_add_mkldnn_op.py Add print_function for all python files 7 years ago
test_elementwise_add_op.py MKLDNN elementwise_mul: Revert changes to eltwise_add tests 6 years ago
test_elementwise_div_op.py Add print_function for all python files 7 years ago
test_elementwise_gradient_op.py Add print_function for all python files 7 years ago
test_elementwise_max_op.py Add print_function for all python files 7 years ago
test_elementwise_min_op.py Add print_function for all python files 7 years ago
test_elementwise_mul_mkldnn_op.py MKLDNN elementwise_mul: Disable UT for CUDA 6 years ago
test_elementwise_mul_op.py MKLDNN elementwise_mul: CPU tests initially refactored. MKLDNN mul test for broadcast added 6 years ago
test_elementwise_pow_op.py Add print_function for all python files 7 years ago
test_elementwise_sub_op.py Add print_function for all python files 7 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_expand_op.py Add print_function for all python files 7 years ago
test_fake_dequantize_op.py Improve fake_dequantize_op. (#12877) 7 years ago
test_fake_init_op.py add test_fake_init_op 6 years ago
test_fake_quantize_op.py Improve and fix fake_quantize_op (#13092) 7 years ago
test_fc_mkldnn_op.py Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into port_pybind11 7 years ago
test_fc_op.py refine fc and use the fc compute in fusion_lstm 7 years ago
test_feed_fetch_method.py Add print_function for all python files 7 years ago
test_fetch_var.py Add print_function for all python files 7 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 add gpu place 7 years ago
test_fill_op.py Add print_function for all python files 7 years ago
test_fill_zeros_like_op.py Add print_function for all python files 7 years ago
test_flatten_op.py Refine reshape_grad and transpose_grad (#13074) 7 years ago
test_framework_debug_str.py Add print_function for all python files 7 years ago
test_ftrl_op.py Add print_function for all python files 7 years ago
test_fuse_elewise_add_act_pass.py Feature/op_fuse_pass (#12440) 6 years ago
test_fused_elemwise_activation_op.py Feature/op_fuse_pass (#12440) 6 years ago
test_fused_embedding_fc_lstm_op.py - Added file for fused_embedded_fc_lstm_op unit test 6 years ago
test_fusion_gru_op.py optimize fusion gru kernel at size 8 6 years ago
test_fusion_lstm_op.py refine seq when bs is large 7 years ago
test_fusion_seqconv_eltadd_relu_op.py refine and add seqconv elementwiseadd relu op test 6 years ago
test_fusion_seqexpand_concat_fc_op.py fix typo and op test 7 years ago
test_fusion_transpose_flatten_concat_op.py Transpose-Flatten-Concat fusion operator. (#14568) 6 years ago
test_gather_op.py Add print_function for all python files 7 years ago
test_gaussian_random_batch_size_like_op.py Add print_function for all python files 7 years ago
test_gaussian_random_mkldnn_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_proposal_labels_op.py Enhence generate_proposal_labels_op and fix some bug. (#13239) 7 years ago
test_generate_proposals_op.py Cuda speed for generate_proposals_op. (#13596) 6 years ago
test_get_places_op.py Add print_function for all python files 7 years ago
test_get_tensor_from_selected_rows_op.py Fix clip.py (#14718) 6 years ago
test_gradient_clip.py Enable test_gradient_clip in mac (#14765) 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 (#13843) 6 years ago
test_gru_op.py Refine activation for GRU operator (#13275) 6 years ago
test_gru_unit_op.py Add print_function for all python files 7 years ago
test_hash_op.py Implement the unittest for hash op 6 years ago
test_hinge_loss_op.py Add print_function for all python files 7 years ago
test_hsigmoid_op.py remove arg 'non_leaf_num', test=develop 6 years ago
test_huber_loss_op.py Add print_function for all python files 7 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.py MLP forward backward 6 years ago
test_infer_shape.py Fix expand op incorrect infer shape 6 years ago
test_inference_model_io.py Add print_function for all python files 7 years ago
test_initializer.py Add print_function for all python files 7 years ago
test_iou_similarity_op.py Add print_function for all python files 7 years ago
test_ir_memory_optimize_pass.py add ir memory optimize. (#14530) 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) 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_layer_norm_op.py Add print_function for all python files 7 years ago
test_layers.py Merge pull request #14701 from heavengate/adaptive_pool 6 years ago
test_learning_rate_scheduler.py Add print_function for all python files 7 years ago
test_linear_chain_crf_op.py Add print_function for all python files 7 years ago
test_listen_and_serv_op.py add test pserver run empty block into test_listen_and_serv_op 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 print_function for all python files 7 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 add PADDLE_ENABLE_REMOTE_PREFETCH to enable remote prefetch 6 years ago
test_lookup_sparse_table_op.py add test_lookup_sparse_table_op 6 years ago
test_lookup_table_op.py Add print_function for all python files 7 years ago
test_lrn_mkldnn_op.py Add print_function for all python files 7 years ago
test_lrn_op.py Add print_function for all python files 7 years ago
test_lstm_cudnn_op.py add grad test unit; test=develop 6 years ago
test_lstm_op.py Add print_function for all python files 7 years ago
test_lstm_unit_op.py Add print_function for all python files 7 years ago
test_lstmp_op.py Add print_function for all python files 7 years ago
test_margin_rank_loss_op.py Add print_function for all python files 7 years ago
test_math_op_patch.py Add print_function for all python files 7 years ago
test_matmul_op.py Add print_function for all python files 7 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_optimization_transpiler.py fix memory opt skip set by name (#14774) 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 Fix clip.py (#14718) 6 years ago
test_metrics.py Follow comments. 6 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_modified_huber_loss_op.py Add print_function for all python files 7 years ago
test_momentum_op.py [1.1] [project] train imagenet using large batch size (#13766) 6 years ago
test_mul_op.py Add fp16 backward support (#14202) 6 years ago
test_multi_file_reader.py Add print_function for all python files 7 years ago
test_multi_pass_reader.py Hide RecordIO Reader 7 years ago
test_multiclass_nms_op.py Polish code 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_name_scope.py allow to use name_scope for debugging and visiualization 7 years ago
test_nce.py Make NCE_OP more efficient and support SelectedRows (#14469) 6 years ago
test_nearest_interp_op.py revert interpolate_op to bilinear_interp_op & nearest_interp_op. test=develop 6 years ago
test_network_with_dtype.py Add print_function for all python files 7 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_nvprof.py Add print_function for all python files 7 years ago
test_one_hot_op.py Add print_function for all python files 7 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 Revert "Merge pull request #13201 from reyoung/revert_callstack" (#13697) 6 years ago
test_optimizer.py Add print_function for all python files 7 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 print_function for all python files 7 years ago
test_parallel_executor_crf.py Add is_compiled_with_cuda for parallel_exe_crf (#14304) 6 years ago
test_parallel_executor_dry_run.py fix(pe): fix ut of dry run parallel executor (#14359) 6 years ago
test_parallel_executor_fetch_feed.py disable feed_fetch_unit_test 7 years ago
test_parallel_executor_mnist.py test(Pe): remove unittests for recordio in test_pe_mnist (#14262) 6 years ago
test_parallel_executor_seresnext.py test=develop 6 years ago
test_parallel_executor_test_while_train.py Loose atol in test_pe_test_wwhile_train 6 years ago
test_parallel_executor_transformer.py test=develop 6 years ago
test_parameter.py Add print_function for all python files 7 years ago
test_pass_builder.py more test 6 years ago
test_polygon_box_transform.py Ocr end2end dev (#13889) 6 years ago
test_pool2d_mkldnn_op.py Add fp16 backward support (#14202) 6 years ago
test_pool2d_op.py add adaptive pool 2d & 3d. test=develop 6 years ago
test_pool3d_op.py add adaptive pool 2d & 3d. test=develop 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_preprocessor.py Hide RecordIO Reader 7 years ago
test_print_op.py Polish PrintOp (#12895) 7 years ago
test_prior_box_op.py Add print_function for all python files 7 years ago
test_profiler.py fix profiler test 7 years ago
test_program.py To support full model saving. 6 years ago
test_program_code.py remove kwargs in python api 6 years ago
test_protobuf.py Add print_function for all python files 7 years ago
test_protobuf_descs.py hide operator API (#12543) 6 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_psroi_pool_op.py this is for psroi_pool op, test=develop (#14796) 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_using_executor.py test_py_reader_using_executor support test use_decorate_paddle_reader 6 years ago
test_random_crop_op.py Add print_function for all python files 7 years ago
test_rank_loss_op.py Add print_function for all python files 7 years ago
test_reader_reset.py Update test_reader_reset.py 7 years ago
test_recordio_reader.py Hide RecordIO Reader 7 years ago
test_recurrent_op.py Add print_function for all python files 7 years ago
test_reduce_op.py Fix bug in reduce_op caused by PR #13534 (#13748) 6 years ago
test_ref_by_trainer_id_op.py feature/DC asgd (#12722) 6 years ago
test_registry.py Add print_function for all python files 7 years ago
test_regularizer.py Add L2 unit test (#14792) 6 years ago
test_reorder_lod_tensor.py Add print_function for all python files 7 years ago
test_reshape_op.py Feature/op_fuse_pass (#12440) 6 years ago
test_reverse_op.py Add print_function for all python files 7 years ago
test_rmsprop_op.py test=develop 6 years ago
test_rnn_memory_helper_op.py Add print_function for all python files 7 years ago
test_roi_align_op.py refine unittest test=develop 6 years ago
test_roi_perspective_transform_op.py Add roi perspective transform op. (#13176) 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 Add print_function for all python files 7 years ago
test_rpn_target_assign_op.py refine code 6 years ago
test_sampling_id_op.py fix codestyle 7 years ago
test_scale_op.py Add fp16 backward support (#14202) 6 years ago
test_scatter_op.py Add print_function for all python files 7 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 refine and add seqconv elementwiseadd relu op test 6 years ago
test_seq_pool.py Rebase of seqpool-max optimization 6 years ago
test_sequence_concat.py refine seq_concat 7 years ago
test_sequence_enumerate_op.py doc: refine English description 7 years ago
test_sequence_erase_op.py Add print_function for all python files 7 years ago
test_sequence_expand.py Add print_function for all python files 7 years ago
test_sequence_expand_as.py Add sequence_expand_as_op (#13420) 6 years ago
test_sequence_mask.py add support to max_len is None 7 years ago
test_sequence_pad_op.py Fix unitttest in sequence_pad_op 7 years ago
test_sequence_reshape.py Add print_function for all python files 7 years ago
test_sequence_reverse.py test=develop 6 years ago
test_sequence_scatter_op.py [WIP]Sequence Scatter Op (#12625) 6 years ago
test_sequence_slice_op.py Add print_function for all python files 7 years ago
test_sequence_softmax_op.py Add print_function for all python files 7 years ago
test_sequence_unpad_op.py Add sequence unpad op 6 years ago
test_sgd_op.py Optimize selected rows for dist lookup table with pthread rwlock (#12635) 7 years ago
test_shape_op.py Add print_function for all python files 7 years ago
test_shrink_rnn_memory.py Add print_function for all python files 7 years ago
test_sigmoid_cross_entropy_with_logits_op.py refine code, test=develop 6 years ago
test_sign_op.py Add print_function for all python files 7 years ago
test_similarity_focus_op.py submit again test=develop 6 years ago
test_slice_op.py Implement slice grad operator. #8130 (#12330) 7 years ago
test_slice_var.py better handle var type inference 6 years ago
test_smooth_l1_loss_op.py Add print_function for all python files 7 years ago
test_softmax_op.py Revert "Softmax op optimization for inference " 6 years ago
test_softmax_with_cross_entropy_op.py test=develop 6 years ago
test_space_to_depth_op.py test=develop 6 years ago
test_split_and_merge_lod_tensor_op.py Add print_function for all python files 7 years ago
test_split_ids_op.py submit by tangwei12, test=develop 6 years ago
test_split_op.py Add print_function for all python files 7 years ago
test_split_selected_rows_op.py test zero output of split_selected_rows_op 6 years ago
test_spp_op.py Add print_function for all python files 7 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_squeeze_op.py Refine reshape_grad and transpose_grad (#13074) 7 years ago
test_stack_op.py add stack_op 7 years ago
test_sum_mkldnn_op.py Add print_function for all python files 7 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_target_assign_op.py Add print_function for all python files 7 years ago
test_tensor.py Support data type int8_t . (#12841) 7 years ago
test_tensor_array_to_tensor.py Add lod tensor array to tensor op (#13990) 6 years ago
test_top_k_op.py Fix top_k op (#14034) 6 years ago
test_transpose_mkldnn_op.py [MKL-DNN ]Added transpose/transpose2 Op (#14872) 6 years ago
test_transpose_op.py [MKL-DNN ]Added transpose/transpose2 Op (#14872) 6 years ago
test_truncated_gaussian_random_op.py Add truncated gaussian initializer. (#13000) 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 print_function for all python files 7 years ago
test_unique_name.py Add print_function for all python files 7 years ago
test_unpool_op.py Add print_function for all python files 7 years ago
test_unsqueeze_op.py Refine reshape_grad and transpose_grad (#13074) 7 years ago
test_unstack_op.py add unstack_op 7 years ago
test_variable.py Support data type int8_t . (#12841) 7 years ago
test_version.py Add print_function for all python files 7 years ago
test_warpctc_op.py Add cudnn ctc loss (#12366) 6 years ago
test_weight_normalization.py Add print_function for all python files 7 years ago
test_while_op.py add nest while_op 7 years ago
test_yolov3_loss_op.py Add operator double support. test=develop 6 years ago
testsuite.py add grad test unit; test=develop 6 years ago
transformer_model.py Add GraphChecker (#13580) 6 years ago