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/paddle/fluid/operators
guosheng 01fdf17e97
Fix ElementwiseOpInferVarType in elementwise_op to use the default InferVarType to find var recursively
7 years ago
..
concurrency Pending more CPPLint errors in fluid/operators/math (#10243) 7 years ago
detail listen_and_serv use local scope (#10663) 7 years ago
detection put detection op together (#10595) 7 years ago
math Make tensor support uint8 7 years ago
nccl Fix more CPPlint issues in fluid/operators/math (#10249) 7 years ago
reader Clean OpProtoAndCheckerMaker 7 years ago
CMakeLists.txt Fix a compile error 7 years ago
accuracy_op.cc Clean OpProtoAndCheckerMaker 7 years ago
accuracy_op.cu Feature/cuda9 cudnn7 (#10140) 7 years ago
accuracy_op.h Fix the grammar in copyright. (#8403) 7 years ago
activation_mkldnn_op.cc Resolve conflict 7 years ago
activation_op.cc Clean OpProtoAndCheckerMaker 7 years ago
activation_op.cu "fix ci" 7 years ago
activation_op.h merge develop 7 years ago
adadelta_op.cc Clean OpProtoAndCheckerMaker 7 years ago
adadelta_op.cu Fix the grammar in copyright. (#8403) 7 years ago
adadelta_op.h Fix the grammar in copyright. (#8403) 7 years ago
adagrad_op.cc Clean OpProtoAndCheckerMaker 7 years ago
adagrad_op.cu Feature/cuda9 cudnn7 (#10140) 7 years ago
adagrad_op.h Fix the grammar in copyright. (#8403) 7 years ago
adam_op.cc Clean OpProtoAndCheckerMaker 7 years ago
adam_op.cu Fix the grammar in copyright. (#8403) 7 years ago
adam_op.h Adam operator optimized with Eigen (#10229) 7 years ago
adamax_op.cc Clean OpProtoAndCheckerMaker 7 years ago
adamax_op.cu Fix the grammar in copyright. (#8403) 7 years ago
adamax_op.h Fix the grammar in copyright. (#8403) 7 years ago
array_operator.h Fix cpplint issues in some operators 7 years ago
array_to_lod_tensor_op.cc Clean OpProtoAndCheckerMaker 7 years ago
assign_op.cc Clean OpProtoAndCheckerMaker 7 years ago
assign_value_op.cc Clean OpProtoAndCheckerMaker 7 years ago
assign_value_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
assign_value_op.h Fix cpplint issues in some operators 7 years ago
auc_op.cc Clean OpProtoAndCheckerMaker 7 years ago
auc_op.h Fix cpplint issues in some operators 7 years ago
average_accumulates_op.cc Clean OpProtoAndCheckerMaker 7 years ago
average_accumulates_op.cu Fix average_accumulate_op for parallel executor. (#9852) 7 years ago
average_accumulates_op.h Fix cpplint issues in some operators 7 years ago
batch_norm_mkldnn_op.cc MKLDNN implementation of batch normalization (#9904) 7 years ago
batch_norm_op.cc Clean OpProtoAndCheckerMaker 7 years ago
batch_norm_op.cu.cc "fix double type error" (#10322) 7 years ago
batch_norm_op.h Fix the grammar in copyright. (#8403) 7 years ago
batch_size_like.h Fix compile error 7 years ago
beam_search_decode_op.cc Clean OpProtoAndCheckerMaker 7 years ago
beam_search_decode_op.h Fix beam_search memory leak. (#10185) 7 years ago
beam_search_decode_op_test.cc Fix cpplint issues with beam_search_op and beam_search_decode_op (#9962) 7 years ago
beam_search_op.cc Clean OpProtoAndCheckerMaker 7 years ago
beam_search_op.h "fix compile" (#10657) 7 years ago
beam_search_op_test.cc Fix the grammar in copyright. (#8403) 7 years ago
bilinear_interp_op.cc Clean OpProtoAndCheckerMaker 7 years ago
bilinear_interp_op.cu fix build: cuda_helper.h not found 7 years ago
bilinear_interp_op.h GPU of bilinear_interp_op done 7 years ago
bilinear_tensor_product_op.cc Clean OpProtoAndCheckerMaker 7 years ago
bilinear_tensor_product_op.cu Fix the grammar in copyright. (#8403) 7 years ago
bilinear_tensor_product_op.h Clean and extract blas 7 years ago
cast_op.cc Clean OpProtoAndCheckerMaker 7 years ago
cast_op.cu add fp16 for cast op 7 years ago
cast_op.h [WIP] Move DataType enum inside VarType (#8447) 7 years ago
channel_close_op.cc Clean OpProtoAndCheckerMaker 7 years ago
channel_create_op.cc Clean OpProtoAndCheckerMaker 7 years ago
channel_recv_op.cc Clean OpProtoAndCheckerMaker 7 years ago
channel_send_op.cc Clean OpProtoAndCheckerMaker 7 years ago
chunk_eval_op.cc Clean OpProtoAndCheckerMaker 7 years ago
chunk_eval_op.h Fix CPPLint issues with Chunk_eval_op (#9964) 7 years ago
clip_by_norm_op.cc Clean OpProtoAndCheckerMaker 7 years ago
clip_by_norm_op.cu Fix the grammar in copyright. (#8403) 7 years ago
clip_by_norm_op.h Fix the grammar in copyright. (#8403) 7 years ago
clip_op.cc Clean OpProtoAndCheckerMaker 7 years ago
clip_op.cu Fix the grammar in copyright. (#8403) 7 years ago
clip_op.h Fix the grammar in copyright. (#8403) 7 years ago
compare_op.cc Clean OpProtoAndCheckerMaker 7 years ago
compare_op.cu add python part of compare op 7 years ago
compare_op.h add python part of compare op 7 years ago
concat_op.cc Clean OpProtoAndCheckerMaker 7 years ago
concat_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
concat_op.h Fix more CPPLint issues in fluid/operators/math (#10276) 7 years ago
conditional_block_op.cc Clean OpProtoAndCheckerMaker 7 years ago
conv_cudnn_op.cu.cc add fp16 support to conv3d 7 years ago
conv_mkldnn_op.cc Fix conv_mkldnn_op.cc which is causing CI failure 7 years ago
conv_op.cc Clean OpProtoAndCheckerMaker 7 years ago
conv_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
conv_op.h Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into feature/clean_op_maker 7 years ago
conv_shift_op.cc Clean OpProtoAndCheckerMaker 7 years ago
conv_shift_op.cu Feature/cuda9 cudnn7 (#10140) 7 years ago
conv_shift_op.h Fix the grammar in copyright. (#8403) 7 years ago
conv_transpose_cudnn_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
conv_transpose_op.cc Clean OpProtoAndCheckerMaker 7 years ago
conv_transpose_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
conv_transpose_op.h Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into feature/clean_op_maker 7 years ago
cos_sim_op.cc Clean OpProtoAndCheckerMaker 7 years ago
cos_sim_op.cu Fix the grammar in copyright. (#8403) 7 years ago
cos_sim_op.h Fix the grammar in copyright. (#8403) 7 years ago
crf_decoding_op.cc Clean OpProtoAndCheckerMaker 7 years ago
crf_decoding_op.h Fix cpplint errors (#9800) 7 years ago
crop_op.cc Clean OpProtoAndCheckerMaker 7 years ago
crop_op.cu Fix the grammar in copyright. (#8403) 7 years ago
crop_op.h Fix cpplint errors (#9800) 7 years ago
cross_entropy_op.cc Clean OpProtoAndCheckerMaker 7 years ago
cross_entropy_op.cu Clean cross entropy and add sync in executor 7 years ago
cross_entropy_op.h Follow comment 7 years ago
ctc_align_op.cc Clean OpProtoAndCheckerMaker 7 years ago
ctc_align_op.cu Fix cpplint errors for a set of operators (#9837) 7 years ago
ctc_align_op.h Fix cpplint errors for a set of operators (#9837) 7 years ago
cum_op.h Fix the grammar in copyright. (#8403) 7 years ago
cumsum_op.cc Clean OpProtoAndCheckerMaker 7 years ago
cumsum_op.cu add semicolon to op registry (#10034) 7 years ago
decayed_adagrad_op.cc Clean OpProtoAndCheckerMaker 7 years ago
decayed_adagrad_op.cu Fix the grammar in copyright. (#8403) 7 years ago
decayed_adagrad_op.h Fix the grammar in copyright. (#8403) 7 years ago
delete_var_op.cc Clean OpProtoAndCheckerMaker 7 years ago
detection_map_op.cc Clean OpProtoAndCheckerMaker 7 years ago
detection_map_op.h Fix cpplint issues in Detection_map_op (#9969) 7 years ago
dropout_op.cc Clean OpProtoAndCheckerMaker 7 years ago
dropout_op.cu Revert "accelerate dropout (#9902)" (#10082) 7 years ago
dropout_op.h Revert "accelerate dropout (#9902)" (#10082) 7 years ago
dropout_op_test.cc Revert "accelerate dropout (#9902)" (#10082) 7 years ago
edit_distance_op.cc Clean OpProtoAndCheckerMaker 7 years ago
edit_distance_op.cu Feature/cuda9 cudnn7 (#10140) 7 years ago
edit_distance_op.h Fix the grammar in copyright. (#8403) 7 years ago
elementwise_add_op.cc Clean OpProtoAndCheckerMaker 7 years ago
elementwise_add_op.cu rearrange test 7 years ago
elementwise_add_op.h Speed up elemwise grad (#8402) 7 years ago
elementwise_div_op.cc Clean OpProtoAndCheckerMaker 7 years ago
elementwise_div_op.cu Fix the grammar in copyright. (#8403) 7 years ago
elementwise_div_op.h refine elementwise sub,div,min,max 7 years ago
elementwise_max_op.cc Clean OpProtoAndCheckerMaker 7 years ago
elementwise_max_op.cu Fix the grammar in copyright. (#8403) 7 years ago
elementwise_max_op.h refine elementwise sub,div,min,max 7 years ago
elementwise_min_op.cc Clean OpProtoAndCheckerMaker 7 years ago
elementwise_min_op.cu Fix the grammar in copyright. (#8403) 7 years ago
elementwise_min_op.h refine elementwise sub,div,min,max 7 years ago
elementwise_mul_op.cc Clean OpProtoAndCheckerMaker 7 years ago
elementwise_mul_op.cu Fix the grammar in copyright. (#8403) 7 years ago
elementwise_mul_op.h refine elementwise sub,div,min,max 7 years ago
elementwise_op.h Fix ElementwiseOpInferVarType in elementwise_op to use the default InferVarType to find var recursively 7 years ago
elementwise_op_function.h Fix __shfl_down_sync_ of cross_entropy (#10345) 7 years ago
elementwise_pow_op.cc Clean OpProtoAndCheckerMaker 7 years ago
elementwise_pow_op.cu Fix the grammar in copyright. (#8403) 7 years ago
elementwise_pow_op.h Fix the grammar in copyright. (#8403) 7 years ago
elementwise_sub_op.cc Clean OpProtoAndCheckerMaker 7 years ago
elementwise_sub_op.cu Fix the grammar in copyright. (#8403) 7 years ago
elementwise_sub_op.h refine elementwise sub,div,min,max 7 years ago
expand_op.cc Clean OpProtoAndCheckerMaker 7 years ago
expand_op.cu Fix the grammar in copyright. (#8403) 7 years ago
expand_op.h Fix CPPLint issues in expand_op, gather_op and get_places_op (#10000) 7 years ago
fc_mkldnn_op.cc Prepare code for CentOS (#9651) 7 years ago
fc_op.cc Clean OpProtoAndCheckerMaker 7 years ago
fc_op.h Clean OpProtoAndCheckerMaker 7 years ago
feed_op.cc Clean OpProtoAndCheckerMaker 7 years ago
fetch_op.cc Clean OpProtoAndCheckerMaker 7 years ago
fill_constant_batch_size_like_op.cc Fix compile error 7 years ago
fill_constant_batch_size_like_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
fill_constant_batch_size_like_op.h Fix the grammar in copyright. (#8403) 7 years ago
fill_constant_op.cc Clean OpProtoAndCheckerMaker 7 years ago
fill_op.cc Clean OpProtoAndCheckerMaker 7 years ago
fill_zeros_like_op.cc Clean OpProtoAndCheckerMaker 7 years ago
fill_zeros_like_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
fill_zeros_like_op.h Fix the grammar in copyright. (#8403) 7 years ago
ftrl_op.cc Clean OpProtoAndCheckerMaker 7 years ago
ftrl_op.cu Fix the grammar in copyright. (#8403) 7 years ago
ftrl_op.h Fix the grammar in copyright. (#8403) 7 years ago
gather.cu.h Fix the grammar in copyright. (#8403) 7 years ago
gather.h Fix the grammar in copyright. (#8403) 7 years ago
gather_op.cc Clean OpProtoAndCheckerMaker 7 years ago
gather_op.cu Fix CPPLint issues in expand_op, gather_op and get_places_op (#10000) 7 years ago
gather_op.h Fix CPPLint issues in expand_op, gather_op and get_places_op (#10000) 7 years ago
gather_test.cc Fix CPPLint issues in expand_op, gather_op and get_places_op (#10000) 7 years ago
gaussian_random_batch_size_like_op.cc Fix compile error 7 years ago
gaussian_random_op.cc Clean OpProtoAndCheckerMaker 7 years ago
gaussian_random_op.cu Generating random numbers with given batch size (#8337) 7 years ago
gen_nccl_id_op.cc remove comments 7 years ago
get_places_op.cc Clean OpProtoAndCheckerMaker 7 years ago
go_op.cc Clean OpProtoAndCheckerMaker 7 years ago
gru_op.cc Clean OpProtoAndCheckerMaker 7 years ago
gru_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
gru_op.h Fix more CPPlint issues in fluid/operators/math (#10249) 7 years ago
gru_unit_op.cc Clean OpProtoAndCheckerMaker 7 years ago
gru_unit_op.cu Fix the grammar in copyright. (#8403) 7 years ago
gru_unit_op.h Clean and extract blas 7 years ago
hinge_loss_op.cc Clean OpProtoAndCheckerMaker 7 years ago
hinge_loss_op.cu Fix the grammar in copyright. (#8403) 7 years ago
hinge_loss_op.h Fix the grammar in copyright. (#8403) 7 years ago
huber_loss_op.cc Clean OpProtoAndCheckerMaker 7 years ago
huber_loss_op.cu Fix the grammar in copyright. (#8403) 7 years ago
huber_loss_op.h Fix the grammar in copyright. (#8403) 7 years ago
im2sequence_op.cc Clean OpProtoAndCheckerMaker 7 years ago
im2sequence_op.cu Fix the grammar in copyright. (#8403) 7 years ago
im2sequence_op.h Fix cpplint errors for a set of operators (#9837) 7 years ago
increment_op.cc Clean OpProtoAndCheckerMaker 7 years ago
increment_op.cu add semicolon to op registry (#10034) 7 years ago
increment_op.h kernels of increment op 7 years ago
is_empty_op.cc Enhanced is_empty_op for our seq2seq model (#10704) 7 years ago
is_empty_op.h Enhanced is_empty_op for our seq2seq model (#10704) 7 years ago
l1_norm_op.cc Clean OpProtoAndCheckerMaker 7 years ago
l1_norm_op.cu Fix the grammar in copyright. (#8403) 7 years ago
l1_norm_op.h Fix the grammar in copyright. (#8403) 7 years ago
label_smooth_op.cc Clean OpProtoAndCheckerMaker 7 years ago
label_smooth_op.cu Fix the grammar in copyright. (#8403) 7 years ago
label_smooth_op.h Fix the grammar in copyright. (#8403) 7 years ago
layer_norm_op.cc Clean OpProtoAndCheckerMaker 7 years ago
layer_norm_op.cu Fix the grammar in copyright. (#8403) 7 years ago
layer_norm_op.h Clean and extract blas 7 years ago
linear_chain_crf_op.cc Clean OpProtoAndCheckerMaker 7 years ago
linear_chain_crf_op.cu Fix the grammar in copyright. (#8403) 7 years ago
linear_chain_crf_op.h Fix cpplint errors for a set of operators (#9837) 7 years ago
listen_and_serv_op.cc listen_and_serv use local scope (#10663) 7 years ago
listen_and_serv_op.h Merge pull request #10292 from typhoonzero/fix_grpc_server_ready_condition 7 years ago
load_combine_op.cc Add FP16 option to load_combine op (#10601) 7 years ago
load_op.cc Merge pull request #10486 from reyoung/feature/clean_op_maker 7 years ago
lod_array_length_op.cc Clean OpProtoAndCheckerMaker 7 years ago
lod_rank_table_op.cc Clean OpProtoAndCheckerMaker 7 years ago
lod_reset_op.cc Clean OpProtoAndCheckerMaker 7 years ago
lod_reset_op.cu Enhanced cpp implementation and unit test. 7 years ago
lod_reset_op.h fix errors in lod_reset_op 7 years ago
lod_tensor_to_array_op.cc Clean OpProtoAndCheckerMaker 7 years ago
log_loss_op.cc Clean OpProtoAndCheckerMaker 7 years ago
log_loss_op.cu Fix the grammar in copyright. (#8403) 7 years ago
log_loss_op.h Fix the grammar in copyright. (#8403) 7 years ago
logical_op.cc Clean OpProtoAndCheckerMaker 7 years ago
logical_op.cu Fix the grammar in copyright. (#8403) 7 years ago
logical_op.h Fix the grammar in copyright. (#8403) 7 years ago
lookup_sparse_table_op.cc Clean OpProtoAndCheckerMaker 7 years ago
lookup_table_op.cc Clean OpProtoAndCheckerMaker 7 years ago
lookup_table_op.cu Feature/cuda9 cudnn7 (#10140) 7 years ago
lookup_table_op.h fix ci 7 years ago
lrn_mkldnn_op.cc Function for running MKLDNN primitive added. Unittest added for is_test attribute 7 years ago
lrn_op.cc Clean OpProtoAndCheckerMaker 7 years ago
lrn_op.cu Fix the grammar in copyright. (#8403) 7 years ago
lrn_op.h Plain LRN op throws an exception when is_test is set in backward pass 7 years ago
lstm_op.cc Clean OpProtoAndCheckerMaker 7 years ago
lstm_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
lstm_op.h Clean and extract blas 7 years ago
lstm_unit_op.cc Clean OpProtoAndCheckerMaker 7 years ago
lstm_unit_op.cu Fix cpplint errors for a set of operators (#9837) 7 years ago
lstm_unit_op.h Fix the grammar in copyright. (#8403) 7 years ago
lstmp_op.cc Clean OpProtoAndCheckerMaker 7 years ago
lstmp_op.cu Fix the grammar in copyright. (#8403) 7 years ago
lstmp_op.h Clean and extract blas 7 years ago
margin_rank_loss_op.cc Clean OpProtoAndCheckerMaker 7 years ago
margin_rank_loss_op.cu Fix the grammar in copyright. (#8403) 7 years ago
margin_rank_loss_op.h Fix the grammar in copyright. (#8403) 7 years ago
matmul_op.cc Merge branch 'develop' into feature/matmul_support_float16_double 7 years ago
max_sequence_len_op.cc Clean OpProtoAndCheckerMaker 7 years ago
maxout_op.cc Clean OpProtoAndCheckerMaker 7 years ago
maxout_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
maxout_op.h Fix the grammar in copyright. (#8403) 7 years ago
mean_op.cc Clean OpProtoAndCheckerMaker 7 years ago
mean_op.cu Fix the grammar in copyright. (#8403) 7 years ago
mean_op.h Fix the grammar in copyright. (#8403) 7 years ago
merge_lod_tensor_op.cc Clean OpProtoAndCheckerMaker 7 years ago
minus_op.cc Clean OpProtoAndCheckerMaker 7 years ago
minus_op.cu Fix the grammar in copyright. (#8403) 7 years ago
minus_op.h Fix the grammar in copyright. (#8403) 7 years ago
mkldnn_activation_op.h Fix cpplint error in mkldnn_activation (#10105) 7 years ago
modified_huber_loss_op.cc Clean OpProtoAndCheckerMaker 7 years ago
modified_huber_loss_op.cu Fix the grammar in copyright. (#8403) 7 years ago
modified_huber_loss_op.h Fix the grammar in copyright. (#8403) 7 years ago
momentum_op.cc Clean OpProtoAndCheckerMaker 7 years ago
momentum_op.cu Fix cpplint errors for a set of operators (#9837) 7 years ago
momentum_op.h Fix the grammar in copyright. (#8403) 7 years ago
mul_mkldnn_op.cc Initial implementation of multiplication operator for MKLDNN 7 years ago
mul_op.cc Clean OpProtoAndCheckerMaker 7 years ago
mul_op.cu.cc "fix double type error" (#10322) 7 years ago
mul_op.h Clean and extract blas 7 years ago
multiplex_op.cc Clean OpProtoAndCheckerMaker 7 years ago
multiplex_op.cu fix errors in multiplex_op 7 years ago
multiplex_op.h Fix the grammar in copyright. (#8403) 7 years ago
nccl_op.cc Clean OpProtoAndCheckerMaker 7 years ago
nccl_op.cu.cc Fix CPPLint errors in multiclass_nms, nccl, nce, reduce and save_load_combine (#10032) 7 years ago
nccl_op_test.cu.cc fix several unit tests 7 years ago
nce_op.cc Clean OpProtoAndCheckerMaker 7 years ago
nce_op.h Fix CPPLint errors in multiclass_nms, nccl, nce, reduce and save_load_combine (#10032) 7 years ago
norm_op.cc Clean OpProtoAndCheckerMaker 7 years ago
norm_op.cu Fix the grammar in copyright. (#8403) 7 years ago
norm_op.h Fix the grammar in copyright. (#8403) 7 years ago
one_hot_op.cc Clean OpProtoAndCheckerMaker 7 years ago
one_hot_op.cu Feature/cuda9 cudnn7 (#10140) 7 years ago
one_hot_op.h [WIP] Move DataType enum inside VarType (#8447) 7 years ago
pad_op.cc Clean OpProtoAndCheckerMaker 7 years ago
pad_op.cu Fix the grammar in copyright. (#8403) 7 years ago
pad_op.h Fix CPPLint errors in operators (#9828) 7 years ago
parallel_do_op.cc Clean OpProtoAndCheckerMaker 7 years ago
pool_cudnn_op.cu.cc add float16 support to pool3d 7 years ago
pool_mkldnn_op.cc - Draft of reuse of pooling mkldnn operator 7 years ago
pool_op.cc Clean OpProtoAndCheckerMaker 7 years ago
pool_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
pool_op.h Clean OpProtoAndCheckerMaker 7 years ago
pool_with_index_op.cc Clean OpProtoAndCheckerMaker 7 years ago
pool_with_index_op.cu.cc add semicolon to op registry (#10034) 7 years ago
pool_with_index_op.h Fix CPPLint errors in operators (#9828) 7 years ago
positive_negative_pair_op.cc Clean OpProtoAndCheckerMaker 7 years ago
positive_negative_pair_op.h Correct #include path 7 years ago
precision_recall_op.cc Clean OpProtoAndCheckerMaker 7 years ago
precision_recall_op.h Fix the grammar in copyright. (#8403) 7 years ago
prefetch_op.cc Clean OpProtoAndCheckerMaker 7 years ago
prelu_op.cc Clean OpProtoAndCheckerMaker 7 years ago
prelu_op.cu Fix the grammar in copyright. (#8403) 7 years ago
prelu_op.h Fix the grammar in copyright. (#8403) 7 years ago
print_op.cc Clean OpProtoAndCheckerMaker 7 years ago
proximal_adagrad_op.cc Clean OpProtoAndCheckerMaker 7 years ago
proximal_adagrad_op.cu Fix the grammar in copyright. (#8403) 7 years ago
proximal_adagrad_op.h Fix the grammar in copyright. (#8403) 7 years ago
proximal_gd_op.cc Clean OpProtoAndCheckerMaker 7 years ago
proximal_gd_op.cu Fix the grammar in copyright. (#8403) 7 years ago
proximal_gd_op.h Fix the grammar in copyright. (#8403) 7 years ago
rank_loss_op.cc Clean OpProtoAndCheckerMaker 7 years ago
rank_loss_op.cu Fix the grammar in copyright. (#8403) 7 years ago
rank_loss_op.h Fix the grammar in copyright. (#8403) 7 years ago
read_op.cc Clean OpProtoAndCheckerMaker 7 years ago
recurrent_op.cc Clean OpProtoAndCheckerMaker 7 years ago
recv_op.cc Clean OpProtoAndCheckerMaker 7 years ago
reduce_op.cc Clean OpProtoAndCheckerMaker 7 years ago
reduce_op.cu Fix the grammar in copyright. (#8403) 7 years ago
reduce_op.h Fix CPPLint errors in multiclass_nms, nccl, nce, reduce and save_load_combine (#10032) 7 years ago
reorder_lod_tensor_by_rank_op.cc Clean OpProtoAndCheckerMaker 7 years ago
reshape_op.cc Clean OpProtoAndCheckerMaker 7 years ago
reshape_op.cu Register more data type for reshape operator. (#8617) 7 years ago
reshape_op.h Fix a bug related to dispensable inputs and refine the inference unittest (#10527) 7 years ago
rmsprop_op.cc Clean OpProtoAndCheckerMaker 7 years ago
rmsprop_op.cu Fix the grammar in copyright. (#8403) 7 years ago
rmsprop_op.h Fix the grammar in copyright. (#8403) 7 years ago
rnn_memory_helper_op.cc Clean OpProtoAndCheckerMaker 7 years ago
roi_pool_op.cc Clean OpProtoAndCheckerMaker 7 years ago
roi_pool_op.cu fix roi_pool gpu_backward kernel 7 years ago
roi_pool_op.h Modify RoI pooling op to use LoDTensor and expose it into Python API (#10208) 7 years ago
row_conv_op.cc Clean OpProtoAndCheckerMaker 7 years ago
row_conv_op.cu wrap_shfl_x_sync 7 years ago
row_conv_op.h Fix the grammar in copyright. (#8403) 7 years ago
save_combine_op.cc Merge pull request #10486 from reyoung/feature/clean_op_maker 7 years ago
save_load_combine_op_test.cc Add FP16 option to load_combine op (#10601) 7 years ago
save_load_op_test.cc Fix lod check in FP16 test for save_op (#10508) 7 years ago
save_op.cc Clean OpProtoAndCheckerMaker 7 years ago
scale_op.cc Clean OpProtoAndCheckerMaker 7 years ago
scale_op.cu Fix the grammar in copyright. (#8403) 7 years ago
scale_op.h Fix the grammar in copyright. (#8403) 7 years ago
scatter.cu.h Fix the grammar in copyright. (#8403) 7 years ago
scatter.h Fix the grammar in copyright. (#8403) 7 years ago
scatter_op.cc Clean OpProtoAndCheckerMaker 7 years ago
scatter_op.cu Fix CPPLint errors in operators (#9826) 7 years ago
scatter_op.h Fix CPPLint errors in operators (#9826) 7 years ago
scatter_test.cc Fix CPPLint errors in operators (#9826) 7 years ago
select_op.cc Clean OpProtoAndCheckerMaker 7 years ago
send_barrier_op.cc Clean OpProtoAndCheckerMaker 7 years ago
send_op.cc Clean OpProtoAndCheckerMaker 7 years ago
send_recv_op_test.cc listen_and_serv use local scope (#10663) 7 years ago
send_recv_util.h Fix CPPLint errors in operators (#9826) 7 years ago
send_vars_op.cc Clean OpProtoAndCheckerMaker 7 years ago
sequence_concat_op.cc Clean OpProtoAndCheckerMaker 7 years ago
sequence_concat_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
sequence_concat_op.h Fix CPPLint errors in operators (#9826) 7 years ago
sequence_conv_op.cc Clean OpProtoAndCheckerMaker 7 years ago
sequence_conv_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
sequence_conv_op.h Clean MatMul 7 years ago
sequence_erase_op.cc Clean OpProtoAndCheckerMaker 7 years ago
sequence_erase_op.cu Feature/cuda9 cudnn7 (#10140) 7 years ago
sequence_erase_op.h Fix CPPLint errors in operators (#9826) 7 years ago
sequence_expand_op.cc Clean OpProtoAndCheckerMaker 7 years ago
sequence_expand_op.cu Feature/cuda9 cudnn7 (#10140) 7 years ago
sequence_expand_op.h "fix ci" 7 years ago
sequence_pool_op.cc Clean OpProtoAndCheckerMaker 7 years ago
sequence_pool_op.cu Fix the grammar in copyright. (#8403) 7 years ago
sequence_pool_op.h Fix CPPLint errors in operators (#9826) 7 years ago
sequence_reshape_op.cc Clean OpProtoAndCheckerMaker 7 years ago
sequence_reshape_op.cu Fix the grammar in copyright. (#8403) 7 years ago
sequence_reshape_op.h Update tensor_util.h (#8422) 7 years ago
sequence_slice_op.cc Clean OpProtoAndCheckerMaker 7 years ago
sequence_slice_op.cu add semicolon to op registry (#10034) 7 years ago
sequence_slice_op.h fix errors in sequence_slice_op 7 years ago
sequence_softmax_cudnn_op.cu.cc add semicolon to op registry (#10034) 7 years ago
sequence_softmax_op.cc Clean OpProtoAndCheckerMaker 7 years ago
sequence_softmax_op.cu.cc add semicolon to op registry (#10034) 7 years ago
sequence_softmax_op.h Fix the grammar in copyright. (#8403) 7 years ago
sgd_op.cc Clean OpProtoAndCheckerMaker 7 years ago
sgd_op.cu Feature/cuda9 cudnn7 (#10140) 7 years ago
sgd_op.h update 7 years ago
shrink_rnn_memory_op.cc Clean OpProtoAndCheckerMaker 7 years ago
sigmoid_cross_entropy_with_logits_op.cc Clean OpProtoAndCheckerMaker 7 years ago
sigmoid_cross_entropy_with_logits_op.cu Fix the grammar in copyright. (#8403) 7 years ago
sigmoid_cross_entropy_with_logits_op.h Fix the grammar in copyright. (#8403) 7 years ago
sign_op.cc Clean OpProtoAndCheckerMaker 7 years ago
sign_op.cu Fix the grammar in copyright. (#8403) 7 years ago
sign_op.h Fix the grammar in copyright. (#8403) 7 years ago
smooth_l1_loss_op.cc Refine smooth L1 loss. (#10713) 7 years ago
smooth_l1_loss_op.cu Fix the grammar in copyright. (#8403) 7 years ago
smooth_l1_loss_op.h Fix the grammar in copyright. (#8403) 7 years ago
softmax_cudnn_op.cu.cc initial commit 7 years ago
softmax_mkldnn_op.cc - First draft of reusing of softmax mkldnn primitives 7 years ago
softmax_op.cc Clean OpProtoAndCheckerMaker 7 years ago
softmax_op.cu.cc Fix/fp64 (#10346) 7 years ago
softmax_op.h Fix the grammar in copyright. (#8403) 7 years ago
softmax_with_cross_entropy_op.cc Clean OpProtoAndCheckerMaker 7 years ago
softmax_with_cross_entropy_op.cu Fix a critical bug in softmax_with_cross_entropy_op backward. (#9120) 7 years ago
softmax_with_cross_entropy_op.h Fix the grammar in copyright. (#8403) 7 years ago
split_byref_op.cc Clean OpProtoAndCheckerMaker 7 years ago
split_byref_op.cu.cc update 7 years ago
split_byref_op.h VariableResponse support deserialize var into local scope 7 years ago
split_ids_op.cc Clean OpProtoAndCheckerMaker 7 years ago
split_ids_op.h Fix warnings in split_ids_op 7 years ago
split_lod_tensor_op.cc Clean OpProtoAndCheckerMaker 7 years ago
split_op.cc Clean OpProtoAndCheckerMaker 7 years ago
split_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
split_op.h wip split byref op 7 years ago
split_selected_rows_op.cc Clean OpProtoAndCheckerMaker 7 years ago
split_selected_rows_op.cu Fix the grammar in copyright. (#8403) 7 years ago
split_selected_rows_op.h Fix sparse update memory error for distributed training (#8837) 7 years ago
spp_op.cc Clean OpProtoAndCheckerMaker 7 years ago
spp_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
spp_op.h Fix CPPLint issues in spp_op, sum_op, topk_op, transpose_op, unpool_op and warpctc_op 7 years ago
squared_l2_distance_op.cc Clean OpProtoAndCheckerMaker 7 years ago
squared_l2_distance_op.cu Fix the grammar in copyright. (#8403) 7 years ago
squared_l2_distance_op.h Fix the grammar in copyright. (#8403) 7 years ago
squared_l2_norm_op.cc Clean OpProtoAndCheckerMaker 7 years ago
squared_l2_norm_op.cu Fix the grammar in copyright. (#8403) 7 years ago
squared_l2_norm_op.h Fix the grammar in copyright. (#8403) 7 years ago
strided_memcpy.h Fix CPPLint errors in operators (#9828) 7 years ago
strided_memcpy_test.cc Fix the grammar in copyright. (#8403) 7 years ago
sum_op.cc Clean OpProtoAndCheckerMaker 7 years ago
sum_op.cu Fix the grammar in copyright. (#8403) 7 years ago
sum_op.h Fix CPPLint issues in spp_op, sum_op, topk_op, transpose_op, unpool_op and warpctc_op 7 years ago
tensor_array_read_write_op.cc Clean OpProtoAndCheckerMaker 7 years ago
test_send_nccl_id.cc fix build and merge develop 7 years ago
top_k_op.cc Clean OpProtoAndCheckerMaker 7 years ago
top_k_op.cu wrap_shfl_x_sync 7 years ago
top_k_op.h Add Top-k Python API. (#9973) 7 years ago
transpose_op.cc Clean OpProtoAndCheckerMaker 7 years ago
transpose_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
transpose_op.h Fix CPPLint issues in spp_op, sum_op, topk_op, transpose_op, unpool_op and warpctc_op 7 years ago
uniform_random_batch_size_like_op.cc Fix compile error 7 years ago
uniform_random_op.cc Clean OpProtoAndCheckerMaker 7 years ago
uniform_random_op.cu update by comment 7 years ago
unpool_op.cc Clean OpProtoAndCheckerMaker 7 years ago
unpool_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
unpool_op.h Fix CPPLint issues in spp_op, sum_op, topk_op, transpose_op, unpool_op and warpctc_op 7 years ago
warpctc_op.cc Clean OpProtoAndCheckerMaker 7 years ago
warpctc_op.cu.cc Fix the grammar in copyright. (#8403) 7 years ago
warpctc_op.h Fix CPPLint issues with math/sequence_padding (#10317) 7 years ago
while_op.cc Clean OpProtoAndCheckerMaker 7 years ago