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
Zhang Ting b71abeee1b
use 32 bit index to improve activation ops (#24206)
5 years ago
..
benchmark
collective
controlflow improve efficiency of runtime InferVarType (#22778) 5 years ago
detail
detection Refine error message, test=develop (#23823) 5 years ago
distributed
distributed_ops improve efficiency of runtime InferVarType (#22778) 5 years ago
elementwise improve efficiency of runtime InferVarType (#22778) 5 years ago
fused improve efficiency of runtime InferVarType (#22778) 5 years ago
jit
lite
math Add the implementation of inverse (#23310) 5 years ago
metrics API/OP error message enhancement (#23717) 5 years ago
mkldnn added reshape transpose matmul fuse pass (#23754) 5 years ago
nccl improve efficiency of runtime InferVarType (#22778) 5 years ago
optimizers improve efficiency of runtime InferVarType (#22778) 5 years ago
reader improve efficiency of runtime InferVarType (#22778) 5 years ago
reduce_ops improve efficiency of runtime InferVarType (#22778) 5 years ago
sequence_ops API/OP error message enhancement (#23717) 5 years ago
tensorrt [Eernie TRT]: add slice op and add emb eltwise layernorm fp16 support (#23723) 5 years ago
CMakeLists.txt add noavx_axpy and noavx_axpy_noadd (#24207) 5 years ago
activation_cudnn.cu.cc
activation_cudnn_op.cu.cc
activation_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
activation_op.cu
activation_op.h use 32 bit index to improve activation ops (#24206) 5 years ago
add_position_encoding_op.cc OP(warpctc, add_position_encoding, scaled_dot_product_attention) error message enhancement (#24261) 5 years ago
add_position_encoding_op.h OP(warpctc, add_position_encoding, scaled_dot_product_attention) error message enhancement (#24261) 5 years ago
addmm_op.cc
addmm_op.cu
addmm_op.h
affine_channel_op.cc API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118) 5 years ago
affine_channel_op.cu
affine_grid_cudnn_op.cu.cc
affine_grid_op.cc
affine_grid_op.h
allclose_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
allclose_op.cu
allclose_op.h
arg_max_op.cc
arg_max_op.cu
arg_min_max_op_base.h API(argsort, argmax, argmin, cast, diag) error message enhancement 5 years ago
arg_min_op.cc
arg_min_op.cu
argsort_op.cc API(argsort, argmax, argmin, cast, diag) error message enhancement 5 years ago
argsort_op.cu Optimize the error messages of paddle CUDA API (#23816) 5 years ago
argsort_op.h
array_operator.h
array_to_lod_tensor_op.cc
assign_op.cc Fix bug in assign op: support to infer shape for LOD_TENSOR_ARRAY. (#24268) 5 years ago
assign_op.h
assign_op_test.cc
assign_value_op.cc Add the support of bool list for assign_value op (#23774) 5 years ago
assign_value_op.cu.cc Add the support of bool list for assign_value op (#23774) 5 years ago
assign_value_op.h Add the support of bool list for assign_value op (#23774) 5 years ago
attention_lstm_op.cc enhance attention_lstm and param_attr error message (#23678) 5 years ago
attention_lstm_op.h
average_accumulates_op.cc c++ API ( average_accumulates, tensor_array_to_tensor and average_accumulates) error message enhance. test=develop (#23631) 5 years ago
average_accumulates_op.cu
average_accumulates_op.h
batch_fc_op.cc Add batch_fc op in contrib (#24017) 5 years ago
batch_fc_op.cu Add batch_fc op in contrib (#24017) 5 years ago
batch_fc_op.h Add batch_fc op in contrib (#24017) 5 years ago
batch_norm_op.cc Add trainable_statistics in attr for batch_norm. (#24072) 5 years ago
batch_norm_op.cu Add trainable_statistics in attr for batch_norm. (#24072) 5 years ago
batch_norm_op.h improve efficiency of runtime InferVarType (#22778) 5 years ago
batch_size_like.h
bce_loss_op.cc Fix bce_loss (#23746) 5 years ago
bce_loss_op.cu Add bce_loss op (#23388) 5 years ago
bce_loss_op.h Add bce_loss op (#23388) 5 years ago
beam_search_decode_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
beam_search_decode_op.h
beam_search_decode_op_test.cc
beam_search_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
beam_search_op.cu.cc
beam_search_op.h
bilinear_tensor_product_op.cc
bilinear_tensor_product_op.cu
bilinear_tensor_product_op.h
bmm_op.cc create bmm op and move several api from fluid.layers to tensor (#23457) 5 years ago
bmm_op.cu create bmm op and move several api from fluid.layers to tensor (#23457) 5 years ago
bmm_op.h create bmm op and move several api from fluid.layers to tensor (#23457) 5 years ago
bpr_loss_op.cc
bpr_loss_op.h
cast_op.cc API(argsort, argmax, argmin, cast, diag) error message enhancement 5 years ago
cast_op.cu
cast_op.h
center_loss_op.cc API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794) 5 years ago
center_loss_op.cu
center_loss_op.h
cholesky_op.cc Add cholesky_op (#23543) 5 years ago
cholesky_op.cu Add cholesky_op (#23543) 5 years ago
cholesky_op.h Add cholesky_op (#23543) 5 years ago
chunk_eval_op.cc
chunk_eval_op.h
clip_by_norm_op.cc
clip_by_norm_op.cu
clip_by_norm_op.h API/OP (clip_by_norm/clip) error message enhancement (#23603) 5 years ago
clip_op.cc add clamp api, test=develop (#23273) 5 years ago
clip_op.cu add clamp api, test=develop (#23273) 5 years ago
clip_op.h add clamp api, test=develop (#23273) 5 years ago
coalesce_tensor_op.cc
concat_op.cc
concat_op.cu.cc
concat_op.h Api (lod_append) error message enhancement (#23541) 5 years ago
conv_cudnn_helper.h fix bug for exhaustive_search in conv_fusion_op, test=develop (#23727) 5 years ago
conv_cudnn_op.cu
conv_cudnn_op_cache.h
conv_op.cc Op(conv2d_fusion) error message enhancement. (#23596) 5 years ago
conv_op.cu.cc
conv_op.h improve efficiency of runtime InferVarType (#22778) 5 years ago
conv_shift_op.cc API/OP error message enhancement (#23684) 5 years ago
conv_shift_op.cu
conv_shift_op.h
conv_transpose_cudnn_op.cu
conv_transpose_op.cc imporve error messages for conv, conv_transpose, cos_sim, group_norm (#23675) 5 years ago
conv_transpose_op.cu
conv_transpose_op.h
cos_sim_op.cc API/OP error message enhancement (#23691) 5 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 improve efficiency of runtime InferVarType (#22778) 5 years ago
cross_entropy_op.cu
cross_entropy_op.h
cross_op.cc add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
cross_op.cu add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
cross_op.h add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
ctc_align_op.cc API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794) 5 years ago
ctc_align_op.cu
ctc_align_op.h
cudnn_lstm_op.cc
cudnn_lstm_op.cu.cc
cudnn_rnn_cache.h
cum_op.h API(has_inf, has_nan, cumsum, fsp_matrix, increment) error message enhancement, test=develop (#23769) 5 years ago
cumsum_op.cc
cumsum_op.cu
cvm_op.cc
cvm_op.cu
cvm_op.h
data_norm_op.cc modify datanorm op test=develop (#23030) 5 years ago
data_norm_op.cu
data_norm_op.h
deformable_conv_filter.cu.h
deformable_conv_func.h
deformable_conv_op.cc Refine error message, test=develop (#23823) 5 years ago
deformable_conv_op.cu
deformable_conv_op.h
deformable_conv_v1_op.cc Refine error message, test=develop (#23823) 5 years ago
deformable_conv_v1_op.cu
deformable_conv_v1_op.h
deformable_psroi_pooling_op.cc OP(retinanet_detection_output, retinanet_target_assign, sigmoid_focal_loss, deformable_roi_pooling) error message enhancement. test=develop (#23726) 5 years ago
deformable_psroi_pooling_op.cu OP(retinanet_detection_output, retinanet_target_assign, sigmoid_focal_loss, deformable_roi_pooling) error message enhancement. test=develop (#23726) 5 years ago
deformable_psroi_pooling_op.h OP(retinanet_detection_output, retinanet_target_assign, sigmoid_focal_loss, deformable_roi_pooling) error message enhancement. test=develop (#23726) 5 years ago
delete_var_op.cc
dequantize_abs_max_op.cc
dequantize_abs_max_op.cu
dequantize_abs_max_op.h
dequantize_log_op.cc
dequantize_log_op.cu
dequantize_log_op.h
dequantize_op.cc
dequantize_op.h
detection_map_op.cc
detection_map_op.h
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 add diag_embed op (#23385) 5 years ago
diag_embed_op.cu add diag_embed op (#23385) 5 years ago
diag_embed_op.h add diag_embed op (#23385) 5 years ago
diag_op.cc API(argsort, argmax, argmin, cast, diag) error message enhancement 5 years ago
diag_op.cu
diag_op.h
dist_op.cc add dist op (#23503) 5 years ago
dist_op.cu add dist op (#23503) 5 years ago
dist_op.h fix the CI random failure for dist op (#23743) 5 years ago
dot_op.cc add new dot op(#23418) 5 years ago
dot_op.cu add new dot op(#23418) 5 years ago
dot_op.h add new dot op(#23418) 5 years ago
dropout_op.cc API/OP error message enhancement (#23691) 5 years ago
dropout_op.cu add cuda kernel for seed, test=develop (#23749) 5 years ago
dropout_op.h
dropout_op_test.cc
edit_distance_op.cc
edit_distance_op.cu
edit_distance_op.h
erf_op.cc
erf_op.cu
erf_op.h
expand_as_op.cc
expand_as_op.cu
expand_as_op.h
expand_op.cc
expand_op.cu
expand_op.h use 32 bit index to improve expand op (#23899) 5 years ago
eye_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
eye_op.cu
eye_op.h
fake_dequantize_op.cc
fake_dequantize_op.cu
fake_dequantize_op.h
fake_quantize_op.cc
fake_quantize_op.cu
fake_quantize_op.h
fc_op.cc
fc_op.cu.cc
fc_op.h
fill_any_like_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
fill_any_like_op.cu
fill_any_like_op.h Add the error raise for some operators, add some test cases 5 years ago
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 improve efficiency of runtime InferVarType (#22778) 5 years ago
fill_constant_op.cu.cc
fill_constant_op.h API/OP(fill_constant) error message enhancement (#23584) 5 years ago
fill_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
fill_op.cu.cc
fill_op.h
fill_zeros_like_op.cc Add the error raise for some operators, add some test cases 5 years ago
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 improve efficiency of runtime InferVarType (#22778) 5 years ago
flip_op.cu
flip_op.h
fsp_op.cc API(has_inf, has_nan, cumsum, fsp_matrix, increment) error message enhancement, test=develop (#23769) 5 years ago
fsp_op.cu
fsp_op.h
gather.cu.h
gather.h
gather_nd_op.cc
gather_nd_op.cu
gather_nd_op.h
gather_op.cc
gather_op.cu
gather_op.h
gather_test.cc
gather_tree_op.cc
gather_tree_op.cu
gather_tree_op.h
gaussian_random_batch_size_like_op.cc
gaussian_random_op.cc update enhance error message for Initializer, smooth_l1 (#23912) 5 years ago
gaussian_random_op.cu
gelu_op.cc
gelu_op.cu
gelu_op.h
get_tensor_from_selected_rows_op.cc c++ API ( average_accumulates, tensor_array_to_tensor and average_accumulates) error message enhance. test=develop (#23631) 5 years ago
grid_sampler_cudnn_op.cu.cc Optimize the error messages of paddle CUDA API (#23816) 5 years ago
grid_sampler_op.cc Update OP_INOUT_CHECK (#23757) 5 years ago
grid_sampler_op.h
group_norm_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
group_norm_op.cu
group_norm_op.h
gru_op.cc
gru_op.cu.cc
gru_op.h
gru_unit_op.cc
gru_unit_op.cu
gru_unit_op.h
hash_op.cc
hash_op.h
hierarchical_sigmoid_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
hierarchical_sigmoid_op.h Ops(relu6/selu/soft_relu/softshrink/stanh/swish/thresholded_relu/hard_shrink/hard_sigmoid/hard_swish/hsigmoid/maxout) error message enhancement (#23718) 5 years ago
hinge_loss_op.cc Error message enhancement of 6 op (#23759) 5 years ago
hinge_loss_op.cu
hinge_loss_op.h
huber_loss_op.cc Error message enhancement of 6 op (#23759) 5 years ago
huber_loss_op.cu
huber_loss_op.h
im2sequence_op.cc
im2sequence_op.cu
im2sequence_op.h
increment_op.cc API(has_inf, has_nan, cumsum, fsp_matrix, increment) error message enhancement, test=develop (#23769) 5 years ago
increment_op.cu
increment_op.h
index_sample_op.cc Update index sample (#24109) 5 years ago
index_sample_op.cu Update index sample (#24109) 5 years ago
index_sample_op.h Update index sample (#24109) 5 years ago
index_select_op.cc add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
index_select_op.cu add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
index_select_op.h add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
inplace_abn_op.cc Split inplace_abn & batch_norm infershape (#23755) 5 years ago
inplace_abn_op.cu
inplace_abn_op.h
instance_norm_op.cc API/OP error message enhancement (#23691) 5 years ago
instance_norm_op.cu
instance_norm_op.h improve efficiency of runtime InferVarType (#22778) 5 years ago
interpolate_op.cc Add `nn.interpolate ` (#23434) 5 years ago
interpolate_op.cu fix bicubic, change int to floor (#24063) 5 years ago
interpolate_op.h fix bicubic, change int to floor (#24063) 5 years ago
inverse_op.cc Add the implementation of inverse (#23310) 5 years ago
inverse_op.cu.cc Add the implementation of inverse (#23310) 5 years ago
inverse_op.h Add the implementation of inverse (#23310) 5 years ago
is_empty_op.cc
is_empty_op.cu.cc
is_empty_op.h
isfinite_op.cc API(has_inf, has_nan, cumsum, fsp_matrix, increment) error message enhancement, test=develop (#23769) 5 years ago
isfinite_op.cu
isfinite_op.h
kldiv_loss_op.cc Update OP_INOUT_CHECK (#23757) 5 years ago
kldiv_loss_op.cu
kldiv_loss_op.h
kron_op.cc fix kron_op: when only one input needs gradient, test=develop (#24269) 5 years ago
kron_op.cu add kron op (#24105) 5 years ago
kron_op.h fix kron_op: when only one input needs gradient, test=develop (#24269) 5 years ago
l1_norm_op.cc API/OP error message enhancement (#23684) 5 years ago
l1_norm_op.cu
l1_norm_op.h API/OP error message enhancement (#23684) 5 years ago
label_smooth_op.cc
label_smooth_op.cu
label_smooth_op.h
layer_norm_op.cc API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118) 5 years ago
layer_norm_op.cu restrict block num of layer_norm_grad cuda block to 128 (#23878) 5 years ago
layer_norm_op.h restrict block num of layer_norm_grad cuda block to 128 (#23878) 5 years ago
linear_chain_crf_op.cc
linear_chain_crf_op.h
linspace_op.cc Add the error raise for some operators, add some test cases 5 years ago
linspace_op.cu
linspace_op.h
load_combine_op.cc
load_combine_op.cu
load_combine_op.h Op (Save/LoadCombine) error message enhancement (#23647) 5 years ago
load_op.cc
load_op.cu
load_op.h
lod_array_length_op.cc
lod_rank_table_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
lod_reset_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
lod_reset_op.cu
lod_reset_op.h Api (lod_append) error message enhancement (#23541) 5 years ago
lod_tensor_to_array_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
log_loss_op.cc API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118) 5 years ago
log_loss_op.cu
log_loss_op.h
lookup_sparse_table_op.cc
lookup_table_dequant_op.cc
lookup_table_dequant_op.h
lookup_table_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
lookup_table_op.cu
lookup_table_op.h
lookup_table_v2_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
lookup_table_v2_op.cu
lookup_table_v2_op.h
lrn_op.cc Error message enhancement of 6 op (#23759) 5 years ago
lrn_op.cu
lrn_op.h Error message enhancement of 6 op (#23759) 5 years ago
lstm_op.cc
lstm_op.cu.cc
lstm_op.h
lstm_unit_op.cc
lstm_unit_op.cu
lstm_unit_op.h
lstmp_op.cc
lstmp_op.cu
lstmp_op.h
margin_rank_loss_op.cc
margin_rank_loss_op.cu
margin_rank_loss_op.h
match_matrix_tensor_op.cc add noavx_axpy and noavx_axpy_noadd (#24207) 5 years ago
match_matrix_tensor_op.h
math.h
matmul_op.cc added reshape transpose matmul fuse pass (#23754) 5 years ago
max_sequence_len_op.cc
maxout_op.cc Ops(relu6/selu/soft_relu/softshrink/stanh/swish/thresholded_relu/hard_shrink/hard_sigmoid/hard_swish/hsigmoid/maxout) error message enhancement (#23718) 5 years ago
maxout_op.cu.cc
maxout_op.h
mean_iou_op.cc OP Normal, Uniform, Xavier Initializer, smooth_l1, mean_iou error message enhancement (#23751) 5 years ago
mean_iou_op.cu
mean_iou_op.h
mean_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
mean_op.cu Optimize the error messages of paddle CUDA API (#23816) 5 years ago
mean_op.h OP error message enhancement of l2_normalize, matmul, mean, etc 5 years ago
merge_lod_tensor_op.cc OP clip, merge_lod_tensor, convert/elementwise error message enhancement (#23742) 5 years ago
merge_selected_rows_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
merge_selected_rows_op.cu.cc
merge_selected_rows_op.h
meshgrid_op.cc Add meshgrid op (#23736) 5 years ago
meshgrid_op.cu Add meshgrid op (#23736) 5 years ago
meshgrid_op.h Add meshgrid op (#23736) 5 years ago
minus_op.cc
minus_op.cu
minus_op.h
modified_huber_loss_op.cc Error message enhancement of 6 op (#23759) 5 years ago
modified_huber_loss_op.cu
modified_huber_loss_op.h
mul_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
mul_op.cu.cc
mul_op.h
multiplex_op.cc
multiplex_op.cu
multiplex_op.h
nce_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
nce_op.h
nll_loss_op.cc add nll_loss op test=develop (#23758) 5 years ago
nll_loss_op.cu Add cholesky_op (#23543) 5 years ago
nll_loss_op.h add nll_loss op test=develop (#23758) 5 years ago
norm_op.cc API/OP error message enhancement (#23684) 5 years ago
norm_op.cu
norm_op.h
norm_utils.h
one_hot_op.cc Error message enhancement of 6 op (#23759) 5 years ago
one_hot_op.cu
one_hot_op.h Error message enhancement of 6 op (#23759) 5 years ago
one_hot_v2_op.cc API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794) 5 years ago
one_hot_v2_op.cu
one_hot_v2_op.h
op_debug_string_test.cc
p_norm_op.cc fix compile problem on windows and some invalid argument check 5 years ago
p_norm_op.cu fix compile problem on windows and some invalid argument check 5 years ago
p_norm_op.h Add new norm api, support frobenius norm and p-order vector norm. (#23716) 5 years ago
pad2d_op.cc OP(pad, pad2d, pad_constant_like) error message enhancement (#23882) 5 years ago
pad2d_op.cu
pad_constant_like_op.cc OP(pad, pad2d, pad_constant_like) error message enhancement (#23882) 5 years ago
pad_constant_like_op.cu
pad_constant_like_op.h
pad_op.cc OP(pad, pad2d, pad_constant_like) error message enhancement (#23882) 5 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
pixel_shuffle_op.cu
pixel_shuffle_op.h
pool_cudnn_op.cu.cc
pool_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
pool_op.cu.cc
pool_op.h
pool_with_index_op.cc
pool_with_index_op.cu.cc
pool_with_index_op.h
positive_negative_pair_op.cc
positive_negative_pair_op.h
prelu_op.cc Op(prelu/relu/f.relu/f.log_softmax) error message enhancement (#23792) 5 years ago
prelu_op.cu
prelu_op.h
print_op.cc [dy2static] Add print transformer and unify print format (#24068) 5 years ago
prroi_pool_op.cc API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794) 5 years ago
prroi_pool_op.cu
prroi_pool_op.h
psroi_pool_op.cc
psroi_pool_op.cu
psroi_pool_op.h
pull_box_sparse_op.cc
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 improve efficiency of runtime InferVarType (#22778) 5 years ago
py_func_op.h
pyramid_hash_op.cc add noavx_axpy and noavx_axpy_noadd (#24207) 5 years ago
quantize_op.cc
quantize_op.h
randint_op.cc add 'seed' arguemnt of randint API (#23809) 5 years ago
randint_op.cu add 'seed' arguemnt of randint API (#23809) 5 years ago
random_crop_op.cc API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118) 5 years ago
random_crop_op.cu
random_crop_op.h
randperm_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
randperm_op.cu
randperm_op.h
range_op.cc
range_op.cu
range_op.h
rank_attention.cu.h
rank_attention_op.cc Add rank_attention_op attributes for GPU memory in contrib (#23915) 5 years ago
rank_attention_op.cu Add rank_attention_op attributes for GPU memory in contrib (#23915) 5 years ago
rank_attention_op.h
rank_loss_op.cc
rank_loss_op.cu
rank_loss_op.h
recurrent_op.cc
recurrent_op.h
reorder_lod_tensor_by_rank_op.cc
requantize_op.cc
requantize_op.h
reshape_op.cc
reverse_op.cc
reverse_op.cu
reverse_op.h
rnn_memory_helper_op.cc
roi_align_op.cc modify some op for dyg rcnn (#23648) 5 years ago
roi_align_op.cu modify some op for dyg rcnn (#23648) 5 years ago
roi_align_op.h modify some op for dyg rcnn (#23648) 5 years ago
roi_pool_op.cc API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794) 5 years ago
roi_pool_op.cu modify some op for dyg rcnn (#23648) 5 years ago
roi_pool_op.h modify some op for dyg rcnn (#23648) 5 years ago
roll_op.cc add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
roll_op.cu add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
roll_op.h add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
row_conv_op.cc
row_conv_op.cu
row_conv_op.h
run_program_op.cc
run_program_op.cu.cc
run_program_op.h
sample_logits_op.cc API/OP error message enhancement (#23684) 5 years ago
sample_logits_op.cu
sample_logits_op.h API/OP error message enhancement (#23684) 5 years ago
sampling_id_op.cc
sampling_id_op.cu
sampling_id_op.h
save_combine_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
save_combine_op.cu
save_combine_op.h supports loading model from memory, test=develop (#24098) 5 years ago
save_load_combine_op_test.cc
save_load_op_test.cc
save_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
save_op.cu
save_op.h
scale_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
scale_op.cu
scale_op.h
scatter.cu.h
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
search_compute.h add noavx_axpy and noavx_axpy_noadd (#24207) 5 years ago
seed_op.cc add cuda kernel for seed, test=develop (#23749) 5 years ago
seed_op.cu add cuda kernel for seed, test=develop (#23749) 5 years ago
seed_op.h
select_input_op.cc
select_op_helper.h
select_output_op.cc
selu_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
selu_op.cu
selu_op.h
shape_op.cc
shape_op.cu
shape_op.h
shard_index_op.cc
shard_index_op.cu
shard_index_op.h
shrink_rnn_memory_op.cc OP(compare/get_places/shrink_rnn_memory) error message enhancement (#23780) 5 years ago
shuffle_batch_op.cc
shuffle_batch_op.h
shuffle_channel_op.cc
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 update error info of ops,add some test cases for raise message (#23750) 5 years ago
sign_op.cu
sign_op.h
similarity_focus_op.cc
similarity_focus_op.h
size_op.cc
size_op.cu
size_op.h
slice_op.cc [Dy2Stat]Support LoDTensorArray for slice op (#23091) 5 years ago
slice_op.cu
slice_op.h [Dy2Stat]Support LoDTensorArray for slice op (#23091) 5 years ago
smooth_l1_loss_op.cc update enhance error message for Initializer, smooth_l1 (#23912) 5 years ago
smooth_l1_loss_op.cu
smooth_l1_loss_op.h
softmax_cudnn_op.cu.cc
softmax_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
softmax_op.cu.cc
softmax_op.h
softmax_with_cross_entropy_op.cc
softmax_with_cross_entropy_op.cu
softmax_with_cross_entropy_op.h
space_to_depth_op.cc
space_to_depth_op.cu
space_to_depth_op.h
spectral_norm_op.cc Update OP_INOUT_CHECK (#23757) 5 years ago
spectral_norm_op.cu
spectral_norm_op.h
split_lod_tensor_op.cc Error Message Enhancement (#23483) 5 years ago
split_op.cc
split_op.cu.cc
split_op.h
split_selected_rows_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
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 API/OP error message enhancement (#23684) 5 years ago
squared_l2_distance_op.cu
squared_l2_distance_op.h
squared_l2_norm_op.cc API/OP error message enhancement (#23684) 5 years ago
squared_l2_norm_op.cu
squared_l2_norm_op.h API/OP error message enhancement (#23684) 5 years ago
squeeze_op.cc
squeeze_op.cu.cc
squeeze_op.h
stack_op.cc
stack_op.cu
stack_op.h
strided_memcpy.h
strided_memcpy_test.cc
strided_slice_op.cc
strided_slice_op.cu
strided_slice_op.h
sum_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
sum_op.cu
sum_op.h Add some error meesage and dtyp, dtyep check for some ops (#23762) 5 years ago
sync_batch_norm_op.cc
sync_batch_norm_op.cu Add trainable_statistics in attr for batch_norm. (#24072) 5 years ago
sync_batch_norm_op.cu.h Optimize the error messages of paddle CUDA API (#23816) 5 years ago
tdm_child_op.cc
tdm_child_op.h
tdm_sampler_op.cc
tdm_sampler_op.h
teacher_student_sigmoid_loss_op.cc Refine error message, test=develop (#23823) 5 years ago
teacher_student_sigmoid_loss_op.h
temporal_shift_op.cc Update OP_INOUT_CHECK (#23757) 5 years ago
temporal_shift_op.cu
temporal_shift_op.h
tensor_array_to_tensor_op.cc c++ API ( average_accumulates, tensor_array_to_tensor and average_accumulates) error message enhance. test=develop (#23631) 5 years ago
test_leaky_relu_grad_grad_functor.cc
test_leaky_relu_grad_grad_functor.cu
test_leaky_relu_grad_grad_functor.h
top_k_op.cc
top_k_op.cu
top_k_op.h
trace_op.cc Add trace op (#23873) 5 years ago
trace_op.cu Add trace op (#23873) 5 years ago
trace_op.h Add trace op (#23873) 5 years ago
transpose_op.cc
transpose_op.cu
transpose_op.h
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 API/OP error message enhancement (#23717) 5 years ago
truncated_gaussian_random_op.cu
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 improve efficiency of runtime InferVarType (#22778) 5 years ago
uniform_random_op.cu
uniform_random_op.h OP error message enhancement of l2_normalize, matmul, mean, etc 5 years ago
unique_op.cc Add some error meesage and dtyp, dtyep check for some ops (#23762) 5 years ago
unique_op.h Add some error meesage and dtyp, dtyep check for some ops (#23762) 5 years ago
unique_with_counts_op.cc Add some error meesage and dtyp, dtyep check for some ops (#23762) 5 years ago
unique_with_counts_op.h
unpool_op.cc API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118) 5 years ago
unpool_op.cu.cc
unpool_op.h
unsqueeze_op.cc
unsqueeze_op.cu.cc
unsqueeze_op.h
unstack_op.cc
unstack_op.cu
unstack_op.h
utils.h
var_conv_2d_op.cc
var_conv_2d_op.h
warpctc_op.cc OP(warpctc, add_position_encoding, scaled_dot_product_attention) error message enhancement (#24261) 5 years ago
warpctc_op.cu.cc
warpctc_op.h OP(warpctc, add_position_encoding, scaled_dot_product_attention) error message enhancement (#24261) 5 years ago
where_index_op.cc add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
where_index_op.cu add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
where_index_op.h add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
where_op.cc polish tensor.where codes and english document (#23687) 5 years ago
where_op.cu add paddle.tensor interface (#23801) 5 years ago
where_op.h