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/operators
Yan Chunwei 186581d2cc
add is empty op (#5639)
7 years ago
..
detail feature/while_grad_op (#5554) 7 years ago
images Design doc: Batch Normalization Operator (#3748) 7 years ago
math feature/while_grad_op (#5554) 7 years ago
nccl Fix a dead lock bug for dyload/nccl.h when nccl lib cannot be loaded (#5533) 7 years ago
rnn feature/dynamic recurrent op forward and backward (#4799) 7 years ago
.clang-format Unify clang-format and add some missing clang-format 7 years ago
CMakeLists.txt Merge branch 'develop' into cmake_speed 7 years ago
accuracy_op.cc Merge remote-tracking branch 'origin/develop' into feature/evaluator 7 years ago
accuracy_op.cu "fix accuracy kernel bug" (#5673) 7 years ago
accuracy_op.h Merge remote-tracking branch 'origin/develop' into feature/evaluator 7 years ago
activation_op.cc Polish Operator Doc (m) (#5375) 7 years ago
activation_op.cu Gradient check use graph (#5027) 7 years ago
activation_op.h small fix 7 years ago
adadelta_op.cc Adding the doc format for AdaDelta, AdaMax, Adam, AdaGrad, BatchNorm, Clip, Cast and AUC (#5317) 7 years ago
adadelta_op.cu Adding Adadelta optimization operator (#4576) 7 years ago
adadelta_op.h Adding Adadelta optimization operator (#4576) 7 years ago
adagrad_op.cc support adagrad sparse update (#5272) 7 years ago
adagrad_op.cu support adagrad sparse update (#5272) 7 years ago
adagrad_op.h support adagrad sparse update (#5272) 7 years ago
adam_op.cc Adding the doc format for AdaDelta, AdaMax, Adam, AdaGrad, BatchNorm, Clip, Cast and AUC (#5317) 7 years ago
adam_op.cu Adding the Adam Optimizer operator (#4733) 7 years ago
adam_op.h Removing updates of Beta1 and Beta2 power accumulators outside the op (#4925) 7 years ago
adamax_op.cc Adding the doc format for AdaDelta, AdaMax, Adam, AdaGrad, BatchNorm, Clip, Cast and AUC (#5317) 7 years ago
adamax_op.cu Implementing the Adamax optimizer operator (#4538) 7 years ago
adamax_op.h Removing updates of Beta1 power accumulators outside the op (#4931) 7 years ago
array_operator.h feature/while_grad_op (#5554) 7 years ago
array_to_lod_tensor_op.cc Add grad for lodtensor array ops (#5461) 7 years ago
assign_op.cc Assign Operator. (#5531) 7 years ago
auc_op.cc Polish OpWithKernel 7 years ago
auc_op.h Refine evaluator op types (#5208) 7 years ago
batch_norm_op.cc Remove fill_constant_batch_size_like_op.h and clean some operator codes. 7 years ago
batch_norm_op.cu.cc Use G++ to compile some cu operators. 7 years ago
batch_norm_op.h CPU Batch Norm Op (#4964) 7 years ago
batch_norm_op.md Design doc: Batch Normalization Operator (#3748) 7 years ago
beam_search_decode_op.cc Beam search decode op python (#5631) 7 years ago
beam_search_decode_op.h BeamSearchDecodeOp (#5498) 7 years ago
beam_search_decode_op_test.cc BeamSearchDecodeOp (#5498) 7 years ago
beam_search_op.cc feature/beam search op (#5052) 7 years ago
beam_search_op.h feature/beam search op (#5052) 7 years ago
bilinear_tensor_product_op.cc refine docString 7 years ago
bilinear_tensor_product_op.cu refine docString 7 years ago
bilinear_tensor_product_op.h Remove the unused code. 7 years ago
cast_op.cc Adding the doc format for AdaDelta, AdaMax, Adam, AdaGrad, BatchNorm, Clip, Cast and AUC (#5317) 7 years ago
cast_op.cu Cast Operator (#5149) 7 years ago
cast_op.h Cast Operator (#5149) 7 years ago
chunk_eval_op.cc IndicateDataType --> GetKernelType 7 years ago
chunk_eval_op.h Refine ChunkEvalOp by following comments and rewrite the doc 7 years ago
clip_by_norm_op.cc fix CI 7 years ago
clip_by_norm_op.cu fix doc and code style 7 years ago
clip_by_norm_op.h fix doc and code style 7 years ago
clip_op.cc Adding the doc format for AdaDelta, AdaMax, Adam, AdaGrad, BatchNorm, Clip, Cast and AUC (#5317) 7 years ago
clip_op.cu Update transform invocation 8 years ago
clip_op.h Add Skeleton of Double support 7 years ago
compare_op.cc Adding greater than and less than equal ops to compare op (#5609) 7 years ago
compare_op.cu Adding greater than and less than equal ops to compare op (#5609) 7 years ago
compare_op.h Adding greater than and less than equal ops to compare op (#5609) 7 years ago
concat_op.cc Polish from concat to conv shift operators (#5347) 7 years ago
concat_op.cu.cc Use G++ to compile some cu operators. 7 years ago
concat_op.h Fix compile 7 years ago
cond_op.cc Polish from concat to conv shift operators (#5347) 7 years ago
cond_op.h remove Runtime InferShape for cond op (#4518) 7 years ago
conditional_block_op.cc Conditional Block Forward (#5530) 7 years ago
conv2d_transpose_cudnn_op.cc deconv2d kernel and deconv3d kernel write together 7 years ago
conv2d_transpose_cudnn_op.cu.cc Use G++ to compile some cu operators. 7 years ago
conv_cudnn_op.cc add dilation for im2col 7 years ago
conv_cudnn_op.cu.cc Use G++ to compile some cu operators. 7 years ago
conv_op.cc Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into refine_im2col 7 years ago
conv_op.cu.cc Use G++ to compile some cu operators. 7 years ago
conv_op.h follow comments 7 years ago
conv_shift_op.cc Polish from concat to conv shift operators (#5347) 7 years ago
conv_shift_op.cu address PR feedback 7 years ago
conv_shift_op.h Conv Shift Operator (#4591) 7 years ago
conv_transpose_op.cc Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into refine_im2col 7 years ago
conv_transpose_op.cu.cc Use G++ to compile some cu operators. 7 years ago
conv_transpose_op.h follow comments 7 years ago
cos_sim_op.cc polish doc c to d 7 years ago
cos_sim_op.cu Add cos_sim op. 8 years ago
cos_sim_op.h Fix cos_sim_op in debug mode. 7 years ago
crf_decoding_op.cc Polish OpWithKernel 7 years ago
crf_decoding_op.h Add the crf_decoding operator. (#5352) 7 years ago
crop_op.cc polish doc c to d 7 years ago
crop_op.cu Use stridecpy instead of CUDA kernel 8 years ago
crop_op.h Add Skeleton of Double support 7 years ago
cross_entropy_op.cc Polish OpWithKernel 7 years ago
cross_entropy_op.cu Resume unit testing. 7 years ago
cross_entropy_op.h support sparse output for lookup table grad op (#5145) 7 years ago
decayed_adagrad_op.cc polish doc c to d 7 years ago
decayed_adagrad_op.cu Implementing the Decayed Adagrad optimizer operator (#4645) 7 years ago
decayed_adagrad_op.h Implementing the Decayed Adagrad optimizer operator (#4645) 7 years ago
dropout_op.cc polish doc c to d 7 years ago
dropout_op.cu Add Skeleton of Double support 7 years ago
dropout_op.h update _create_op_func_ and support generate dropout layer (#5134) 7 years ago
dynamic_recurrent_op.cc polish doc c to d 7 years ago
dynamic_recurrent_op.h feature/dynamic recurrent op forward and backward (#4799) 7 years ago
dynamic_recurrent_op_test.cc Feature/executor use program bind (#5196) 7 years ago
elementwise_add_op.cc "add elementwise_add more type" 7 years ago
elementwise_add_op.cu "fix gpu related op registered" (#5647) 7 years ago
elementwise_add_op.h Add Skeleton of Double support 7 years ago
elementwise_div_op.cc "add elementwise op support" 7 years ago
elementwise_div_op.cu "fix gpu related op registered" (#5647) 7 years ago
elementwise_div_op.h Add Skeleton of Double support 7 years ago
elementwise_mul_op.cc "add elementwise op support" 7 years ago
elementwise_mul_op.cu "fix gpu related op registered" (#5647) 7 years ago
elementwise_mul_op.h Add Skeleton of Double support 7 years ago
elementwise_op.h polish op from e to f (#5357) 7 years ago
elementwise_op_function.h fix elementwise add bug 7 years ago
elementwise_sub_op.cc "add elementwise op support" 7 years ago
elementwise_sub_op.cu "fix gpu related op registered" (#5647) 7 years ago
elementwise_sub_op.h Add Skeleton of Double support 7 years ago
expand_op.cc Add using case. 7 years ago
expand_op.cu Implemented by boost preprocessor. 8 years ago
expand_op.h Refine .cc and .h, more unit test more readable. 7 years ago
feed_op.cc polish op from e to f (#5357) 7 years ago
fetch_op.cc polish op from e to f (#5357) 7 years ago
fill_constant_batch_size_like_op.cc feature/while_grad_op (#5554) 7 years ago
fill_constant_batch_size_like_op.cu.cc feature/while_grad_op (#5554) 7 years ago
fill_constant_batch_size_like_op.h remove header file paddle/framework/eigen.h 7 years ago
fill_constant_op.cc Rewrite fill_constant op 7 years ago
fill_zeros_like_op.cc feature/while_grad_op (#5554) 7 years ago
fill_zeros_like_op.cu.cc feature/while_grad_op (#5554) 7 years ago
fill_zeros_like_op.h remove header file paddle/framework/eigen.h 7 years ago
gather.cu.h gather scatter fix according to google style 7 years ago
gather.h gather scatter fix according to google style 7 years ago
gather_op.cc Polish OpWithKernel 7 years ago
gather_op.cu gather scatter fix according to google style 7 years ago
gather_op.h gather scatter fix according to google style 7 years ago
gather_test.cc gather scatter fix according to google style 7 years ago
gaussian_random_op.cc Polish OpWithKernel 7 years ago
gaussian_random_op.cu Add Skeleton of Double support 7 years ago
gru_op.cc Refine GRU Operator by following comments 7 years ago
gru_op.cu.cc Use G++ to compile some cu operators. 7 years ago
gru_op.h Move RowwiseAdd functor to math_funcion and Add ColwiseSum functor. 7 years ago
gru_unit_op.cc polish_g_to_l (#5367) 7 years ago
gru_unit_op.cu Gradient check use graph (#5027) 7 years ago
gru_unit_op.h Refine gru_unit_op by optional bias 7 years ago
huber_loss_op.cc polish_g_to_l (#5367) 7 years ago
huber_loss_op.cu Add huber loss operator. 8 years ago
huber_loss_op.h Using static_cast to make more robust. 7 years ago
increment_op.cc Add increment op 7 years ago
is_empty_op.cc add is empty op (#5639) 7 years ago
l1_norm_op.cc polish_g_to_l (#5367) 7 years ago
l1_norm_op.cu Adding L1 norm op for L1 regularization (#5058) 7 years ago
l1_norm_op.h Fix l1_norm_op and squared_l2_norm_op for debug mode (#5560) 7 years ago
linear_chain_crf_op.cc Polish OpWithKernel 7 years ago
linear_chain_crf_op.cu add gpu kernel by copying inputs/outputs between cpu and gpu. 7 years ago
linear_chain_crf_op.h Add the crf_decoding operator. (#5352) 7 years ago
load_op.cc polish_g_to_l (#5367) 7 years ago
lod_array_length_op.cc Add `lod_array_length` operator 7 years ago
lod_rank_table_op.cc feature/while_op (#5502) 7 years ago
lod_reset_op.cc bug fix in lod_reset_op: cast int to size_t in LoD 7 years ago
lod_reset_op.cu bug fix in lod_reset_op: cast int to size_t in LoD 7 years ago
lod_reset_op.h trigger ci for lod_reset_op 7 years ago
lod_tensor_to_array_op.cc Add grad for lodtensor array ops (#5461) 7 years ago
lookup_table_op.cc Polish OpWithKernel 7 years ago
lookup_table_op.cu update 7 years ago
lookup_table_op.h Fix bug in lookup_table_op & layers (#5298) 7 years ago
lrn_op.cc polish_g_to_l (#5367) 7 years ago
lrn_op.cu Local response normalize. (#4426) 7 years ago
lrn_op.h Local response normalize. (#4426) 7 years ago
lstm_op.cc follow comments. 7 years ago
lstm_op.cu.cc Use G++ to compile some cu operators. 7 years ago
lstm_op.h Move RowwiseAdd functor to math_funcion and Add ColwiseSum functor. 7 years ago
lstm_unit_op.cc Static lstm sanity check (#5365) 7 years ago
lstm_unit_op.cu add acknowledgement of lstm_unit_op (#5293) 7 years ago
lstm_unit_op.h add acknowledgement of lstm_unit_op (#5293) 7 years ago
margin_rank_loss_op.cc Polish Operator Doc (m) (#5375) 7 years ago
margin_rank_loss_op.cu pass unit test for margin_rank_loss_op 8 years ago
margin_rank_loss_op.h improve doc in margin_rank_loss_op 7 years ago
matmul_op.cc Polish Operator Doc (m) (#5375) 7 years ago
matmul_op.cu.cc Use G++ to compile some cu operators. 7 years ago
matmul_op.h Fix matmal_op for debug mode 7 years ago
mean_op.cc Add grad for lodtensor array ops (#5461) 7 years ago
mean_op.cu Gradient check use graph (#5027) 7 years ago
mean_op.h Add Skeleton of Double support 7 years ago
merge_lod_tensor_op.cc add split and merge lod tensor operator (#5537) 7 years ago
minus_op.cc Polish Operator Doc (m) (#5375) 7 years ago
minus_op.cu Add minus 8 years ago
minus_op.h Add Skeleton of Double support 7 years ago
modified_huber_loss_op.cc Polish Operator Doc (m) (#5375) 7 years ago
modified_huber_loss_op.cu Add Skeleton of Double support 7 years ago
modified_huber_loss_op.h Add Skeleton of Double support 7 years ago
momentum_op.cc Fix attribute naming for momentum_op (#5453) 7 years ago
momentum_op.cu Add momentum operator 7 years ago
momentum_op.h Fix attribute naming for momentum_op (#5453) 7 years ago
mul_op.cc Polish Operator Doc (m) (#5375) 7 years ago
mul_op.cu.cc Use G++ to compile some cu operators. 7 years ago
mul_op.h remove header file paddle/framework/eigen.h 7 years ago
multiplex_op.cc Polish OpWithKernel 7 years ago
multiplex_op.cu fix compile 7 years ago
multiplex_op.h Add Skeleton of Double support 7 years ago
name_convention.md Polish Operators Docs (r) (#5377) 7 years ago
nccl_op.cc Polish operator docs (n to p) (#5376) 7 years ago
nccl_op.cu.cc Use G++ to compile some cu operators. 7 years ago
nccl_op_test.cu.cc Use G++ to compile some cu operators. 7 years ago
net_op.cc refine backward 8 years ago
net_op.h Use PROTO_LITE when refactoring Paddle 7 years ago
net_op_design.md move net_op to operators/ (#3201) 8 years ago
net_op_test.cc Remove OperatorBase::InferShape 7 years ago
pad_op.cc Polish operator docs (n to p) (#5376) 7 years ago
pad_op.cu Add pad op 8 years ago
pad_op.h Add Skeleton of Double support 7 years ago
pool_cudnn_op.cc fix doc 7 years ago
pool_cudnn_op.cu.cc Use G++ to compile some cu operators. 7 years ago
pool_cudnn_op.h follow comments 7 years ago
pool_op.cc fix attr name 7 years ago
pool_op.cu.cc Use G++ to compile some cu operators. 7 years ago
pool_op.h fix pooling functor parameter order 7 years ago
pool_with_index_op.cc fix attr name 7 years ago
pool_with_index_op.cu.cc Use G++ to compile some cu operators. 7 years ago
pool_with_index_op.h Update code and fix conflicts 7 years ago
positive_negative_pair_op.cc Polish OpWithKernel 7 years ago
positive_negative_pair_op.h update data types and test cases 7 years ago
precision_recall_op.cc Polish OpWithKernel 7 years ago
precision_recall_op.h Refine and follow comments. 7 years ago
prelu_op.cc Polish operator docs (n to p) (#5376) 7 years ago
prelu_op.cu prelu with gpu 8 years ago
prelu_op.h Add Skeleton of Double support 7 years ago
proximal_adagrad_op.cc Polish operator docs (n to p) (#5376) 7 years ago
proximal_adagrad_op.cu Add proximal adagrad optimizer (#5128) 7 years ago
proximal_adagrad_op.h Add proximal adagrad optimizer (#5128) 7 years ago
proximal_gd_op.cc Polish operator docs (n to p) (#5376) 7 years ago
proximal_gd_op.cu Adding Proximal Gradient Descent (#4848) 7 years ago
proximal_gd_op.h Adding Proximal Gradient Descent (#4848) 7 years ago
rank_loss_op.cc Polish Operators Docs (r) (#5377) 7 years ago
rank_loss_op.cu add rank_loss operator 8 years ago
rank_loss_op.h Add Skeleton of Double support 7 years ago
recurrent_op.cc Add Scope::Rename (#5534) 7 years ago
reduce_op.cc Polish Operators Docs (r) (#5377) 7 years ago
reduce_op.cu Unify Reduce functions and simplify register code 7 years ago
reduce_op.h "fix ci" 7 years ago
reshape_op.cc Polish Operators Docs (r) (#5377) 7 years ago
reshape_op.cu.cc Use G++ to compile some cu operators. 7 years ago
reshape_op.h 03 image classification (#5192) 7 years ago
rmsprop_op.cc Polish Operators Docs (r) (#5377) 7 years ago
rmsprop_op.cu Adding the implementation for rmsprop operator 7 years ago
rmsprop_op.h Updated RMSProp to have learning rate as an input and work with GPU 7 years ago
rnn_design.md update more details 8 years ago
rnn_memory_helper_op.cc Rewrite StaticRNN with Executor (#5224) 7 years ago
save_load_op_test.cc Use posix_memalign to allocate aligned memory, since some SIMD instructions require the alignment of memory accesses. 7 years ago
save_op.cc Polish operator documentation (#5356) 7 years ago
scale_op.cc Polish operator documentation (#5356) 7 years ago
scale_op.cu Gradient check use graph (#5027) 7 years ago
scale_op.h Gradient check use graph (#5027) 7 years ago
scatter.cu.h gather scatter fix according to google style 7 years ago
scatter.h gather scatter fix according to google style 7 years ago
scatter_op.cc Polish OpWithKernel 7 years ago
scatter_op.cu Remove template parameter for Tensor methods (#4937) 7 years ago
scatter_op.h Remove template parameter for Tensor methods (#4937) 7 years ago
scatter_test.cc gather scatter fix according to google style 7 years ago
seq_expand_op.cc Fixing documentation for operators (#5373) 7 years ago
seq_expand_op.cu Add seq_expand op 7 years ago
seq_expand_op.h Fix comparing between signed and unsigned values (#5328) 7 years ago
sequence_concat_op.cc BeamSearchDecodeOp (#5498) 7 years ago
sequence_concat_op.cu.cc Use G++ to compile some cu operators. 7 years ago
sequence_concat_op.h Fix seq concat op with refactoring LoD (#5486) 7 years ago
sequence_conv_op.cc Fixing documentation for operators (#5373) 7 years ago
sequence_conv_op.cu.cc Use G++ to compile some cu operators. 7 years ago
sequence_conv_op.h Update code and fix conflicts. 7 years ago
sequence_pool_op.cc Polish OpWithKernel 7 years ago
sequence_pool_op.cu implement framework of seq_pool_op and its unitest 8 years ago
sequence_pool_op.h Fix sequence_pool_op in debug mode 7 years ago
sequence_softmax_op.cc Fixing documentation for operators (#5373) 7 years ago
sequence_softmax_op.cu.cc Use G++ to compile some cu operators. 7 years ago
sequence_softmax_op.h Remove fill_constant_batch_size_like_op.h and clean some operator codes. 7 years ago
sgd_op.cc Polish operator documentation (#5356) 7 years ago
sgd_op.cu support adagrad sparse update (#5272) 7 years ago
sgd_op.h fix gpu build error 7 years ago
shrink_rnn_memory_op.cc Rename shrink_state -> shrink_rnn_memory 7 years ago
sigmoid_cross_entropy_with_logits_op.cc Fixing documentation for operators (#5373) 7 years ago
sigmoid_cross_entropy_with_logits_op.cu Adding support for the sigmoid_cross_entropy_with_logits operator (#4448) 7 years ago
sigmoid_cross_entropy_with_logits_op.h FIx sigmoid_xe_with_logits_op compile 7 years ago
sign_op.cc Polish operator documentation (#5356) 7 years ago
sign_op.cu Adding the Sign Op for L1 Weight Decay Regularization (#5138) 7 years ago
sign_op.h Adding the Sign Op for L1 Weight Decay Regularization (#5138) 7 years ago
smooth_l1_loss_op.cc Fixing documentations for few more operators (#5374) 7 years ago
smooth_l1_loss_op.cu Complete smooth_l1_loss_op. 8 years ago
smooth_l1_loss_op.h Add Skeleton of Double support 7 years ago
softmax_op.cc Fixing documentations for few more operators (#5374) 7 years ago
softmax_op.cu.cc Use G++ to compile some cu operators. 7 years ago
softmax_op.h Fix bug. 7 years ago
softmax_with_cross_entropy_op.cc Fix compling for softmax_with_cross_entropy_op. 7 years ago
softmax_with_cross_entropy_op.cu fix softmax with cross entropy op. 7 years ago
softmax_with_cross_entropy_op.h fix softmax with cross entropy op. 7 years ago
split_lod_tensor_op.cc add split and merge lod tensor operator (#5537) 7 years ago
split_op.cc Polish operator documentation (#5356) 7 years ago
split_op.cu.cc Use G++ to compile some cu operators. 7 years ago
split_op.h Merge branch 'develop' of github.com:baidu/Paddle into feature/make_paddle_support_double 7 years ago
squared_l2_distance_op.cc Polish operator documentation (#5356) 7 years ago
squared_l2_distance_op.cu Finish framework of squared_l2_distance_op. 8 years ago
squared_l2_distance_op.h Add Skeleton of Double support 7 years ago
squared_l2_norm_op.cc Polish operator documentation (#5356) 7 years ago
squared_l2_norm_op.cu Adding the squared L2 norm operator for L2 regularization (#5030) 7 years ago
squared_l2_norm_op.h Fix l1_norm_op and squared_l2_norm_op for debug mode (#5560) 7 years ago
strided_memcpy.h Renamed to strided_memcpy and prettify unittests 8 years ago
strided_memcpy_test.cc Use PADDLE_WITH_CUDA instead of PADDLE_WITH_GPU 7 years ago
sum_op.cc feature/while_grad_op (#5554) 7 years ago
sum_op.cu Gradient check use graph (#5027) 7 years ago
sum_op.h Add unittest, backward of array read/write op (#5409) 7 years ago
tensor_array_read_write_op.cc feature/while_grad_op (#5554) 7 years ago
top_k_op.cc Polish the documentation for uniform_random and top_k ops (#5353) 7 years ago
top_k_op.cu Fix top k op GPU code (#5221) 7 years ago
top_k_op.h Fix a type error top_k_op (#5201) 7 years ago
transpose_op.cc Fixing documentations for few more operators (#5374) 7 years ago
transpose_op.cu.cc Use G++ to compile some cu operators. 7 years ago
transpose_op.h Use G++ to compile some cu operators. 7 years ago
uniform_random_op.cc Polish OpWithKernel 7 years ago
uniform_random_op.cu support sparse output for lookup table grad op (#5145) 7 years ago
while_op.cc feature/while_grad_op (#5554) 7 years ago