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
liuyuhui 15fac5e7fa
fix assign_op_xpu concat_op_xpu warining (#30120)
4 years ago
..
amp Remove tensor copy in the update_loss_scaling op. (#29426) 4 years ago
benchmark Fix gpu memory allocation bug. (#28703) 4 years ago
collective [Feature] one ps (3/4) (#29604) 4 years ago
controlflow fix op_register_version for compare ops, test=op_version (#30007) 4 years ago
detail Polish some error message in opeators (#27876) 4 years ago
detection fix error message for distribute_fpn_proposals_op (#30116) 4 years ago
distributed [Feature] one ps (3/4) (#29604) 4 years ago
distributed_ops gen nccl id use socket (#29431) 4 years ago
elementwise add aarch64 and sunway kunlun lib (#30027) 4 years ago
fused fix a bug in op_version_registry, test=develop, test=op_version (#29994) 4 years ago
jit Add the strategy of skipping cc/cu test compilation and execution in CI (#29499) 4 years ago
lite fix lite unit test. (#29233) 4 years ago
math fix error message (#30135) 4 years ago
metrics Compiling operator libraries with Unity build (#29130) 4 years ago
mkldnn Add mkldnn nearest_interp and bilinear_interp op (#30016) 4 years ago
nccl Fix nccl op test failed, test=develop (#28172) 4 years ago
optimizers fix momentum op register (#29941) 4 years ago
pscore [Feature] one ps (3/4) (#29604) 4 years ago
reader fix occupied 0 device memory bug (#28771) 4 years ago
reduce_ops [Complex] Add support for complex grad accumulated (#29889) 4 years ago
sequence_ops Optimize compilation time with Unity Build (#29733) 4 years ago
tensorrt fix tensorrt output shape error (#29308) 4 years ago
CMakeLists.txt [Feature] one ps (3/4) (#29604) 4 years ago
activation_cudnn.cu.cc
activation_cudnn_op.cu.cc Optimize the error messages of the CUDA implementation of activation ops (#27741) 4 years ago
activation_op.cc Support double backward rsqrt (#29589) 4 years ago
activation_op.cu Support double backward rsqrt (#29589) 4 years ago
activation_op.h Support double backward rsqrt (#29589) 4 years ago
activation_op_xpu.cc update activation op on kunlun (#29577) 4 years ago
add_position_encoding_op.cc Polish no onwer ops error message (#27448) 4 years ago
add_position_encoding_op.h
addmm_op.cc Fixes mkldnn dygraph learning rate scheduler crashes (#28988) 4 years ago
addmm_op.cu
addmm_op.h
affine_channel_op.cc
affine_channel_op.cu
affine_channel_op_xpu.cc support roi_align & affine_channel for kunlun (#29561) 4 years ago
affine_grid_cudnn_op.cu.cc Add compile limit for PADDLE_ENFORCE without error message (#28221) 4 years ago
affine_grid_op.cc Add version checking (#30040) 4 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 add op_register_version for allclose op; test=op_version (#29968) 4 years ago
allclose_op.cu Allclose op (#27891) 4 years ago
allclose_op.h Allclose op (#27891) 4 years ago
arg_max_op.cc add the op version check for the elementwise ops, test=op_version (#30010) 4 years ago
arg_max_op.cu add cub impl for arg max, min (#25941) 5 years ago
arg_min_max_op_base.cu.h optimize compilation time of argmin/argmax op (#29595) 4 years ago
arg_min_max_op_base.h optimize compilation time of argmin/argmax op (#29595) 4 years ago
arg_min_op.cc add the op version check for the elementwise ops, test=op_version (#30010) 4 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 4 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) 4 years ago
assert_op.cc use iwyu clean include (#27267) 4 years ago
assign_op.cc use iwyu clean include (#27267) 4 years ago
assign_op.h add tensor clone (#27953) 4 years ago
assign_op_test.cc use iwyu clean include (#27267) 4 years ago
assign_op_xpu.cc add cast/concat/assign xpu op (#27911) 4 years ago
assign_value_op.cc use iwyu clean include (#27267) 4 years ago
assign_value_op.cu.cc
assign_value_op.h use iwyu clean include (#27267) 4 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) 4 years ago
batch_fc_op.cc
batch_fc_op.cu
batch_fc_op.h
batch_norm_op.cc Fixes mkldnn dygraph learning rate scheduler crashes (#28988) 4 years ago
batch_norm_op.cu add double grad compute for batch norm (#27296) 4 years ago
batch_norm_op.h support channel last in BatchNorm*d 4 years ago
batch_norm_op_xpu.cc adjust kunlun header file (#28536) 4 years ago
batch_size_like.h refine the error message for bath size like OP (#27446) 4 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 refine gpu kernel config for Paddle (#28085) 4 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) 4 years ago
beam_search_decode_op.h
beam_search_decode_op_test.cc
beam_search_op.cc
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) 4 years ago
bilateral_slice_op.cu Enable bilateral_slice unittest on windows platform (#29896) 4 years ago
bilateral_slice_op.h
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 Support type promote for basic math ops (quantum required) (#29265) 4 years ago
cast_op.cu add cast cuda kernel (#29352) 4 years ago
cast_op.h revert cast eigen kernel (#29427) 4 years ago
cast_op_xpu.cc support some shape for matmul and cast in xpu place (#29900) 4 years ago
center_loss_op.cc
center_loss_op.cu Error message opt, test=develop (#27467) 4 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) 4 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) 4 years ago
clip_op.cc Add clip double grad (#29590) 4 years ago
clip_op.cu
clip_op.h Add compile limit for PADDLE_ENFORCE without error message (#28221) 4 years ago
coalesce_tensor_op.cc Optimization grad merge performance (#29784) 4 years ago
common_infer_shape_functions.cc Add broadcast_shape api (#28257) 4 years ago
common_infer_shape_functions.h Add broadcast_shape api (#28257) 4 years ago
concat_op.cc add pad and concat double grad (#29549) 4 years ago
concat_op.cu.cc
concat_op.h
concat_op_xpu.cc fix assign_op_xpu concat_op_xpu warining (#30120) 4 years ago
conj_op.cc add conj op for complex types (#29527) 4 years ago
conj_op.cu add conj op for complex types (#29527) 4 years ago
conj_op.h complex gradient matmul (#29966) 4 years ago
conv_cudnn_helper.h fix the number of perf algo for conv cudnn in exhaustive mode (#28694) 4 years ago
conv_cudnn_op.cu register cudnn conv double grad for depthwise conv (#29807) 4 years ago
conv_cudnn_op_cache.h
conv_op.cc register cudnn conv double grad for depthwise conv (#29807) 4 years ago
conv_op.cu.cc
conv_op.h support channel last in BatchNorm*d 4 years ago
conv_op_xpu.cc update kunlun conv2d/softmax/elementwise implemetation (#29229) 4 years ago
conv_shift_op.cc
conv_shift_op.cu
conv_shift_op.h
conv_transpose_cudnn_op.cu Add double grad for conv_transpose (#29706) 4 years ago
conv_transpose_op.cc fix a bug in op_version_registry, test=develop, test=op_version (#29994) 4 years ago
conv_transpose_op.cu Add double grad for conv_transpose (#29706) 4 years ago
conv_transpose_op.h Add double grad for conv_transpose (#29706) 4 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 Fix ops doc for some ops 4 years ago
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
cross_entropy_op.cc
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) 4 years ago
ctc_align_op.h Error message opt, test=develop (#27467) 4 years ago
cudnn_lstm_cache.h fix cudnn dyload (#27308) 4 years ago
cudnn_lstm_op.cc add REGISTER_OP_VERSION for LSTM (#30038) 4 years ago
cudnn_lstm_op.cu.cc Incorporate cudnn_lstm into LSTM api (#27217) 4 years ago
cudnn_rnn_cache.h remove scope in cudnn lstm (#25188) 5 years ago
cum_op.h
cumsum_op.cc register cumsum Op version for compatible Op upgrades (#26734) 5 years ago
cumsum_op.cu polish the code of cumsum and remove some unused code (#29303) 4 years ago
cvm_op.cc
cvm_op.cu
cvm_op.h mod cvm test=develop (#25146) 5 years ago
data_norm_op.cc Fixes mkldnn dygraph learning rate scheduler crashes (#28988) 4 years ago
data_norm_op.cu
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_op_xpu.cc fix expand/uniform_random && concat/transpose to new api on xpu (#29280) 4 years ago
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
deformable_psroi_pooling_op.h
delete_var_op.cc use iwyu clean include (#27267) 4 years ago
dequantize_abs_max_op.cc use iwyu clean include (#27267) 4 years ago
dequantize_abs_max_op.cu
dequantize_abs_max_op.h use iwyu clean include (#27267) 4 years ago
dequantize_log_op.cc use iwyu clean include (#27267) 4 years ago
dequantize_log_op.cu
dequantize_log_op.h use iwyu clean include (#27267) 4 years ago
dequantize_op.cc operator checkpoints for new attributes. (#29832) 4 years ago
dequantize_op.h
dequeue_op.cc
detection_map_op.cc optimize the error meesage for detetion_map_op 4 years ago
detection_map_op.h optimize the error meesage for detetion_map_op 4 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 4 years ago
diag_v2_op.cu Fix bug: The calculation result of Diag_v2 Op under large size input is wrong (#27447) 4 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 complex gradient matmul (#29966) 4 years ago
dot_op.cu complex gradient matmul (#29966) 4 years ago
dot_op.h complex gradient matmul (#29966) 4 years ago
dropout_op.cc
dropout_op.cu improve dropout grad (#29605) 4 years ago
dropout_op.h fix the bug of dropout_grad (#29813) 4 years ago
dropout_op_test.cc
dropout_op_xpu.cc Polish kunlun error (#27974) 4 years ago
edit_distance_op.cc
edit_distance_op.cu Optimize the error message for OP (#27617) 4 years ago
edit_distance_op.h Optimize the error message for OP (#27617) 4 years ago
empty_op.cc add empty_like op (python, and unit test), use c++ implementation of empty op, (#27287) 4 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) 4 years ago
erf_op.cc
erf_op.cu
erf_op.h
expand_as_op.cc Optimize the error message for OP (#27617) 4 years ago
expand_as_op.cu
expand_as_op.h Optimize the error message for OP (#27617) 4 years ago
expand_as_v2_op.cc update expand as op to use the shape of the target tensor instead of the target tensor itself. (#29020) 4 years ago
expand_as_v2_op.cu Improve expand as (#26290) 5 years ago
expand_as_v2_op.h update expand as op to use the shape of the target tensor instead of the target tensor itself. (#29020) 4 years ago
expand_op.cc add double grad for expand (#27183) 5 years ago
expand_op.cu
expand_op.h fix expand/uniform_random && concat/transpose to new api on xpu (#29280) 4 years ago
expand_v2_op.cc add double grad for tile op and expand_v2 op (#27114) 5 years ago
expand_v2_op.cu
expand_v2_op.h
eye_op.cc support Baidu Kunlun AI Accelerator (#25959) 5 years ago
eye_op.cu
eye_op.h use iwyu clean include (#27267) 4 years ago
fake_dequantize_op.cc add op version for fake_quant and fake_dequant ops, test=op_version (#29923) 4 years ago
fake_dequantize_op.cu Fix fake_quant error when cout > 1024, test=develop (#28603) 4 years ago
fake_dequantize_op.h [Quantization] Conv2d_transpose and mul support channnelwise quantization (#25639) 5 years ago
fake_quantize_op.cc Add moving_average_abs_max_scale op_register_version test=develop (#29957) 4 years ago
fake_quantize_op.cu Fix fake_quant error when cout > 1024, test=develop (#28603) 4 years ago
fake_quantize_op.h Add test attribute in channelwise_quant op, test=develop (#27742) 4 years ago
fc_op.cc Polish the error message of fc, fused_fc_elementwise_layernorm and fused_embedding_seq_pool. (#27692) 4 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) 4 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 Add complex dtype op (add) test example (#29603) 4 years ago
fill_constant_op.cu.cc Add complex dtype op (add) test example (#29603) 4 years ago
fill_constant_op.h fill_constant op supports NINF (#28270) 4 years ago
fill_constant_op_xpu.cc add conj op for complex types (#29527) 4 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
flatten_op.cu.cc
flatten_op.h
flip_op.cc add op_version for flip op [test=op_version] (#30019) 4 years ago
flip_op.cu
flip_op.h
fsp_op.cc
fsp_op.cu
fsp_op.h
gather.cu.h fix error message of gather nd (#29521) 4 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 refine gather OP performance for dynamic mode (#28587) 4 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) 4 years ago
gather_test.cc use iwyu clean include (#27267) 4 years ago
gather_tree_op.cc Optimize the error message of OP. (#27478) 4 years ago
gather_tree_op.cu
gather_tree_op.h
gaussian_random_batch_size_like_op.cc
gaussian_random_op.cc Add version checking (#30040) 4 years ago
gaussian_random_op.cu add empty op (c++, python, unit test) (#26659) 5 years ago
gaussian_random_op_xpu.cc Add gaussian_random XPU kernels (#27853) 4 years ago
gelu_op.cc Fixes mkldnn dygraph learning rate scheduler crashes (#28988) 4 years ago
gelu_op.cu
gelu_op.h make gelu fp16 computing more robust (#29484) 4 years ago
get_tensor_from_selected_rows_op.cc
grid_sampler_cudnn_op.cu.cc use iwyu clean include (#27267) 4 years ago
grid_sampler_op.cc Register op version for grid_sampler, test=op_version (#29916) 4 years ago
grid_sampler_op.cu Fix round in grid sample op (#27657) 4 years ago
grid_sampler_op.h Make grid support stopping graients. (#27630) 4 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) 4 years ago
gru_op.h
gru_unit_op.cc
gru_unit_op.cu
gru_unit_op.h Polish no onwer ops error message (#27448) 4 years ago
hash_op.cc use iwyu clean include (#27267) 4 years ago
hash_op.h use iwyu clean include (#27267) 4 years ago
hierarchical_sigmoid_op.cc
hierarchical_sigmoid_op.h [Feature] one ps (3/4) (#29604) 4 years ago
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) 4 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
im2sequence_op.cu
im2sequence_op.h
imag_op.cc [Complex] Add real & imag op and api for complex tensor (#29672) 4 years ago
imag_op.cu [Complex] Add real & imag op and api for complex tensor (#29672) 4 years ago
imag_op.h [Complex] Add real & imag op and api for complex tensor (#29672) 4 years ago
increment_op.cc use iwyu clean include (#27267) 4 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
inplace_abn_op.cc
inplace_abn_op.cu
inplace_abn_op.h
instance_norm_op.cc register ModifyAttr for instance_norm, test=op_version (#30065) 4 years ago
instance_norm_op.cu
instance_norm_op.h
interpolate_op.cc Add mkldnn nearest_interp and bilinear_interp op (#30016) 4 years ago
interpolate_op.cu refine gpu kernel config for Paddle (#28085) 4 years ago
interpolate_op.h
interpolate_op_xpu.cc update activation op on kunlun (#29577) 4 years ago
interpolate_v2_op.cc Polish some error message in opeators (#27876) 4 years ago
interpolate_v2_op.cu refine gpu kernel config for Paddle (#28085) 4 years ago
interpolate_v2_op.h fix typo for interp_v2,test=develop (#26843) 5 years ago
interpolate_v2_op_xpu.cc add nearest_interp_v2 on kunlun (#29725) 4 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) 4 years ago
isfinite_op.cu
isfinite_op.h use iwyu clean include (#27267) 4 years ago
isfinite_v2_op.cc fix isfinite_v2_op OpProtoAndCheckerMaker AddComment bug (#29626) 4 years ago
isfinite_v2_op.cu Add isfinite v2 op (#26344) 5 years ago
isfinite_v2_op.h use iwyu clean include (#27267) 4 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 Make transpose, trace, kron, reshape, sum op support complex type (#29321) 4 years ago
kron_op.cu Make transpose, trace, kron, reshape, sum op support complex type (#29321) 4 years ago
kron_op.h change the kron gradient when complex types (#29995) 4 years ago
l1_norm_op.cc
l1_norm_op.cu
l1_norm_op.h
label_smooth_op.cc use iwyu clean include (#27267) 4 years ago
label_smooth_op.cu
label_smooth_op.h
layer_norm_op.cc Layer norm fp16 (#29169) 4 years ago
layer_norm_op.cu Fix compile problem when cuda_arch < 6000 (#29576) 4 years ago
layer_norm_op.h use iwyu clean include (#27267) 4 years ago
layer_norm_op_xpu.cc Add batch_norm and layer_norm XPU kernels (#27818) 4 years ago
layout_utils.h support channel last in BatchNorm*d 4 years ago
linear_chain_crf_op.cc
linear_chain_crf_op.h Optimize the error message for OP (#27617) 4 years ago
linspace_op.cc Register op version for linspace,test=op_version (#30025) 4 years ago
linspace_op.cu refine the precious of linspace Op using half way (#27452) 4 years ago
linspace_op.h refine the precious of linspace Op using half way (#27452) 4 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) 4 years ago
lod_array_length_op.cc use iwyu clean include (#27267) 4 years ago
lod_rank_table_op.cc enhance array_to_lod_tensor_op lod_tensor_to_array_op errors informaiton (#27386) 4 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) 4 years ago
log_loss_op.cc
log_loss_op.cu
log_loss_op.h
log_loss_op_xpu.cc Polish kunlun error (#27974) 4 years ago
log_softmax_op.cc
log_softmax_op.cu
log_softmax_op.h
lookup_table_dequant_op.cc
lookup_table_dequant_op.h [Feature] one ps (3/4) (#29604) 4 years ago
lookup_table_op.cc for inference checkpoint (#30081) 4 years ago
lookup_table_op.cu enhance error messages of lookup_tale, merge_ids, data_norm (#27619) 4 years ago
lookup_table_op.h [Feature] one ps (3/4) (#29604) 4 years ago
lookup_table_v2_op.cc enhance error messages of lookup_tale, merge_ids, data_norm (#27619) 4 years ago
lookup_table_v2_op.cu fix gpu outofrange (#29238) 4 years ago
lookup_table_v2_op.h [Feature] one ps (3/4) (#29604) 4 years ago
lookup_table_v2_op_xpu.cc lookup_table_v2_op_xpu report errors;test=kunlun (#28064) 4 years ago
lrn_op.cc Fixes mkldnn dygraph learning rate scheduler crashes (#28988) 4 years ago
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) 4 years ago
lstm_unit_op.cu API(lstm_unit, lstmp, sequence_mask, sequence_enumerate, sequence_conv) error message enhancement (#27572) 4 years ago
lstm_unit_op.h API(lstm_unit, lstmp, sequence_mask, sequence_enumerate, sequence_conv) error message enhancement (#27572) 4 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) 4 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) 4 years ago
match_matrix_tensor_op.h
math.h
matmul_op.cc add the support the op version check for matmul, test=op_version (#30011) 4 years ago
matmul_op_xpu.cc support some shape for matmul and cast in xpu place (#29900) 4 years ago
matmul_v2_op.cc Support type promote for basic math ops (quantum required) (#29265) 4 years ago
matmul_v2_op.cu add complex64 and complex128 type; add +-*/@ and slice opreator for c… (#29199) 4 years ago
matmul_v2_op.h complex gradient matmul (#29966) 4 years ago
matmul_v2_op_xpu.cc support kunlun matmul_v2 (#27910) 4 years ago
max_sequence_len_op.cc use iwyu clean include (#27267) 4 years ago
maxout_op.cc refine APIs: brelu, hardsigmoid, hardswish, maxout (#27658) 4 years ago
maxout_op.cu.cc
maxout_op.h refine APIs: brelu, hardsigmoid, hardswish, maxout (#27658) 4 years ago
mean_iou_op.cc
mean_iou_op.cu
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 (#27967) 4 years ago
merge_lod_tensor_op.cc use iwyu clean include (#27267) 4 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
mish_op.cu refine gpu kernel config for Paddle (#28085) 4 years ago
mish_op.h
modified_huber_loss_op.cc
modified_huber_loss_op.cu
modified_huber_loss_op.h
mul_op.cc Fixes mkldnn dygraph learning rate scheduler crashes (#28988) 4 years ago
mul_op.cu.cc
mul_op.h
mul_op_xpu.cc support elementwise add, activation, matmul on Baidu Kunlun (#27143) 4 years ago
multinomial_op.cc Fix error message of multinomial op (#27946) 4 years ago
multinomial_op.cu Fix error message of multinomial op (#27946) 4 years ago
multinomial_op.h Fix error message of multinomial op (#27946) 4 years ago
multiplex_op.cc
multiplex_op.cu
multiplex_op.h
mv_op.cc update mv op according PR#27024 (#27474) 4 years ago
mv_op.cu refine gpu kernel config for Paddle (#28085) 4 years ago
mv_op.h update mv op according PR#27024 (#27474) 4 years ago
nce_op.cc
nce_op.h [Feature] one ps (3/4) (#29604) 4 years ago
nll_loss_op.cc Add isfinite v2 op (#26344) 5 years ago
nll_loss_op.cu
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) 4 years ago
norm_utils.h
one_hot_op.cc
one_hot_op.cu
one_hot_op.h
one_hot_op_xpu.cc add xpu ops for training transformer in kunlun (#29539) 4 years ago
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) 4 years ago
p_norm_op.cc Add p_norm op version info (#30042) 4 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
pad3d_op.cc add pad and concat double grad (#29549) 4 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 add pad and concat double grad (#29549) 4 years ago
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) 4 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) 4 years ago
pool_op.cc Fixes mkldnn dygraph learning rate scheduler crashes (#28988) 4 years ago
pool_op.cu.cc Pool2d cuda kernel supports fp16 (#28316) 4 years ago
pool_op.h Pool2d cuda kernel supports fp16 (#28316) 4 years ago
pool_op_xpu.cc support global pooling for kunlun (#29293) 4 years ago
pool_with_index_op.cc Error message opt, test=develop (#27467) 4 years ago
pool_with_index_op.cu.cc
pool_with_index_op.h Error message opt, test=develop (#27467) 4 years ago
positive_negative_pair_op.cc fix error mesage for negative_positive_pair_op and nce_op (#27779) 4 years ago
positive_negative_pair_op.h
prelu_op.cc
prelu_op.cu
prelu_op.h
print_op.cc Register op version for print, test=op_version (#29945) 4 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) 4 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 heter box (#29734) 4 years ago
pull_box_sparse_op.cu
pull_box_sparse_op.h heter box (#29734) 4 years ago
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) 4 years ago
quantize_op.cc operator checkpoints for new attributes. (#29832) 4 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 Fix the formate of raising error in randperm op (#30108) 4 years ago
randperm_op.cu
randperm_op.h randperm run error in multi-gpus (#27942) 4 years ago
range_op.cc
range_op.cu
range_op.h
rank_attention.cu.h
rank_attention_op.cc fix error message (#30135) 4 years ago
rank_attention_op.cu
rank_attention_op.h
rank_loss_op.cc use iwyu clean include (#27267) 4 years ago
rank_loss_op.cu
rank_loss_op.h
real_op.cc [Complex] Add real & imag op and api for complex tensor (#29672) 4 years ago
real_op.cu [Complex] Add real & imag op and api for complex tensor (#29672) 4 years ago
real_op.h [Complex] Add real & imag op and api for complex tensor (#29672) 4 years ago
recurrent_op.cc use iwyu clean include (#27267) 4 years ago
recurrent_op.h use iwyu clean include (#27267) 4 years ago
reorder_lod_tensor_by_rank_op.cc use iwyu clean include (#27267) 4 years ago
requantize_op.cc operator checkpoints for new attributes. (#29832) 4 years ago
requantize_op.h
reshape_op.cc refine reshape grad and double grad kernel, use tensor copy async (#29128) 4 years ago
reverse_op.cc
reverse_op.cu
reverse_op.h
rnn_memory_helper_op.cc use iwyu clean include (#27267) 4 years ago
rnn_op.cc Add LSTM, Simple RNN and GRU CPU kernel (#28577) 4 years ago
rnn_op.cu.cc Add LSTM, Simple RNN and GRU CPU kernel (#28577) 4 years ago
rnn_op.h Add eigen gru and fix the dropout bug in the rnn 4 years ago
roi_align_op.cc add REGISTER_OP_VERSION for generate_proposals, roi_align, roi_pool test=op_version (#30034) 4 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 support roi_align & affine_channel for kunlun (#29561) 4 years ago
roi_pool_op.cc add REGISTER_OP_VERSION for generate_proposals, roi_align, roi_pool test=op_version (#30034) 4 years ago
roi_pool_op.cu Error message opt, test=develop (#27467) 4 years ago
roi_pool_op.h Enhance ops to support LoD as input for dygraph detection models. (#25316) 5 years ago
roll_op.cc test=develop, add op_register_version for roll_op (#30023) 4 years ago
roll_op.cu Roll cuda kernel (#29655) 4 years ago
roll_op.h
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 [Dy2Stat] Add cache for Executor and Context in run_program_op (#28421) 4 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
save_load_combine_op_test.cc
save_load_op_test.cc
save_op.cc Incorporate cudnn_lstm into LSTM api (#27217) 4 years ago
save_op.cu Incorporate cudnn_lstm into LSTM api (#27217) 4 years ago
save_op.h
scale_op.cc use iwyu clean include (#27267) 4 years ago
scale_op.cu
scale_op.h add the error message check for the some operator 4 years ago
scale_op_xpu.cc Polish some error message in opeators (#27876) 4 years ago
scatter.cu.h
scatter.h fix error message (#30135) 4 years ago
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) 4 years ago
search_compute.h Support mips arch (#29903) 4 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 4 years ago
segment_pool_op.cu refine gpu kernel config for Paddle (#28085) 4 years ago
segment_pool_op.h Add GPU Kernels of Segment Ops, support, sum, max, min, mean 4 years ago
select_input_op.cc
select_op_helper.h
select_output_op.cc
selu_op.cc
selu_op.cu
selu_op.h
set_value_op.cc [setitem] Support Tensor setitem in static mode (#29708) 4 years ago
set_value_op.cu [setitem] Support Tensor setitem in static mode (#29708) 4 years ago
set_value_op.h [setitem] Support Tensor setitem in static mode (#29708) 4 years ago
shape_op.cc add empty_like op (python, and unit test), use c++ implementation of empty op, (#27287) 4 years ago
shape_op.cu add empty_like op (python, and unit test), use c++ implementation of empty op, (#27287) 4 years ago
shape_op.h
shape_op_xpu.cc add XPU support for shape op and reshape op (#27804) 4 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 fix shuffle batch op shuffle (#28533) 4 years ago
shuffle_channel_op.cc [2.0RC]refine error message in shuffle channel OP (#27505) 4 years ago
shuffle_channel_op.cu
shuffle_channel_op.h
sigmoid_cross_entropy_with_logits_op.cc
sigmoid_cross_entropy_with_logits_op.cu
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) 4 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 Fix bug: In dynamic mode, if start or end is negetive, __getitem__ return wrong result(#30003) 4 years ago
slice_op.cu add complex64 and complex128 type; add +-*/@ and slice opreator for c… (#29199) 4 years ago
slice_op.h Fix bug: In dynamic mode, if start or end is negetive, __getitem__ return wrong result(#30003) 4 years ago
slice_op_xpu.cc add kunlun kernel: slice, slice_grad, top_k, cast. *test=kunlun (#28542) 4 years ago
smooth_l1_loss_op.cc
smooth_l1_loss_op.cu
smooth_l1_loss_op.h
softmax_cudnn_op.cu Softmax vectorization (#29404) 4 years ago
softmax_op.cc Fixes mkldnn dygraph learning rate scheduler crashes (#28988) 4 years ago
softmax_op.cu.cc
softmax_op.h
softmax_op_xpu.cc update kunlun conv2d/softmax/elementwise implemetation (#29229) 4 years ago
softmax_with_cross_entropy_op.cc
softmax_with_cross_entropy_op.cu Fix gradients with ignore_idx in softmax_with_cross_entropy (#28622) 4 years ago
softmax_with_cross_entropy_op.h Fix gradients with ignore_idx in softmax_with_cross_entropy (#28622) 4 years ago
softmax_with_cross_entropy_op_xpu.cc 1. fix elementwise ops'bug 2. fix softmax_with_cross_entropy_op 3. add biliner_interp_op (#29448) 4 years ago
space_to_depth_op.cc op error info (#27856) 4 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) 4 years ago
split_op.cc op error info (#27856) 4 years ago
split_op.cu.cc
split_op.h op error info (#27856) 4 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 uint8 support for squeeze operator (#28734) 4 years ago
squeeze_op.cu.cc add uint8 support for squeeze operator (#28734) 4 years ago
squeeze_op.h add uint8 support for squeeze operator (#28734) 4 years ago
stack_op.cc
stack_op.cu refine gpu kernel config for Paddle (#28085) 4 years ago
stack_op.h
stack_op_xpu.cc feat: support check_nan_inf for kunlun/xpu device (#29694) 4 years ago
strided_memcpy.h use iwyu clean include (#27267) 4 years ago
strided_memcpy_test.cc use iwyu clean include (#27267) 4 years ago
strided_slice_op.cc add complex64 and complex128 type; add +-*/@ and slice opreator for c… (#29199) 4 years ago
strided_slice_op.cu add complex64 and complex128 type; add +-*/@ and slice opreator for c… (#29199) 4 years ago
strided_slice_op.h
sum_op.cc Fixes mkldnn dygraph learning rate scheduler crashes (#28988) 4 years ago
sum_op.cu update the error message check for the some ops 4 years ago
sum_op.h update the error message check for the some ops 4 years ago
sum_op_xpu.cc fix enforce msg of sum xpu op (#30113) 4 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 refine temporal_shift_op for performance optimization using gpu kernel config (#28114) 4 years ago
temporal_shift_op.h
tensor_array_to_tensor_op.cc
tensor_formatter.cc use iwyu clean include (#27267) 4 years ago
tensor_formatter.h use iwyu clean include (#27267) 4 years ago
test_common_infer_shape_functions.cc
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) 4 years ago
tile_op.cc fix shape of tile_grad op (#29289) 4 years ago
tile_op.cu
tile_op.h fix shape of tile_grad op (#29289) 4 years ago
top_k_function_cuda.h fix the gradient bug for the topk v2 4 years ago
top_k_op.cc Polish some error message in opeators (#27876) 4 years ago
top_k_op.cu Polish some error message in opeators (#27876) 4 years ago
top_k_op.h
top_k_op_xpu.cc add kunlun kernel: slice, slice_grad, top_k, cast. *test=kunlun (#28542) 4 years ago
top_k_v2_op.cc update the code for the topk message optimize 4 years ago
top_k_v2_op.cu update the code for the topk message optimize 4 years ago
top_k_v2_op.h Norm op support 2-axis (#26492) 5 years ago
trace_op.cc Optimize the error message of framework. (#30134) 4 years ago
trace_op.cu Make transpose, trace, kron, reshape, sum op support complex type (#29321) 4 years ago
trace_op.h
transpose_op.cc add transpose double grad test=develop (#29600) 4 years ago
transpose_op.cu Make transpose, trace, kron, reshape, sum op support complex type (#29321) 4 years ago
transpose_op.h enhance reduce op which can reduce tensor with arbitrary rank 4 years ago
transpose_op_xpu.cc fix expand/uniform_random && concat/transpose to new api on xpu (#29280) 4 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 Add truncated_gaussian_random XPU kernel (#27861) 4 years ago
truncated_gaussian_random_op.cu fix truncated_gaussian seed (#28777) 4 years ago
truncated_gaussian_random_op.h Add truncated_gaussian_random XPU kernel (#27861) 4 years ago
truncated_gaussian_random_op_xpu.cc Add truncated_gaussian_random XPU kernel (#27861) 4 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 4 years ago
uniform_random_op.cu update the error message check for the some ops 4 years ago
uniform_random_op.h update the error message check for the some ops 4 years ago
uniform_random_op_xpu.cc fix expand/uniform_random && concat/transpose to new api on xpu (#29280) 4 years ago
unique_op.cc fix a bug in op_version_registry, test=develop, test=op_version (#29994) 4 years ago
unique_op.cu updata 2.0 API english doc (#28525) 4 years ago
unique_op.h add dtype for unique (#26655) 5 years ago
unique_with_counts_op.cc
unique_with_counts_op.h
unity_build_rule.cmake Compiling operator libraries with Unity build (#29130) 4 years ago
unpool_op.cc
unpool_op.cu.cc
unpool_op.h
unsqueeze_op.cc add uint8 support for squeeze operator (#28734) 4 years ago
unsqueeze_op.cu.cc add uint8 support for squeeze operator (#28734) 4 years ago
unsqueeze_op.h
unstack_op.cc
unstack_op.cu
unstack_op.h
utils.h xpu support for fill_constant Op (#27675) 4 years ago
var_conv_2d_op.cc Polish no onwer ops error message (#27448) 4 years ago
var_conv_2d_op.h
warpctc_op.cc add support to float64 input of warpctc op. (#27399) 4 years ago
warpctc_op.cu.cc add support to float64 input of warpctc op. (#27399) 4 years ago
warpctc_op.h add support to float64 input of warpctc op. (#27399) 4 years ago
where_index_op.cc
where_index_op.cu
where_index_op.h
where_op.cc
where_op.cu refine gpu kernel config for Paddle (#28085) 4 years ago
where_op.h