Paddle/paddle/operators
kavyasrinet 35420cdf63
Updating the Latex equation for Adagrad ()
7 years ago
..
detail Add back print_operators_doc () 7 years ago
images
math unify MKL macro definition 7 years ago
nccl Fix a dead lock bug for dyload/nccl.h when nccl lib cannot be loaded () 7 years ago
.clang-format
CMakeLists.txt Merge pull request from typhoonzero/add_switch_distributed 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" () 7 years ago
accuracy_op.h Merge remote-tracking branch 'origin/develop' into feature/evaluator 7 years ago
activation_op.cc Swish activation operator () 7 years ago
activation_op.cu Gradient check use graph () 7 years ago
activation_op.h Swish activation operator () 7 years ago
adadelta_op.cc Updating the Latex equation for Adagrad () 7 years ago
adadelta_op.cu Support many data types of several operators () 7 years ago
adadelta_op.h Support many data types of several operators () 7 years ago
adagrad_op.cc Updating the Latex equation for Adagrad () 7 years ago
adagrad_op.cu Support many data types of several operators () 7 years ago
adagrad_op.h support adagrad sparse update () 7 years ago
adam_op.cc Updating the Latex equation for Adagrad () 7 years ago
adam_op.cu Support many data types of several operators () 7 years ago
adam_op.h Support many data types of several operators () 7 years ago
adamax_op.cc Updating the Latex equation for Adagrad () 7 years ago
adamax_op.cu Support many data types of several operators () 7 years ago
adamax_op.h Support many data types of several operators () 7 years ago
array_operator.h Feature/copytensor () 7 years ago
array_to_lod_tensor_op.cc Feature/copytensor () 7 years ago
assign_op.cc Feature/copytensor () 7 years ago
auc_op.cc Polish OpWithKernel 7 years ago
auc_op.h Refine evaluator op types () 7 years ago
batch_norm_op.cc batch norm support matrix input () 7 years ago
batch_norm_op.cu.cc batch norm support matrix input () 7 years ago
batch_norm_op.h
batch_norm_op.md
beam_search_decode_op.cc beam_search_decode support multi data type () 7 years ago
beam_search_decode_op.h Feature/copytensor () 7 years ago
beam_search_decode_op_test.cc BeamSearchDecodeOp () 7 years ago
beam_search_op.cc fix some warning with MKLDNN related codes and etc 7 years ago
beam_search_op.h feature/beam search op () 7 years ago
bilinear_tensor_product_op.cc refine the latex mark 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 Unify dtype and datatype () 7 years ago
cast_op.cu Cast Operator () 7 years ago
cast_op.h Unify dtype and datatype () 7 years ago
chunk_eval_op.cc add chunk eval layer () 7 years ago
chunk_eval_op.h add chunk eval layer () 7 years ago
clip_by_norm_op.cc fix latex equation for clip by norm op () 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 fix clip op doc operation () 7 years ago
clip_op.cu
clip_op.h
compare_op.cc Adding greater than and less than equal ops to compare op () 7 years ago
compare_op.cu Adding greater than and less than equal ops to compare op () 7 years ago
compare_op.h Adding greater than and less than equal ops to compare op () 7 years ago
concat_op.cc Nmt decoder train () 7 years ago
concat_op.cu.cc Use G++ to compile some cu operators. 7 years ago
concat_op.h
cond_op.cc Polish from concat to conv shift operators () 7 years ago
cond_op.h
conditional_block_op.cc Fix gcc4.9 () 7 years ago
conv_cudnn_op.cc Conv cudnn 3d () 7 years ago
conv_cudnn_op.cu.cc fix int overflow 7 years ago
conv_op.cc fix conv and conv_trans op doc 7 years ago
conv_op.cu.cc add double type kernel 7 years ago
conv_op.h refine code 7 years ago
conv_shift_op.cc Polish from concat to conv shift operators () 7 years ago
conv_shift_op.cu address PR feedback 7 years ago
conv_shift_op.h
conv_transpose_cudnn_op.cc add double type for kernel 7 years ago
conv_transpose_cudnn_op.cu.cc add double type for kernel 7 years ago
conv_transpose_op.cc Add Python wrap of conv2d_transpose and its unittest () 7 years ago
conv_transpose_op.cu.cc add double type kernel 7 years ago
conv_transpose_op.h fix conv and conv_trans op doc 7 years ago
cos_sim_op.cc polish doc c to d 7 years ago
cos_sim_op.cu
cos_sim_op.h Fix cos_sim_op in debug mode. 7 years ago
crf_decoding_op.cc add crf_decoding layer () 7 years ago
crf_decoding_op.h add crf_decoding layer () 7 years ago
crop_op.cc polish doc c to d 7 years ago
crop_op.cu
crop_op.h
cross_entropy_op.cc Nmt decoder train () 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 () 7 years ago
decayed_adagrad_op.cc polish doc c to d 7 years ago
decayed_adagrad_op.cu
decayed_adagrad_op.h
dropout_op.cc support testing when training and handle dropout and batch_norm operator in testing mode () 7 years ago
dropout_op.cu support testing when training and handle dropout and batch_norm operator in testing mode () 7 years ago
dropout_op.h support testing when training and handle dropout and batch_norm operator in testing mode () 7 years ago
elementwise_add_op.cc "add elementwise_add more type" 7 years ago
elementwise_add_op.cu "fix gpu related op registered" () 7 years ago
elementwise_add_op.h refine code 7 years ago
elementwise_div_op.cc "add elementwise op support" 7 years ago
elementwise_div_op.cu "fix gpu related op registered" () 7 years ago
elementwise_div_op.h
elementwise_mul_op.cc "add elementwise op support" 7 years ago
elementwise_mul_op.cu "fix gpu related op registered" () 7 years ago
elementwise_mul_op.h
elementwise_op.h Fix the proformance problem of enforce () 7 years ago
elementwise_op_function.h refine code 7 years ago
elementwise_sub_op.cc "add elementwise op support" 7 years ago
elementwise_sub_op.cu "fix gpu related op registered" () 7 years ago
elementwise_sub_op.h
expand_op.cc Add using case. 7 years ago
expand_op.cu
expand_op.h Feature/copytensor () 7 years ago
feed_op.cc Feature/copytensor () 7 years ago
fetch_op.cc Feature/copytensor () 7 years ago
fill_constant_batch_size_like_op.cc Unify dtype and datatype () 7 years ago
fill_constant_batch_size_like_op.cu.cc feature/while_grad_op () 7 years ago
fill_constant_batch_size_like_op.h remove header file paddle/framework/eigen.h 7 years ago
fill_constant_op.cc Unify dtype and datatype () 7 years ago
fill_zeros_like_op.cc feature/while_grad_op () 7 years ago
fill_zeros_like_op.cu.cc feature/while_grad_op () 7 years ago
fill_zeros_like_op.h remove header file paddle/framework/eigen.h 7 years ago
ftrl_op.cc Adding the FTRL optimizer. () 7 years ago
ftrl_op.cu Adding the FTRL optimizer. () 7 years ago
ftrl_op.h Adding the FTRL optimizer. () 7 years ago
gather.cu.h
gather.h
gather_op.cc Polish OpWithKernel 7 years ago
gather_op.cu
gather_op.h
gather_test.cc
gaussian_random_op.cc Unify dtype and datatype () 7 years ago
gaussian_random_op.cu
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 Fix gru_op related code style 7 years ago
gru_unit_op.cc Fix calculations in gru_unit_op 7 years ago
gru_unit_op.cu Gradient check use graph () 7 years ago
gru_unit_op.h Feature/copytensor () 7 years ago
hinge_loss_op.cc Add hinge loss op () 7 years ago
hinge_loss_op.cu Add hinge loss op () 7 years ago
hinge_loss_op.h Add hinge loss op () 7 years ago
huber_loss_op.cc Add more comment. 7 years ago
huber_loss_op.cu
huber_loss_op.h Using static_cast to make more robust. 7 years ago
increment_op.cc While op forward for sentimental analysis () 7 years ago
is_empty_op.cc add is empty op () 7 years ago
l1_norm_op.cc polish_g_to_l () 7 years ago
l1_norm_op.cu Adding L1 norm op for L1 regularization () 7 years ago
l1_norm_op.h Fix l1_norm_op and squared_l2_norm_op for debug mode () 7 years ago
linear_chain_crf_op.cc fix LaTeX syntax in liear_chain_crf op. 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 Feature/copytensor () 7 years ago
load_op.cc Send recv op () 7 years ago
lod_array_length_op.cc fix lod_array_lengh op equation () 7 years ago
lod_rank_table_op.cc feature/while_op () 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 Feature/copytensor () 7 years ago
lod_tensor_to_array_op.cc While op forward for sentimental analysis () 7 years ago
log_loss_op.cc Adding log loss operator () 7 years ago
log_loss_op.cu Adding log loss operator () 7 years ago
log_loss_op.h Adding log loss operator () 7 years ago
logical_op.cc Fix equation in logical or op () 7 years ago
logical_op.cu Adding logical operators for beam search and control flow () 7 years ago
logical_op.h Adding logical operators for beam search and control flow () 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 () 7 years ago
lrn_op.cc Add LRN efficient GPU implement. () 7 years ago
lrn_op.cu Add LRN efficient GPU implement. () 7 years ago
lrn_op.h Add LRN efficient GPU implement. () 7 years ago
lstm_op.cc Fix the doc of LSTM operator. 7 years ago
lstm_op.cu.cc Use G++ to compile some cu operators. 7 years ago
lstm_op.h Make lstm_op follow google code style. 7 years ago
lstm_unit_op.cc Static lstm sanity check () 7 years ago
lstm_unit_op.cu add acknowledgement of lstm_unit_op () 7 years ago
lstm_unit_op.h add acknowledgement of lstm_unit_op () 7 years ago
margin_rank_loss_op.cc Polish Operator Doc (m) () 7 years ago
margin_rank_loss_op.cu
margin_rank_loss_op.h
matmul_op.cc Polish Operator Doc (m) () 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
max_sequence_len_op.cc Compelete max_sequence_len_op () 7 years ago
maxout_op.cc fix maxout op latex equation () 7 years ago
maxout_op.cu.cc refine test_recognize_digits_mlp and format codes () 7 years ago
maxout_op.h refine test_recognize_digits_mlp and format codes () 7 years ago
mean_op.cc Add grad for lodtensor array ops () 7 years ago
mean_op.cu Gradient check use graph () 7 years ago
mean_op.h
merge_lod_tensor_op.cc Feature/copytensor () 7 years ago
minus_op.cc Polish Operator Doc (m) () 7 years ago
minus_op.cu
minus_op.h
modified_huber_loss_op.cc Polish Operator Doc (m) () 7 years ago
modified_huber_loss_op.cu
modified_huber_loss_op.h
momentum_op.cc Update cuda kernel and doc. 7 years ago
momentum_op.cu Update cuda kernel and doc. 7 years ago
momentum_op.h Refine the Eigen usage for CPU implementation. 7 years ago
mul_op.cc Polish Operator Doc (m) () 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 While op forward for sentimental analysis () 7 years ago
multiplex_op.cu Feature/copytensor () 7 years ago
multiplex_op.h
name_convention.md Polish Operators Docs (r) () 7 years ago
nccl_op.cc Unify dtype and datatype () 7 years ago
nccl_op.cu.cc Use G++ to compile some cu operators. 7 years ago
nccl_op_test.cu.cc Feature/copytensor () 7 years ago
nce_op.cc Fix unitest. 7 years ago
nce_op.h Fix warning about comparison of integers of different signs 7 years ago
net_op.cc
net_op.h Fix gcc4.9 () 7 years ago
net_op_design.md
net_op_test.cc Fix gcc4.9 () 7 years ago
pad_op.cc Polish operator docs (n to p) () 7 years ago
pad_op.cu
pad_op.h
pool_cudnn_op.cc add double type for kernel 7 years ago
pool_cudnn_op.cu.cc add double type for kernel 7 years ago
pool_cudnn_op.h follow comments 7 years ago
pool_op.cc fix conv and conv_trans op doc 7 years ago
pool_op.cu.cc add double type for kernel 7 years ago
pool_op.h fix pooling functor parameter order 7 years ago
pool_with_index_op.cc fix conv and conv_trans op doc 7 years ago
pool_with_index_op.cu.cc remove conflict 7 years ago
pool_with_index_op.h input type should be different 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) () 7 years ago
prelu_op.cu
prelu_op.h
proximal_adagrad_op.cc Polish operator docs (n to p) () 7 years ago
proximal_adagrad_op.cu
proximal_adagrad_op.h
proximal_gd_op.cc Polish operator docs (n to p) () 7 years ago
proximal_gd_op.cu
proximal_gd_op.h
rank_loss_op.cc fix the doc display problem in rank_loss_op 7 years ago
rank_loss_op.cu Revise comments in rank_loss_op 7 years ago
rank_loss_op.h Revise comments in rank_loss_op 7 years ago
recurrent_op.cc Fix gcc4.9 () 7 years ago
recv_op.cc update 7 years ago
reduce_op.cc Polish Operators Docs (r) () 7 years ago
reduce_op.cu
reduce_op.h "fix ci" 7 years ago
reshape_op.cc Amend license and comments in reshape_op 7 years ago
reshape_op.cu Amend license and comments in reshape_op 7 years ago
reshape_op.h Amend license and comments in reshape_op 7 years ago
rmsprop_op.cc Polish Operators Docs (r) () 7 years ago
rmsprop_op.cu
rmsprop_op.h
rnn_design.md
rnn_memory_helper_op.cc Unify dtype and datatype () 7 years ago
roi_pool_op.cc refine test_recognize_digits_mlp and format codes () 7 years ago
roi_pool_op.cu refine test_recognize_digits_mlp and format codes () 7 years ago
roi_pool_op.h refine test_recognize_digits_mlp and format codes () 7 years ago
row_conv_op.cc Add row conv operator () 7 years ago
row_conv_op.cu Add row conv operator () 7 years ago
row_conv_op.h Add row conv operator () 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 Send recv op () 7 years ago
scale_op.cc Make 'scale_op' supporting int and int64 () 7 years ago
scale_op.cu Make 'scale_op' supporting int and int64 () 7 years ago
scale_op.h Gradient check use graph () 7 years ago
scatter.cu.h
scatter.h
scatter_op.cc fix scatter op equation () 7 years ago
scatter_op.cu
scatter_op.h
scatter_test.cc
send_op.cc Send recv op () 7 years ago
send_recv_op_test.cc update 7 years ago
seq_expand_op.cc Fixing documentation for operators () 7 years ago
seq_expand_op.cu
seq_expand_op.h Fix comparing between signed and unsigned values () 7 years ago
sequence_concat_op.cc BeamSearchDecodeOp () 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 () 7 years ago
sequence_conv_op.cc Support many data types of several operators () 7 years ago
sequence_conv_op.cu.cc Support many data types of several operators () 7 years ago
sequence_conv_op.h Update code and fix conflicts. 7 years ago
sequence_pool_op.cc Fix equations in sequence_pool op () 7 years ago
sequence_pool_op.cu
sequence_pool_op.h Fix sequence_pool_op in debug mode 7 years ago
sequence_slice_op.cc refine test_recognize_digits_mlp and format codes () 7 years ago
sequence_slice_op.cu update the sub_sequence_op to sequence_slice_op code. 7 years ago
sequence_slice_op.h Fix the proformance problem of enforce () 7 years ago
sequence_softmax_op.cc Fixing documentation for operators () 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 Fix the latex comment syntax in sgd_op.cc () 7 years ago
sgd_op.cu support adagrad sparse update () 7 years ago
sgd_op.h
shrink_rnn_memory_op.cc Complete shrink_rnn_memory_op comments () 7 years ago
sigmoid_cross_entropy_with_logits_op.cc Expose sigmoid_cross_entropy_with_logits () 7 years ago
sigmoid_cross_entropy_with_logits_op.cu
sigmoid_cross_entropy_with_logits_op.h Expose sigmoid_cross_entropy_with_logits () 7 years ago
sign_op.cc Polish operator documentation () 7 years ago
sign_op.cu Adding the Sign Op for L1 Weight Decay Regularization () 7 years ago
sign_op.h Adding the Sign Op for L1 Weight Decay Regularization () 7 years ago
smooth_l1_loss_op.cc Refine doc for smooth l1 loss op. 7 years ago
smooth_l1_loss_op.cu
smooth_l1_loss_op.h
softmax_op.cc fix LaTeX syntax in liear_chain_crf op. 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 Make the new framework independent the old framework. () 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 Feature/copytensor () 7 years ago
split_op.cc Polish operator documentation () 7 years ago
split_op.cu.cc Use G++ to compile some cu operators. 7 years ago
split_op.h
squared_l2_distance_op.cc Polish operator documentation () 7 years ago
squared_l2_distance_op.cu
squared_l2_distance_op.h
squared_l2_norm_op.cc Polish operator documentation () 7 years ago
squared_l2_norm_op.cu
squared_l2_norm_op.h Fix l1_norm_op and squared_l2_norm_op for debug mode () 7 years ago
strided_memcpy.h
strided_memcpy_test.cc
sum_op.cc While op forward for sentimental analysis () 7 years ago
sum_op.cu Feature/support int64 for sum () 7 years ago
sum_op.h While op forward for sentimental analysis () 7 years ago
tensor.save Feature/copytensor () 7 years ago
tensor_array_read_write_op.cc fix read and write tensor array op () 7 years ago
top_k_op.cc Polish the documentation for uniform_random and top_k ops () 7 years ago
top_k_op.cu Fix top k op GPU code () 7 years ago
top_k_op.h Fix a type error top_k_op () 7 years ago
transpose_op.cc Fixing documentations for few more operators () 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 Unify dtype and datatype () 7 years ago
uniform_random_op.cu support sparse output for lookup table grad op () 7 years ago
unpool_op.cc format .. 7 years ago
unpool_op.cu.cc format code 7 years ago
unpool_op.h format code 7 years ago
while_op.cc Fix gcc4.9 () 7 years ago