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/v2/framework/tests
Yu Yang f72729d407
Feature/rnn to array to lod tensor (#5411)
7 years ago
..
.gitignore Python API for save/load variables (#5136) 7 years ago
CMakeLists.txt cond op passed 8 years ago
op_test.py refine square_error_cost layer (#5216) 7 years ago
test_accuracy_op.py Temporary disable accurary_op test (#5451) 7 years ago
test_activation_op.py Gradient check use graph (#5027) 7 years ago
test_adadelta_op.py Adding Adadelta optimization operator (#4576) 7 years ago
test_adagrad_op.py change learning rate and fix format 7 years ago
test_adam_op.py Removing updates of Beta1 and Beta2 power accumulators outside the op (#4925) 7 years ago
test_adamax_op.py Removing updates of Beta1 power accumulators outside the op (#4931) 7 years ago
test_array_read_write_op.py Add unittest, backward of array read/write op (#5409) 7 years ago
test_auc_op.py Refine evaluator op types (#5208) 7 years ago
test_batch_norm_op.py batch-norm forward backward nchw, nhwc passed 7 years ago
test_cast_op.py Cast Operator (#5149) 7 years ago
test_clip_op.py New Op Test framework. (#4962) 7 years ago
test_compare_op.py Compare Operator (#5325) 7 years ago
test_concat_op.py Use StridedMemCpy in Concat/Split Kernel (#4188) 7 years ago
test_cond_op.py add sparse support for sum op (#5093) 7 years ago
test_conv2d_op.py write conv2d and conv3d together 7 years ago
test_conv2d_transpose_op.py fix doc and unit test 7 years ago
test_conv3d_op.py write conv2d and conv3d together 7 years ago
test_conv3d_transpose_op.py fix doc and unit test 7 years ago
test_conv_shift_op.py Conv Shift Operator (#4591) 7 years ago
test_cos_sim_op.py tune max_relative_error in test_cos_sim_op. 8 years ago
test_crf_decoding_op.py Add the crf_decoding operator. (#5352) 7 years ago
test_crop_op.py 1. Implement GPUCrop kernel instead of eigen. 8 years ago
test_cross_entropy_op.py support sparse output for lookup table grad op (#5145) 7 years ago
test_decayed_adagrad_op.py Implementing the Decayed Adagrad optimizer operator (#4645) 7 years ago
test_default_scope_funcs.py "change GetOrCreate to Var" 7 years ago
test_dropout_op.py Gradient check use graph (#5027) 7 years ago
test_dynamic_recurrent_op.py add sparse support for sum op (#5093) 7 years ago
test_elementwise_add_op.py fix elementwise add bug 7 years ago
test_elementwise_div_op.py Elementwise operator. (#4139) 7 years ago
test_elementwise_mul_op.py Stablize elementwise_mul by using double precision 7 years ago
test_elementwise_sub_op.py Elementwise operator. (#4139) 7 years ago
test_evaluator.py Fix bug in lookup_table_op & layers (#5298) 7 years ago
test_exception.py Follow comments, check exception message 7 years ago
test_executor_and_mul.py Rename program->main_program, init_program->startup_program (#5360) 7 years ago
test_feed_fetch_method.py Feature/remove global scope (#4950) 7 years ago
test_fill_constant_batch_size_like_op.py add fill_constant_batch_size_like_op to Static RNN's h_boot (#5332) 7 years ago
test_fill_constant_op.py Implementing the fill constant op for the executor 7 years ago
test_fill_zeros_like_op.py Share LoD between input and output of each opeators. 8 years ago
test_fit_a_line.py Rename program->main_program, init_program->startup_program (#5360) 7 years ago
test_framework_debug_str.py ReadFromArray/WriteToArray op (#5407) 7 years ago
test_gather_op.py init refine op python tests 8 years ago
test_gaussian_random_op.py Adding Normal distribution initializer and unit tests for python initializers (#5256) 7 years ago
test_gru_op.py Refine GRU Operator by following comments 7 years ago
test_gru_unit_op.py Gradient check use graph (#5027) 7 years ago
test_huber_loss_op.py Fix type for unit test of huber_loss_op. 7 years ago
test_image_classification_layer.py Rename program->main_program, init_program->startup_program (#5360) 7 years ago
test_image_classification_train.py Rename program->main_program, init_program->startup_program (#5360) 7 years ago
test_increment_op.py Adding increment op (#4940) 7 years ago
test_infer_shape.py add sparse support for sum op (#5093) 7 years ago
test_inference_model_io.py Rename program->main_program, init_program->startup_program (#5360) 7 years ago
test_initializer.py Adding the Xavier Initializer (#5270) 7 years ago
test_l1_norm_op.py Adding L1 norm op for L1 regularization (#5058) 7 years ago
test_layers.py Rename program->main_program, init_program->startup_program (#5360) 7 years ago
test_linear_chain_crf_op.py follow comments. 7 years ago
test_lod_rank_table.py Feature/rnn to array to lod tensor (#5411) 7 years ago
test_lod_tensor_array.py Feature/lod tensor array (#5379) 7 years ago
test_lod_tensor_array_ops.py Feature/rnn to array to lod tensor (#5411) 7 years ago
test_lookup_table_op.py support sparse output for lookup table grad op (#5145) 7 years ago
test_lrn_op.py Gradient check use graph (#5027) 7 years ago
test_lstm_op.py Clean code and update doc. 7 years ago
test_lstm_unit_op.py support sparse output for lookup table grad op (#5145) 7 years ago
test_margin_rank_loss_op.py regulate comments in margin_rank_loss_op 8 years ago
test_matmul_op.py MatMul operator (#4856) 7 years ago
test_mean_op.py init refine op python tests 8 years ago
test_minus_op.py Add the check of inputs and outputs in all operators. 8 years ago
test_modified_huber_loss_op.py support sparse output for lookup table grad op (#5145) 7 years ago
test_momentum_op.py Adding Nesterov Momentum (#4948) 7 years ago
test_mul_op.py Correct mul_op implementation (#4988) 7 years ago
test_multiplex_op.py separate index tensor from candidate tensors in multiplex_op 7 years ago
test_nccl_init_op.py rerun ci 7 years ago
test_net.py Fix CI 7 years ago
test_op_support_gpu.py Global function, op_support_gpu (#4980) 7 years ago
test_operator.py Fix CI 7 years ago
test_operator_desc.py Rename program->main_program, init_program->startup_program (#5360) 7 years ago
test_optimizer.py Optimizer use init program (#5275) 7 years ago
test_pad_op.py New Op Test framework. (#4962) 7 years ago
test_parameter.py Rename program->main_program, init_program->startup_program (#5360) 7 years ago
test_pool2d_op.py fix bug 7 years ago
test_pool3d_op.py fix bug 7 years ago
test_pool_max_op.py fix bug 7 years ago
test_positive_negative_pair_op.py update data types and test cases 7 years ago
test_precision_recall_op.py Refine and follow comments. 7 years ago
test_prelu_op.py Fix bug in test_prelu and test_xe 7 years ago
test_program.py Rename program->main_program, init_program->startup_program (#5360) 7 years ago
test_protobuf.py Fix all unit tests in Python 8 years ago
test_protobuf_descs.py Fix several bugs in compile time backward and Protobuf desc (#4894) 7 years ago
test_proximal_adagrad_op.py Add proximal adagrad optimizer (#5128) 7 years ago
test_proximal_gd_op.py Adding Proximal Gradient Descent (#4848) 7 years ago
test_rank_loss_op.py change the dims of input of rank_loss_op 8 years ago
test_recognize_digits_conv.py Rename program->main_program, init_program->startup_program (#5360) 7 years ago
test_recognize_digits_mlp.py Rename program->main_program, init_program->startup_program (#5360) 7 years ago
test_recommender_system.py Rename program->main_program, init_program->startup_program (#5360) 7 years ago
test_recurrent_op.py add fill_constant_batch_size_like_op to Static RNN's h_boot (#5332) 7 years ago
test_reduce_op.py New Op Test framework. (#4962) 7 years ago
test_regularizer.py Adding L1 Decay Regularizer (#5173) 7 years ago
test_reshape_op.py adapt to the new test framework 8 years ago
test_rmsprop_op.py Adding Nesterov Momentum (#4948) 7 years ago
test_rnn_memory_helper_op.py first commit (#5286) 7 years ago
test_scale_op.py Add the check of inputs and outputs in all operators. 8 years ago
test_scatter_op.py scatter gather gpu 7 years ago
test_scope.py "change GetOrCreate to Var" 7 years ago
test_selected_rows.py add sparse sgd operator unittest 7 years ago
test_seq_concat_op.py Disable test_seq_concat_op.py temp 7 years ago
test_seq_conv.py follow comments 7 years ago
test_seq_expand.py Add empty sequence case in unitest 7 years ago
test_seq_pool.py Refine sequence max-pooling and add unit testing of gradient check. 7 years ago
test_sequence_softmax_op.py Finish the SequenceSoftmaxGradKernel, using SoftmaxGradFunctor. 7 years ago
test_sgd_op.py fix gpu build error 7 years ago
test_sigmoid_cross_entropy_with_logits_op.py Adding support for the sigmoid_cross_entropy_with_logits operator (#4448) 7 years ago
test_sign_op.py Adding the Sign Op for L1 Weight Decay Regularization (#5138) 7 years ago
test_smooth_l1_loss_op.py Gradient check use graph (#5027) 7 years ago
test_softmax_op.py add negative clipping for softmax. 7 years ago
test_softmax_with_cross_entropy_op.py fix softmax with cross entropy op. 7 years ago
test_split_op.py Use StridedMemCpy in Concat/Split Kernel (#4188) 7 years ago
test_squared_l2_distance_op.py init refine op python tests 8 years ago
test_squared_l2_norm_op.py Adding the squared L2 norm operator for L2 regularization (#5030) 7 years ago
test_sum_op.py merge baidu/develop and remove unused gradient_checker/op_test_util 8 years ago
test_tensor.py "change GetOrCreate to Var" 7 years ago
test_tensor_array.py "change GetOrCreate to Var" 7 years ago
test_top_k_op.py Fix a type error top_k_op (#5201) 7 years ago
test_transpose_op.py modify the input\output name to X\Out 8 years ago
test_understand_sentiment_conv.py Rename program->main_program, init_program->startup_program (#5360) 7 years ago
test_uniform_random_op.py add test_fit_a_line (#4936) 7 years ago
test_variable.py Rename program->main_program, init_program->startup_program (#5360) 7 years ago
test_word2vec.py update 7 years ago