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
TeslaZhao 11adb0f373
[cherry-pick] Add xpu transpose2 op.test=kunlun (#28096)
5 years ago
..
amp fix error message showing in UpdateLossScalingOp (#27596) 5 years ago
benchmark Refine PADDLE_ENFORCE (#27360) 5 years ago
collective fix distributed error info (#27206) 5 years ago
controlflow Multi task (#26002) 5 years ago
detail Polish some error message in opeators (#27876) 5 years ago
detection update yolo_box support h != w. test=develop (#28054) 5 years ago
distributed Feature/large scale kv save base/delta (#27470) (#27990) 5 years ago
distributed_ops Feature/large scale kv save base/delta (#27470) (#27990) 5 years ago
elementwise Fix xpu error message (#28061) (#28092) 5 years ago
fused Polish some error message in opeators (#27876) 5 years ago
jit Refine PADDLE_ENFORCE (#27360) 5 years ago
lite Lite subgraph refine predictor (#27167) 5 years ago
math xpu support for fill_constant Op (#27675) 5 years ago
metrics Support setting xpu place in dygraph mode (#27909) 5 years ago
mkldnn [oneDNN] Conv dilation support (#27914) (#28028) 5 years ago
nccl use iwyu clean include (#27267) 5 years ago
optimizers Fix xpu error message (#28061) (#28092) 5 years ago
reader use iwyu clean include (#27267) 5 years ago
reduce_ops add reduce xpu op test=develop;test=kunlun (#27960) 5 years ago
sequence_ops API(lstm_unit, lstmp, sequence_mask, sequence_enumerate, sequence_conv) error message enhancement (#27572) 5 years ago
tensorrt use iwyu clean include (#27267) 5 years ago
CMakeLists.txt Fix to issue #25537 (#27546) 5 years ago
activation_cudnn.cu.cc
activation_cudnn_op.cu.cc Optimize the error messages of the CUDA implementation of activation ops (#27741) 5 years ago
activation_op.cc register log double grad kernel for cpu and cuda 5 years ago
activation_op.cu register log double grad kernel for cpu and cuda 5 years ago
activation_op.h register log double grad kernel for cpu and cuda 5 years ago
activation_op_xpu.cc support elementwise add, activation, matmul on Baidu Kunlun (#27143) 5 years ago
add_position_encoding_op.cc Polish no onwer ops error message (#27448) 5 years ago
add_position_encoding_op.h
addmm_op.cc
addmm_op.cu
addmm_op.h
affine_channel_op.cc
affine_channel_op.cu
affine_grid_cudnn_op.cu.cc fix generate_proposals and affine grid error info (#27636) 5 years ago
affine_grid_op.cc 【2.0 API】Enhance affine grid operator (#26385) 5 years ago
affine_grid_op.cu Fix cuda kernel of affine grid (#27003) 5 years ago
affine_grid_op.h 【2.0 API】Enhance affine grid operator (#26385) 5 years ago
allclose_op.cc Allclose op (#27891) (#28069) 5 years ago
allclose_op.cu Allclose op (#27891) (#28069) 5 years ago
allclose_op.h Allclose op (#27891) (#28069) 5 years ago
arg_max_op.cc fix the argmin,argmax op for the paddlepaddle 2.0 5 years ago
arg_max_op.cu add cub impl for arg max, min (#25941) 5 years ago
arg_min_max_op_base.cu.h add the argmax, argmin for the api2.0 5 years ago
arg_min_max_op_base.h add the error message check for the some operator 5 years ago
arg_min_op.cc fix the argmin,argmax op for the paddlepaddle 2.0 5 years ago
arg_min_op.cu add cub impl for arg max, min (#25941) 5 years ago
argsort_op.cc
argsort_op.cu Optimize argsort Op performance on GPU 5 years ago
argsort_op.h
array_operator.h
array_to_lod_tensor_op.cc enhance array_to_lod_tensor_op lod_tensor_to_array_op errors informaiton (#27386) 5 years ago
assert_op.cc use iwyu clean include (#27267) 5 years ago
assign_op.cc use iwyu clean include (#27267) 5 years ago
assign_op.h [cherry-pick2.0]Add tensor clone 2.0 (#27982) 5 years ago
assign_op_test.cc use iwyu clean include (#27267) 5 years ago
assign_op_xpu.cc add cast/concat/assign xpu op (#27911) (#28050) 5 years ago
assign_value_op.cc use iwyu clean include (#27267) 5 years ago
assign_value_op.cu.cc
assign_value_op.h use iwyu clean include (#27267) 5 years ago
attention_lstm_op.cc
attention_lstm_op.h
average_accumulates_op.cc
average_accumulates_op.cu
average_accumulates_op.h Polish operators error message in average_accumlate OP (#27268) 5 years ago
batch_fc_op.cc
batch_fc_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
batch_fc_op.h
batch_norm_op.cc fix norm api doc, test=develop (#27652) 5 years ago
batch_norm_op.cu add double grad compute for batch norm (#27296) 5 years ago
batch_norm_op.h support channel last in BatchNorm*d (#27961) 5 years ago
batch_norm_op_xpu.cc Add batch_norm and layer_norm XPU kernels (#27818) 5 years ago
batch_size_like.h refine the error message for bath size like OP (#27446) 5 years ago
bce_loss_op.cc change to use bce_loss op, add shape check for bce_loss 5 years ago
bce_loss_op.cu change to use bce_loss op, add shape check for bce_loss 5 years ago
bce_loss_op.h change to use bce_loss op, add shape check for bce_loss 5 years ago
beam_search_decode_op.cc Optimize the error message for OP (#27617) 5 years ago
beam_search_decode_op.h
beam_search_decode_op_test.cc
beam_search_op.cc Fix beam_search InferShape (#25169) 5 years ago
beam_search_op.cu.cc
beam_search_op.h
bernoulli_op.cc Refine paddle.manual_seed (#26496) 5 years ago
bernoulli_op.cu add cuda generator (#26786) 5 years ago
bernoulli_op.h Refine bernoulli and unsqueeze op (#26842) 5 years ago
bilateral_slice_op.cc Fix bilateral inference shape bug (#26822) 5 years ago
bilateral_slice_op.cu Add bilateral_slice op (#25401) 5 years ago
bilateral_slice_op.h Add bilateral_slice op (#25401) 5 years ago
bilinear_tensor_product_op.cc
bilinear_tensor_product_op.cu
bilinear_tensor_product_op.h
bmm_op.cc
bmm_op.cu
bmm_op.h
bpr_loss_op.cc
bpr_loss_op.h
cast_op.cc Simplify BufferedReader to improve DataLoader performance (#25648) 5 years ago
cast_op.cu
cast_op.h
cast_op_xpu.cc add cast/concat/assign xpu op (#27911) (#28050) 5 years ago
center_loss_op.cc
center_loss_op.cu Error message opt, test=develop (#27467) 5 years ago
center_loss_op.h
cholesky_op.cc
cholesky_op.cu add error message for cholesky (#26444) 5 years ago
cholesky_op.h add error message for cholesky (#26444) 5 years ago
chunk_eval_op.cc
chunk_eval_op.h Optimize the error message for OP (#27617) 5 years ago
clip_by_norm_op.cc
clip_by_norm_op.cu
clip_by_norm_op.h API/OP clip_by_norm_op error message enhancement. test=develop (#27614) 5 years ago
clip_op.cc
clip_op.cu
clip_op.h Fix clip op attr (#26924) 5 years ago
coalesce_tensor_op.cc [cherry-pick] Incorporate cudnn_lstm into LSTM api (#27217) (#28023) 5 years ago
common_infer_shape_functions.cc use iwyu clean include (#27267) 5 years ago
common_infer_shape_functions.h use iwyu clean include (#27267) 5 years ago
concat_op.cc Enhance Op's Error Message (#27455) 5 years ago
concat_op.cu.cc Add support for tuple of concat Op test=develop (#25800) 5 years ago
concat_op.h fix concat dimension (#25606) 5 years ago
concat_op_xpu.cc add cast/concat/assign xpu op (#27911) (#28050) 5 years ago
conv_cudnn_helper.h tune backward filter algorithm for float16 (#27529) 5 years ago
conv_cudnn_op.cu fix error message in conv/conv_transpose. test=develop (#27464) 5 years ago
conv_cudnn_op_cache.h
conv_op.cc Add conv2d bfloat16 support (#27325) 5 years ago
conv_op.cu.cc
conv_op.h support channel last in BatchNorm*d (#27961) 5 years ago
conv_op_xpu.cc rm max_input in conv2d for kunlun, test=kunlun (#28063) 5 years ago
conv_shift_op.cc
conv_shift_op.cu
conv_shift_op.h
conv_transpose_cudnn_op.cu fix error message in conv/conv_transpose. test=develop (#27464) 5 years ago
conv_transpose_op.cc Register conv_transpose Op version for compatible Op upgrades (#26745) 5 years ago
conv_transpose_op.cu
conv_transpose_op.h fix error message in conv/conv_transpose. test=develop (#27464) 5 years ago
correlation_op.cc Add correlation api to contrib (#27015) 5 years ago
correlation_op.cu Add correlation api to contrib (#27015) 5 years ago
cos_sim_op.cc
cos_sim_op.cu
cos_sim_op.h
crf_decoding_op.cc
crf_decoding_op.h
crop_op.cc
crop_op.cu
crop_op.h
crop_tensor_op.cc
crop_tensor_op.cu
crop_tensor_op.h Fix the bug that Input(Offsets) and attr(offsets) cannot be set at the same time. (#24975) 5 years ago
cross_entropy_op.cc Fix bug: Don't check dims if contain_unknown_dim of cross_entropy_grad_op in compile time (#25221) 5 years ago
cross_entropy_op.cu
cross_entropy_op.h
cross_op.cc
cross_op.cu
cross_op.h
ctc_align_op.cc
ctc_align_op.cu Error message opt, test=develop (#27467) 5 years ago
ctc_align_op.h Error message opt, test=develop (#27467) 5 years ago
cudnn_lstm_cache.h fix cudnn dyload (#27308) 5 years ago
cudnn_lstm_op.cc Add flattern weight of lstm (#27192) 5 years ago
cudnn_lstm_op.cu.cc [cherry-pick] Incorporate cudnn_lstm into LSTM api (#27217) (#28023) 5 years ago
cudnn_rnn_cache.h remove scope in cudnn lstm (#25188) 5 years ago
cum_op.h fix cumsum op for API 2.0, optimize performance 5 years ago
cumsum_op.cc register cumsum Op version for compatible Op upgrades (#26734) 5 years ago
cumsum_op.cu fix cumsum op for API 2.0, optimize performance 5 years ago
cvm_op.cc fix dump, fix cvm check (#25400) 5 years ago
cvm_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
cvm_op.h mod cvm test=develop (#25146) 5 years ago
data_norm_op.cc enhance error messages of lookup_tale, merge_ids, data_norm (#27619) 5 years ago
data_norm_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
data_norm_op.h
deformable_conv_filter.cu.h
deformable_conv_func.h
deformable_conv_op.cc
deformable_conv_op.cu
deformable_conv_op.h
deformable_conv_v1_op.cc
deformable_conv_v1_op.cu
deformable_conv_v1_op.h
deformable_psroi_pooling_op.cc
deformable_psroi_pooling_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
deformable_psroi_pooling_op.h
delete_var_op.cc use iwyu clean include (#27267) 5 years ago
dequantize_abs_max_op.cc use iwyu clean include (#27267) 5 years ago
dequantize_abs_max_op.cu
dequantize_abs_max_op.h use iwyu clean include (#27267) 5 years ago
dequantize_log_op.cc use iwyu clean include (#27267) 5 years ago
dequantize_log_op.cu
dequantize_log_op.h use iwyu clean include (#27267) 5 years ago
dequantize_op.cc Add support for (de/re)quantization with shift (#27481) 5 years ago
dequantize_op.h
dequeue_op.cc
detection_map_op.cc optimize the error meesage for detetion_map_op 5 years ago
detection_map_op.h optimize the error meesage for detetion_map_op 5 years ago
dgc_clip_by_norm_op.cc
dgc_clip_by_norm_op.cu
dgc_clip_by_norm_op.h
dgc_op.cc
dgc_op.cu
dgc_op.h
diag_embed_op.cc
diag_embed_op.cu
diag_embed_op.h
diag_op.cc
diag_op.cu
diag_op.h
diag_v2_op.cc Fix diag OP bug on Windows Python3.8, cherry-pick from #28034 5 years ago
diag_v2_op.cu Fix bug: The calculation result of Diag_v2 Op under large size input is wrong (#27447) 5 years ago
diag_v2_op.h add paddle.tensor.linalg.diag API, diag_v2 OP and CUDA kernel 5 years ago
dist_op.cc
dist_op.cu
dist_op.h use eval to improve performance, test=develop (#25459) 5 years ago
dot_op.cc
dot_op.cu
dot_op.h Add Matmul op (#26411) 5 years ago
dropout_op.cc
dropout_op.cu add cuda generator (#26786) 5 years ago
dropout_op.h fix dropout bug in backward when input is 1d tensor (#26837) 5 years ago
dropout_op_test.cc
dropout_op_xpu.cc [cherry-pick] polish kunlun error message for 2.0 rc (#28048) 5 years ago
edit_distance_op.cc
edit_distance_op.cu Optimize the error message for OP (#27617) 5 years ago
edit_distance_op.h Optimize the error message for OP (#27617) 5 years ago
empty_op.cc add empty_like op (python, and unit test), use c++ implementation of empty op, (#27287) 5 years ago
empty_op.cu.cc add empty op (c++, python, unit test) (#26659) 5 years ago
empty_op.h add empty op (c++, python, unit test) (#26659) 5 years ago
enqueue_op.cc use iwyu clean include (#27267) 5 years ago
erf_op.cc
erf_op.cu
erf_op.h
expand_as_op.cc Optimize the error message for OP (#27617) 5 years ago
expand_as_op.cu
expand_as_op.h Optimize the error message for OP (#27617) 5 years ago
expand_as_v2_op.cc Improve expand as (#26290) 5 years ago
expand_as_v2_op.cu Improve expand as (#26290) 5 years ago
expand_as_v2_op.h Improve expand as (#26290) 5 years ago
expand_op.cc add double grad for expand (#27183) 5 years ago
expand_op.cu
expand_op.h
expand_v2_op.cc add double grad for tile op and expand_v2 op (#27114) 5 years ago
expand_v2_op.cu [API 2.0] adaptive expand op to use shape instead of expand_times (#26206) 5 years ago
expand_v2_op.h [API 2.0] adaptive expand op to use shape instead of expand_times (#26206) 5 years ago
eye_op.cc support Baidu Kunlun AI Accelerator (#25959) 5 years ago
eye_op.cu
eye_op.h use iwyu clean include (#27267) 5 years ago
fake_dequantize_op.cc [Quantization] Conv2d_transpose and mul support channnelwise quantization (#25639) 5 years ago
fake_dequantize_op.cu [Quantization] Conv2d_transpose and mul support channnelwise quantization (#25639) 5 years ago
fake_dequantize_op.h [Quantization] Conv2d_transpose and mul support channnelwise quantization (#25639) 5 years ago
fake_quantize_op.cc Add test attribute in channelwise_quant op, test=develop (#27742) 5 years ago
fake_quantize_op.cu Quant op dev (#25932) 5 years ago
fake_quantize_op.h Add test attribute in channelwise_quant op, test=develop (#27742) 5 years ago
fc_op.cc Polish the error message of fc, fused_fc_elementwise_layernorm and fused_embedding_seq_pool. (#27692) 5 years ago
fc_op.cu.cc
fc_op.h Polish the error message of fc, fused_fc_elementwise_layernorm and fused_embedding_seq_pool. (#27692) 5 years ago
fill_any_like_op.cc
fill_any_like_op.cu
fill_any_like_op.h
fill_constant_batch_size_like_op.cc
fill_constant_batch_size_like_op.cu.cc
fill_constant_batch_size_like_op.h
fill_constant_op.cc Avoid data transforming ShapeTensor from CPU to GPU in fill_constant op. (#25267) 5 years ago
fill_constant_op.cu.cc
fill_constant_op.h xpu support for fill_constant Op (#27675) 5 years ago
fill_constant_op_xpu.cc xpu support for fill_constant Op (#27675) 5 years ago
fill_op.cc
fill_op.cu.cc
fill_op.h
fill_zeros_like_op.cc
fill_zeros_like_op.cu.cc
fill_zeros_like_op.h
filter_by_instag_op.cc
filter_by_instag_op.h
flatten_op.cc add new flatten op test=develop (#25393) 5 years ago
flatten_op.cu.cc add new flatten op test=develop (#25393) 5 years ago
flatten_op.h add new flatten op test=develop (#25393) 5 years ago
flip_op.cc modify flip test=develop (#25312) 5 years ago
flip_op.cu modify flip test=develop (#25312) 5 years ago
flip_op.h modify flip test=develop (#25312) 5 years ago
fsp_op.cc
fsp_op.cu
fsp_op.h
gather.cu.h add paddle.gather for API2.0 (#26455) 5 years ago
gather.h add paddle.gather for API2.0 (#26455) 5 years ago
gather_nd_op.cc gather_nd Op for API 2.0 refine (#26540) 5 years ago
gather_nd_op.cu
gather_nd_op.h
gather_op.cc fix error message in broadcast/allreduce/gather (#27302) 5 years ago
gather_op.cu add paddle.gather for API2.0 (#26455) 5 years ago
gather_op.h add paddle.gather for API2.0 (#26455) 5 years ago
gather_op_xpu.cc add gather_op xpu, test=kunlun (#27822) 5 years ago
gather_test.cc use iwyu clean include (#27267) 5 years ago
gather_tree_op.cc Optimize the error message of OP. (#27478) 5 years ago
gather_tree_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
gather_tree_op.h
gaussian_random_batch_size_like_op.cc
gaussian_random_op.cc add empty op (c++, python, unit test) (#26659) 5 years ago
gaussian_random_op.cu add empty op (c++, python, unit test) (#26659) 5 years ago
gaussian_random_op_xpu.cc cherry pick 27853 Add gaussian_random XPU kernels, test=kunlun (#28059) 5 years ago
gelu_op.cc
gelu_op.cu
gelu_op.h
get_tensor_from_selected_rows_op.cc
grid_sampler_cudnn_op.cu.cc use iwyu clean include (#27267) 5 years ago
grid_sampler_op.cc Make grid support stopping graients. (#27630) 5 years ago
grid_sampler_op.cu Fix round in grid sample op (#27657) 5 years ago
grid_sampler_op.h Make grid support stopping graients. (#27630) 5 years ago
group_norm_op.cc
group_norm_op.cu
group_norm_op.h
gru_op.cc
gru_op.cu.cc use iwyu clean include (#27267) 5 years ago
gru_op.h
gru_unit_op.cc
gru_unit_op.cu
gru_unit_op.h Polish no onwer ops error message (#27448) 5 years ago
hash_op.cc use iwyu clean include (#27267) 5 years ago
hash_op.h use iwyu clean include (#27267) 5 years ago
hierarchical_sigmoid_op.cc
hierarchical_sigmoid_op.h
hinge_loss_op.cc
hinge_loss_op.cu
hinge_loss_op.h
histogram_op.cc
histogram_op.cu update histogram op for performance optimization, test=develop (#24912) 5 years ago
histogram_op.h
huber_loss_op.cc
huber_loss_op.cu support fp64 in huber_loss cuda kernel (#26583) 5 years ago
huber_loss_op.h
im2sequence_op.cc Enhance checking in some operator. (#24473) 5 years ago
im2sequence_op.cu
im2sequence_op.h
increment_op.cc use iwyu clean include (#27267) 5 years ago
increment_op.cu
increment_op.h
index_sample_op.cc
index_sample_op.cu
index_sample_op.h
index_select_op.cc
index_select_op.cu
index_select_op.h test=develop, bug fix for index_select and roll op (#25251) 5 years ago
inplace_abn_op.cc
inplace_abn_op.cu
inplace_abn_op.h
instance_norm_op.cc use IndexList to improve performance of instance_norm op (#25132) 5 years ago
instance_norm_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
instance_norm_op.h
interpolate_op.cc Polish no onwer ops error message (#27448) 5 years ago
interpolate_op.cu
interpolate_op.h
interpolate_v2_op.cc Polish some error message in opeators (#27876) 5 years ago
interpolate_v2_op.cu fix typo for interp_v2,test=develop (#26843) 5 years ago
interpolate_v2_op.h fix typo for interp_v2,test=develop (#26843) 5 years ago
inverse_op.cc
inverse_op.cu.cc
inverse_op.h
is_empty_op.cc
is_empty_op.cu.cc
is_empty_op.h
isfinite_op.cc use iwyu clean include (#27267) 5 years ago
isfinite_op.cu
isfinite_op.h use iwyu clean include (#27267) 5 years ago
isfinite_v2_op.cc use iwyu clean include (#27267) 5 years ago
isfinite_v2_op.cu Add isfinite v2 op (#26344) 5 years ago
isfinite_v2_op.h use iwyu clean include (#27267) 5 years ago
kldiv_loss_op.cc
kldiv_loss_op.cu
kldiv_loss_op.h Fix kl and summary bug (#27132) 5 years ago
kron_op.cc
kron_op.cu
kron_op.h
l1_norm_op.cc
l1_norm_op.cu
l1_norm_op.h
label_smooth_op.cc use iwyu clean include (#27267) 5 years ago
label_smooth_op.cu
label_smooth_op.h
layer_norm_op.cc
layer_norm_op.cu
layer_norm_op.h use iwyu clean include (#27267) 5 years ago
layer_norm_op_xpu.cc Add batch_norm and layer_norm XPU kernels (#27818) 5 years ago
layout_utils.h support channel last in BatchNorm*d (#27961) 5 years ago
linear_chain_crf_op.cc
linear_chain_crf_op.h Optimize the error message for OP (#27617) 5 years ago
linspace_op.cc avoid data transform for linspace OP (#27444) 5 years ago
linspace_op.cu refine the precious of linspace Op using half way (#27452) 5 years ago
linspace_op.h refine the precious of linspace Op using half way (#27452) 5 years ago
load_combine_op.cc
load_combine_op.cu
load_combine_op.h fix eigen in push sparse; fix hadoop command (#26872) 5 years ago
load_op.cc
load_op.cu
load_op.h
load_op_xpu.cc add load_op_xpu for Baidu Kunlun (#27817) 5 years ago
lod_array_length_op.cc use iwyu clean include (#27267) 5 years ago
lod_rank_table_op.cc enhance array_to_lod_tensor_op lod_tensor_to_array_op errors informaiton (#27386) 5 years ago
lod_reset_op.cc
lod_reset_op.cu
lod_reset_op.h
lod_tensor_to_array_op.cc enhance array_to_lod_tensor_op lod_tensor_to_array_op errors informaiton (#27386) 5 years ago
log_loss_op.cc
log_loss_op.cu
log_loss_op.h
log_loss_op_xpu.cc [cherry-pick] polish kunlun error message for 2.0 rc (#28048) 5 years ago
log_softmax_op.cc log_softmax and LogSoftmax: impl kernel and refind docs (#26088) 5 years ago
log_softmax_op.cu log_softmax and LogSoftmax: impl kernel and refind docs (#26088) 5 years ago
log_softmax_op.h log_softmax and LogSoftmax: impl kernel and refind docs (#26088) 5 years ago
lookup_table_dequant_op.cc
lookup_table_dequant_op.h
lookup_table_op.cc Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
lookup_table_op.cu enhance error messages of lookup_tale, merge_ids, data_norm (#27619) 5 years ago
lookup_table_op.h enhance error messages of lookup_tale, merge_ids, data_norm (#27619) 5 years ago
lookup_table_v2_op.cc enhance error messages of lookup_tale, merge_ids, data_norm (#27619) 5 years ago
lookup_table_v2_op.cu enhance error messages of lookup_tale, merge_ids, data_norm (#27619) 5 years ago
lookup_table_v2_op.h enhance error messages of lookup_tale, merge_ids, data_norm (#27619) 5 years ago
lookup_table_v2_op_xpu.cc Lookup table v2 xpu (#27888) 5 years ago
lrn_op.cc
lrn_op.cu
lrn_op.h
lstm_op.cc
lstm_op.cu.cc
lstm_op.h
lstm_unit_op.cc API(lstm_unit, lstmp, sequence_mask, sequence_enumerate, sequence_conv) error message enhancement (#27572) 5 years ago
lstm_unit_op.cu API(lstm_unit, lstmp, sequence_mask, sequence_enumerate, sequence_conv) error message enhancement (#27572) 5 years ago
lstm_unit_op.h API(lstm_unit, lstmp, sequence_mask, sequence_enumerate, sequence_conv) error message enhancement (#27572) 5 years ago
lstmp_op.cc
lstmp_op.cu
lstmp_op.h API(lstm_unit, lstmp, sequence_mask, sequence_enumerate, sequence_conv) error message enhancement (#27572) 5 years ago
margin_rank_loss_op.cc
margin_rank_loss_op.cu
margin_rank_loss_op.h
masked_select_op.cc 【API2.0】add masked_select Op for API2.0 (#26374) 5 years ago
masked_select_op.cu 【API2.0】add masked_select Op for API2.0 (#26374) 5 years ago
masked_select_op.h 【API2.0】add masked_select Op for API2.0 (#26374) 5 years ago
match_matrix_tensor_op.cc Refine error message of MatchMatrix and PyramidHash (#27484) 5 years ago
match_matrix_tensor_op.h
math.h
matmul_op.cc add double grad op for matmul (#27776) 5 years ago
matmul_op_xpu.cc support elementwise add, activation, matmul on Baidu Kunlun (#27143) 5 years ago
matmul_v2_op.cc Add Matmul op (#26411) 5 years ago
matmul_v2_op.cu add fp16 for matmul (#27523) 5 years ago
matmul_v2_op.h optimize the speed&memory of matmul op (#27610) 5 years ago
matmul_v2_op_xpu.cc support kunlun matmul_v2 (#27910) 5 years ago
max_sequence_len_op.cc use iwyu clean include (#27267) 5 years ago
maxout_op.cc refine APIs: brelu, hardsigmoid, hardswish, maxout (#27658) 5 years ago
maxout_op.cu.cc
maxout_op.h refine APIs: brelu, hardsigmoid, hardswish, maxout (#27658) 5 years ago
mean_iou_op.cc
mean_iou_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
mean_iou_op.h
mean_op.cc
mean_op.cu
mean_op.h
mean_op_xpu.cc error message optimization in mean_xpu,softmax_with_cross_entropy_op_xpu,test=kunlun (#27968) 5 years ago
merge_lod_tensor_op.cc use iwyu clean include (#27267) 5 years ago
merge_selected_rows_op.cc
merge_selected_rows_op.cu.cc
merge_selected_rows_op.h
meshgrid_op.cc
meshgrid_op.cu
meshgrid_op.h
minus_op.cc
minus_op.cu
minus_op.h
mish_op.cc add mish op. (#24565) 5 years ago
mish_op.cu add mish op. (#24565) 5 years ago
mish_op.h add mish op. (#24565) 5 years ago
modified_huber_loss_op.cc
modified_huber_loss_op.cu
modified_huber_loss_op.h
mul_op.cc
mul_op.cu.cc
mul_op.h
mul_op_xpu.cc support elementwise add, activation, matmul on Baidu Kunlun (#27143) 5 years ago
multinomial_op.cc cherry pick 27946 Fix error message of multinomial op (#28080) 5 years ago
multinomial_op.cu cherry pick 27946 Fix error message of multinomial op (#28080) 5 years ago
multinomial_op.h cherry pick 27946 Fix error message of multinomial op (#28080) 5 years ago
multiplex_op.cc
multiplex_op.cu
multiplex_op.h
mv_op.cc update mv op according PR#27024 (#27474) 5 years ago
mv_op.cu update mv op according PR#27024 (#27474) 5 years ago
mv_op.h update mv op according PR#27024 (#27474) 5 years ago
nce_op.cc
nce_op.h fix error message for nce_op (#27863) 5 years ago
nll_loss_op.cc Add isfinite v2 op (#26344) 5 years ago
nll_loss_op.cu Add PADDLE_ENFORCE in nll loss cuda kernel (#26294) 5 years ago
nll_loss_op.h Add isfinite v2 op (#26344) 5 years ago
norm_op.cc
norm_op.cu
norm_op.h
norm_utils.cu.h Fix batch norm double grad compute (#27549) 5 years ago
norm_utils.h
one_hot_op.cc
one_hot_op.cu
one_hot_op.h
one_hot_v2_op.cc
one_hot_v2_op.cu
one_hot_v2_op.h
op_debug_string_test.cc use iwyu clean include (#27267) 5 years ago
p_norm_op.cc fix Norm op error (#26771) 5 years ago
p_norm_op.cu Norm op support 2-axis (#26492) 5 years ago
p_norm_op.h Norm op support 2-axis (#26492) 5 years ago
pad2d_op.cc
pad2d_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
pad3d_op.cc add pad func (#26106) 5 years ago
pad3d_op.cu add pad func (#26106) 5 years ago
pad_constant_like_op.cc
pad_constant_like_op.cu
pad_constant_like_op.h
pad_op.cc
pad_op.cu
pad_op.h
partial_concat_op.cc
partial_concat_op.cu
partial_concat_op.h
partial_sum_op.cc
partial_sum_op.cu
partial_sum_op.h
pixel_shuffle_op.cc fix err msg in pixel shuffle op (#27503) 5 years ago
pixel_shuffle_op.cu
pixel_shuffle_op.h [Api2.0] add pixel shuffle (#26071) 5 years ago
pool_cudnn_op.cu.cc Error message opt, test=develop (#27467) 5 years ago
pool_op.cc Error message opt, test=develop (#27467) 5 years ago
pool_op.cu.cc
pool_op.h Error message opt, test=develop (#27467) 5 years ago
pool_op_xpu.cc error message opt for XPU, test=kunlun (#27972) (#28078) 5 years ago
pool_with_index_op.cc Error message opt, test=develop (#27467) 5 years ago
pool_with_index_op.cu.cc
pool_with_index_op.h Error message opt, test=develop (#27467) 5 years ago
positive_negative_pair_op.cc fix error mesage for negative_positive_pair_op and nce_op (#27779) 5 years ago
positive_negative_pair_op.h
prelu_op.cc fix bug of prelu when rank not equal 4, test=develop (#25067) 5 years ago
prelu_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
prelu_op.h
print_op.cc use iwyu clean include (#27267) 5 years ago
prroi_pool_op.cc
prroi_pool_op.cu
prroi_pool_op.h
psroi_pool_op.cc
psroi_pool_op.cu Error message opt, test=develop (#27467) 5 years ago
psroi_pool_op.h
pull_box_extended_sparse_op.cc
pull_box_extended_sparse_op.cu
pull_box_extended_sparse_op.h
pull_box_sparse_op.cc fix error msg (#27887) 5 years ago
pull_box_sparse_op.cu
pull_box_sparse_op.h
pull_sparse_op.cc
pull_sparse_op.h
pull_sparse_v2_op.cc
pull_sparse_v2_op.h
push_dense_op.cc
push_dense_op.h
py_func_op.cc Enhance py_func error info message. (#26557) 5 years ago
py_func_op.h
pyramid_hash_op.cc Refine error message of MatchMatrix and PyramidHash (#27484) 5 years ago
quantize_op.cc Add support for (de/re)quantization with shift (#27481) 5 years ago
quantize_op.h
queue_generator_op.cc
randint_op.cc Refine paddle.manual_seed (#26496) 5 years ago
randint_op.cu add cuda generator (#26786) 5 years ago
random_crop_op.cc
random_crop_op.cu
random_crop_op.h
randperm_op.cc randperm API: remove out, devive, stop_gradient; add name (#25410) 5 years ago
randperm_op.cu randperm API: remove out, devive, stop_gradient; add name (#25410) 5 years ago
randperm_op.h Refine paddle.manual_seed (#26496) 5 years ago
range_op.cc avoid data transfer, test=develop (#25810) 5 years ago
range_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
range_op.h
rank_attention.cu.h Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
rank_attention_op.cc
rank_attention_op.cu
rank_attention_op.h
rank_loss_op.cc use iwyu clean include (#27267) 5 years ago
rank_loss_op.cu
rank_loss_op.h
recurrent_op.cc use iwyu clean include (#27267) 5 years ago
recurrent_op.h use iwyu clean include (#27267) 5 years ago
reorder_lod_tensor_by_rank_op.cc use iwyu clean include (#27267) 5 years ago
requantize_op.cc Add support for (de/re)quantization with shift (#27481) 5 years ago
requantize_op.h
reshape_op.cc fix kunlun kernel of reshape op (#27989) 5 years ago
reverse_op.cc Support LoDTensorArray in reverse_op (#24797) 5 years ago
reverse_op.cu
reverse_op.h Support LoDTensorArray in reverse_op (#24797) 5 years ago
rnn_memory_helper_op.cc use iwyu clean include (#27267) 5 years ago
roi_align_op.cc Enhance ops to support LoD as input for dygraph detection models. (#25316) 5 years ago
roi_align_op.cu Enhance ops to support LoD as input for dygraph detection models. (#25316) 5 years ago
roi_align_op.h Enhance ops to support LoD as input for dygraph detection models. (#25316) 5 years ago
roi_align_op_xpu.cc error message opt for XPU, test=kunlun (#27972) (#28078) 5 years ago
roi_pool_op.cc Enhance ops to support LoD as input for dygraph detection models. (#25316) 5 years ago
roi_pool_op.cu Error message opt, test=develop (#27467) 5 years ago
roi_pool_op.h Enhance ops to support LoD as input for dygraph detection models. (#25316) 5 years ago
roll_op.cc modify roll test=develop (#25321) 5 years ago
roll_op.cu
roll_op.h modify roll test=develop (#25321) 5 years ago
row_conv_op.cc
row_conv_op.cu
row_conv_op.h
run_program_op.cc fix loaded no params layer run error (#27241) 5 years ago
run_program_op.cu.cc
run_program_op.h fix loaded no params layer run error (#27241) 5 years ago
sample_logits_op.cc
sample_logits_op.cu
sample_logits_op.h
sampling_id_op.cc
sampling_id_op.cu
sampling_id_op.h Refine paddle.manual_seed (#26496) 5 years ago
save_combine_op.cc
save_combine_op.cu
save_combine_op.h remove ProgramTranslator.save_inference_model (#25740) 5 years ago
save_load_combine_op_test.cc
save_load_op_test.cc
save_op.cc [cherry-pick] Incorporate cudnn_lstm into LSTM api (#27217) (#28023) 5 years ago
save_op.cu [cherry-pick] Incorporate cudnn_lstm into LSTM api (#27217) (#28023) 5 years ago
save_op.h Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
scale_op.cc use iwyu clean include (#27267) 5 years ago
scale_op.cu
scale_op.h add the error message check for the some operator 5 years ago
scale_op_xpu.cc Polish some error message in opeators (#27876) 5 years ago
scatter.cu.h Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
scatter.h
scatter_nd_add_op.cc
scatter_nd_add_op.cu
scatter_nd_add_op.h
scatter_op.cc
scatter_op.cu
scatter_op.h
scatter_test.cc use iwyu clean include (#27267) 5 years ago
search_compute.h support build on arm. test=develop (#25212) 5 years ago
seed_op.cc
seed_op.cu
seed_op.h
segment_pool_op.cc Add the cpu version of segment sum mean max min op 5 years ago
segment_pool_op.cu Add GPU Kernels of Segment Ops, support, sum, max, min, mean 5 years ago
segment_pool_op.h Add GPU Kernels of Segment Ops, support, sum, max, min, mean 5 years ago
select_input_op.cc
select_op_helper.h
select_output_op.cc
selu_op.cc [OpDevOptimize] Add common infershape functions (#26096) 5 years ago
selu_op.cu
selu_op.h
shape_op.cc add empty_like op (python, and unit test), use c++ implementation of empty op, (#27287) 5 years ago
shape_op.cu add empty_like op (python, and unit test), use c++ implementation of empty op, (#27287) 5 years ago
shape_op.h
shape_op_xpu.cc add XPU support for shape op and reshape op (#27804) 5 years ago
shard_index_op.cc
shard_index_op.cu
shard_index_op.h
shrink_rnn_memory_op.cc
shuffle_batch_op.cc
shuffle_batch_op.h
shuffle_channel_op.cc [2.0RC]refine error message in shuffle channel OP (#27505) 5 years ago
shuffle_channel_op.cu
shuffle_channel_op.h
sigmoid_cross_entropy_with_logits_op.cc
sigmoid_cross_entropy_with_logits_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
sigmoid_cross_entropy_with_logits_op.h
sign_op.cc
sign_op.cu
sign_op.h
sign_op_xpu.cc Polish some error message in opeators (#27876) 5 years ago
similarity_focus_op.cc
similarity_focus_op.h
size_op.cc fix gpu kernel for numel Op (#27085) 5 years ago
size_op.cu fix gpu kernel for numel Op (#27085) 5 years ago
size_op.h fix gpu kernel for numel Op (#27085) 5 years ago
slice_op.cc op error info (#27856) 5 years ago
slice_op.cu improve fp16 performance of slice_grad, test=develop (#25523) 5 years ago
slice_op.h op error info (#27856) 5 years ago
slice_xpu_op.cc add xpu slice op (#27349) 5 years ago
smooth_l1_loss_op.cc
smooth_l1_loss_op.cu
smooth_l1_loss_op.h
softmax_cudnn_op.cu.cc use iwyu clean include (#27267) 5 years ago
softmax_op.cc Refine cudnn softmax (#25757) 5 years ago
softmax_op.cu.cc
softmax_op.h
softmax_op_xpu.cc add softmax xpu kernel (#27700) 5 years ago
softmax_with_cross_entropy_op.cc
softmax_with_cross_entropy_op.cu error message optimization in softmax_with_cross_entropy_op (#27772) 5 years ago
softmax_with_cross_entropy_op.h
softmax_with_cross_entropy_op_xpu.cc error message optimization in mean_xpu,softmax_with_cross_entropy_op_xpu,test=kunlun (#27968) 5 years ago
space_to_depth_op.cc op error info (#27856) 5 years ago
space_to_depth_op.cu
space_to_depth_op.h
spectral_norm_op.cc
spectral_norm_op.cu
spectral_norm_op.h
split_lod_tensor_op.cc use iwyu clean include (#27267) 5 years ago
split_op.cc op error info (#27856) 5 years ago
split_op.cu.cc refine the split op for API 2.0 test=develop (#25320) 5 years ago
split_op.h op error info (#27856) 5 years ago
split_selected_rows_op.cc
split_selected_rows_op.cu
split_selected_rows_op.h
spp_op.cc
spp_op.cu.cc
spp_op.h
squared_l2_distance_op.cc
squared_l2_distance_op.cu
squared_l2_distance_op.h
squared_l2_norm_op.cc
squared_l2_norm_op.cu
squared_l2_norm_op.h
squeeze_op.cc Add double grad in Squeeze and Unsqueeze (#27810) 5 years ago
squeeze_op.cu.cc refine unsqueeze, test=develop (#25470) 5 years ago
squeeze_op.h Refine squeeze, test=develop (#25281) 5 years ago
stack_op.cc
stack_op.cu
stack_op.h
stack_op_xpu.cc error message opt for XPU, test=kunlun (#27972) (#28078) 5 years ago
strided_memcpy.h use iwyu clean include (#27267) 5 years ago
strided_memcpy_test.cc use iwyu clean include (#27267) 5 years ago
strided_slice_op.cc
strided_slice_op.cu
strided_slice_op.h
sum_op.cc update the error message check for the some ops 5 years ago
sum_op.cu update the error message check for the some ops 5 years ago
sum_op.h update the error message check for the some ops 5 years ago
sum_op_xpu.cc Polish some error message in opeators (#27876) 5 years ago
sync_batch_norm_op.cc
sync_batch_norm_op.cu
sync_batch_norm_op.cu.h
tdm_child_op.cc
tdm_child_op.h
tdm_sampler_op.cc
tdm_sampler_op.h
teacher_student_sigmoid_loss_op.cc
teacher_student_sigmoid_loss_op.h
temporal_shift_op.cc
temporal_shift_op.cu
temporal_shift_op.h
tensor_array_to_tensor_op.cc
tensor_formatter.cc use iwyu clean include (#27267) 5 years ago
tensor_formatter.h use iwyu clean include (#27267) 5 years ago
test_common_infer_shape_functions.cc [OpDevOptimize] Add common infershape functions (#26096) 5 years ago
test_leaky_relu_grad_grad_functor.cc
test_leaky_relu_grad_grad_functor.cu
test_leaky_relu_grad_grad_functor.h use iwyu clean include (#27267) 5 years ago
tile_op.cc add double grad for tile op and expand_v2 op (#27114) 5 years ago
tile_op.cu [API 2.0] add paddle.tile op (#26245) 5 years ago
tile_op.h [API 2.0] add paddle.tile op (#26245) 5 years ago
top_k_function_cuda.h update the code for the topk v2 5 years ago
top_k_op.cc Polish some error message in opeators (#27876) 5 years ago
top_k_op.cu Polish some error message in opeators (#27876) 5 years ago
top_k_op.h
top_k_v2_op.cc update the code for the topk message optimize 5 years ago
top_k_v2_op.cu update the code for the topk message optimize 5 years ago
top_k_v2_op.h Norm op support 2-axis (#26492) 5 years ago
trace_op.cc modify trace api test=develop (#25397) 5 years ago
trace_op.cu modify trace api test=develop (#25397) 5 years ago
trace_op.h modify trace api test=develop (#25397) 5 years ago
transpose_op.cc Fix to issue #25537 (#27546) 5 years ago
transpose_op.cu Add Support for SelectedRows for Transpose OP and Fix a Bug That SelectedRows Cannot be Supported in SimNet (#25536) 5 years ago
transpose_op.h enhance reduce op which can reduce tensor with arbitrary rank 5 years ago
transpose_op_xpu.cc [cherry-pick] Add xpu transpose2 op.test=kunlun (#28096) 5 years ago
tree_conv_op.cc
tree_conv_op.cu
tree_conv_op.h
tril_triu_op.cc
tril_triu_op.cu
tril_triu_op.h
truncated_gaussian_random_op.cc cherry pick 27861 Add truncated_gaussian_random XPU kernel, test=kunlun (#28060) 5 years ago
truncated_gaussian_random_op.cu fix cuda generator hard-coded offset step (#27027) 5 years ago
truncated_gaussian_random_op.h cherry pick 27861 Add truncated_gaussian_random XPU kernel, test=kunlun (#28060) 5 years ago
truncated_gaussian_random_op_xpu.cc cherry pick 27861 Add truncated_gaussian_random XPU kernel, test=kunlun (#28060) 5 years ago
unbind_op.cc
unbind_op.cu.cc
unbind_op.h
unfold_op.cc
unfold_op.cu
unfold_op.h
uniform_random_batch_size_like_op.cc
uniform_random_op.cc update the error message check for the some ops 5 years ago
uniform_random_op.cu update the error message check for the some ops 5 years ago
uniform_random_op.h update the error message check for the some ops 5 years ago
uniform_random_op_xpu.cc cherry pick 27846 Add uniform_random XPU kernel, test=kunlun (#28057) 5 years ago
unique_op.cc Add cuda support for unique op (#27646) 5 years ago
unique_op.cu Add cuda support for unique op (#27646) 5 years ago
unique_op.h add dtype for unique (#26655) 5 years ago
unique_with_counts_op.cc
unique_with_counts_op.h
unpool_op.cc
unpool_op.cu.cc
unpool_op.h
unsqueeze_op.cc Add double grad in Squeeze and Unsqueeze (#27810) 5 years ago
unsqueeze_op.cu.cc Refine bernoulli and unsqueeze op (#26842) 5 years ago
unsqueeze_op.h
unstack_op.cc
unstack_op.cu
unstack_op.h
utils.h xpu support for fill_constant Op (#27675) 5 years ago
var_conv_2d_op.cc Polish no onwer ops error message (#27448) 5 years ago
var_conv_2d_op.h
warpctc_op.cc add support to float64 input of warpctc op. (#27399) 5 years ago
warpctc_op.cu.cc add support to float64 input of warpctc op. (#27399) 5 years ago
warpctc_op.h add support to float64 input of warpctc op. (#27399) 5 years ago
where_index_op.cc
where_index_op.cu
where_index_op.h
where_op.cc
where_op.cu
where_op.h