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
Zhen Wang abe3e6906d
Solve the conflict of ops with the same name. (#23199)
5 years ago
..
benchmark fix -Wno-error=sign-compare warning in gcc8 (#21434) 6 years ago
collective Imperative tracer refactoring (#22457) 5 years ago
controlflow Solve the conflict of ops with the same name. (#23199) 5 years ago
detail
detection Imperative tracer refactoring (#22457) 5 years ago
distributed fix communicator when break under pyreder mode (#22911) 5 years ago
distributed_ops fix typo word (#22784) 5 years ago
elementwise support Exhaustive search in dygraph (#23415) 5 years ago
fused support Exhaustive search in dygraph (#23415) 5 years ago
jit Improve SGD jit code to work with large data (#23120) 5 years ago
lite change the function in op_teller, test=develop (#22794) 5 years ago
math [Paddle-TRT]: Ernie Dynamic shape support. (#23138) 5 years ago
metrics Fix instag (#22632) 5 years ago
mkldnn Delete is_test attribute from activation operators (#23318) 5 years ago
nccl add WITH_NCCL option for cmake. (#22384) 5 years ago
ngraph Improve ngraph file line coverage (#22155) 5 years ago
optimizers Refine adam op to improve performance, test=develop (#22346) 5 years ago
reader add cuda resource pool for BufferedReader, test=develop (#23152) 5 years ago
reduce_ops rename no_need_buffer_vars_macro, test=develop (#23159) 5 years ago
sequence_ops rename no_need_buffer_vars_macro, test=develop (#23159) 5 years ago
tensorrt [Paddle-TRT]: Ernie Dynamic shape support. (#23138) 5 years ago
CMakeLists.txt Add inplace abn op (#22806) 5 years ago
activation_cudnn.cu.cc
activation_cudnn_op.cu.cc fix sigmoid cudnn bug (#22439) 5 years ago
activation_op.cc move sin, sqrt, tanh, atan to paddle.tensor.math and add a new parameter "out" (#23387) 5 years ago
activation_op.cu support elu_op double grad (#21822) 5 years ago
activation_op.h add approximation for gelu, test=develop (#22961) 5 years ago
add_position_encoding_op.cc Imperative tracer refactoring (#22457) 5 years ago
add_position_encoding_op.h
affine_channel_op.cc Imperative tracer refactoring (#22457) 5 years ago
affine_channel_op.cu
affine_grid_cudnn_op.cu.cc
affine_grid_op.cc Imperative tracer refactoring (#22457) 5 years ago
affine_grid_op.h
allclose_op.cc Add allclose_op (#23335) 5 years ago
allclose_op.cu Add allclose_op (#23335) 5 years ago
allclose_op.h Add allclose_op (#23335) 5 years ago
arg_max_op.cc GradMaker for dygraph (#19706) 6 years ago
arg_max_op.cu
arg_min_max_op_base.h Add the argmax op to API 2.0, and update some parameters 5 years ago
arg_min_op.cc GradMaker for dygraph (#19706) 6 years ago
arg_min_op.cu
argsort_op.cc rename no_need_buffer_vars_macro, test=develop (#23159) 5 years ago
argsort_op.cu add backward gradient computation for op argsort (#22203) 5 years ago
argsort_op.h Correct CPU gradients of the argsort op (#22739) 5 years ago
array_operator.h
array_to_lod_tensor_op.cc Imperative tracer refactoring (#22457) 5 years ago
assign_op.cc modify assign op and add unittest of assign op (#22769) 5 years ago
assign_op.h optimize assign op to avoid copy data from GPU to GPU (#21181) 6 years ago
assign_op_test.cc Add select_input_op and select_output_op (#21016) 6 years ago
assign_value_op.cc Support int64 for op assign_value. test=develop (#23179) 5 years ago
assign_value_op.cu.cc Support int64 for op assign_value. test=develop (#23179) 5 years ago
assign_value_op.h Support int64 for op assign_value. test=develop (#23179) 5 years ago
attention_lstm_op.cc
attention_lstm_op.h
average_accumulates_op.cc fix typo words (#22653) 5 years ago
average_accumulates_op.cu
average_accumulates_op.h
batch_norm_op.cc Add inplace abn op (#22806) 5 years ago
batch_norm_op.cu Add inplace abn op (#22806) 5 years ago
batch_norm_op.h Imperative tracer refactoring (#22457) 5 years ago
batch_size_like.h rename no_need_buffer_vars_macro, test=develop (#23159) 5 years ago
beam_search_decode_op.cc support Exhaustive search in dygraph (#23415) 5 years ago
beam_search_decode_op.h
beam_search_decode_op_test.cc
beam_search_op.cc fix typo word (#22784) 5 years ago
beam_search_op.cu.cc
beam_search_op.h
bilinear_tensor_product_op.cc Imperative tracer refactoring (#22457) 5 years ago
bilinear_tensor_product_op.cu
bilinear_tensor_product_op.h fix typo words (#22653) 5 years ago
bpr_loss_op.cc Imperative tracer refactoring (#22457) 5 years ago
bpr_loss_op.h fix -Wno-error=sign-compare warning in gcc8 (#21434) 6 years ago
cast_op.cc Imperative tracer refactoring (#22457) 5 years ago
cast_op.cu
cast_op.h
center_loss_op.cc rename no_need_buffer_vars_macro, test=develop (#23159) 5 years ago
center_loss_op.cu
center_loss_op.h
chunk_eval_op.cc
chunk_eval_op.h
clip_by_norm_op.cc
clip_by_norm_op.cu
clip_by_norm_op.h remove eval() calls in Eigen, test=develop (#21498) 6 years ago
clip_op.cc Imperative tracer refactoring (#22457) 5 years ago
clip_op.cu
clip_op.h
coalesce_tensor_op.cc Refine adam op to improve performance, test=develop (#22346) 5 years ago
concat_op.cc rename no_need_buffer_vars_macro, test=develop (#23159) 5 years ago
concat_op.cu.cc
concat_op.h Fix lod error of concat op for axis = 0 (#22538) 5 years ago
conv_cudnn_helper.h support Exhaustive search in dygraph (#23415) 5 years ago
conv_cudnn_op.cu support Exhaustive search in dygraph (#23415) 5 years ago
conv_cudnn_op_cache.h
conv_op.cc support Exhaustive search in dygraph (#23415) 5 years ago
conv_op.cu.cc
conv_op.h [MKL-DNN] Conv grad and Batch Norm grad NHWC support (#22088) 5 years ago
conv_shift_op.cc Imperative tracer refactoring (#22457) 5 years ago
conv_shift_op.cu
conv_shift_op.h
conv_transpose_cudnn_op.cu support Exhaustive search in dygraph (#23415) 5 years ago
conv_transpose_op.cc Add functional convolutions in paddle.nn.functional (#23408) 5 years ago
conv_transpose_op.cu
conv_transpose_op.h [MKL-DNN] Conv2d and Conv2d transpose MKL-DNN NHWC support (#21466) 6 years ago
cos_sim_op.cc Imperative tracer refactoring (#22457) 5 years ago
cos_sim_op.cu
cos_sim_op.h
crf_decoding_op.cc
crf_decoding_op.h
crop_op.cc rename no_need_buffer_vars_macro, test=develop (#23159) 5 years ago
crop_op.cu
crop_op.h
crop_tensor_op.cc Imperative tracer refactoring (#22457) 5 years ago
crop_tensor_op.cu
crop_tensor_op.h fix typo words (#22653) 5 years ago
cross_entropy_op.cc Imperative tracer refactoring (#22457) 5 years ago
cross_entropy_op.cu
cross_entropy_op.h
ctc_align_op.cc fix typo words (#22653) 5 years ago
ctc_align_op.cu
ctc_align_op.h
cudnn_lstm_op.cc Imperative tracer refactoring (#22457) 5 years ago
cudnn_lstm_op.cu.cc replace CUDNN_ENFORCE with PADDLE_ENFORCE_CUDA_SUCCESS, test=develop (#22109) 5 years ago
cudnn_rnn_cache.h replace CUDNN_ENFORCE with PADDLE_ENFORCE_CUDA_SUCCESS, test=develop (#22109) 5 years ago
cum_op.h Add dygraph execution context (#20157) 6 years ago
cumsum_op.cc Imperative tracer refactoring (#22457) 5 years ago
cumsum_op.cu add register op_data_type of pad/expand_as et.al (#21718) 5 years ago
cvm_op.cc rename no_need_buffer_vars_macro, test=develop (#23159) 5 years ago
cvm_op.cu support cvm_op run in gpu (#21300) 6 years ago
cvm_op.h
data_norm_op.cc Imperative tracer refactoring (#22457) 5 years ago
data_norm_op.cu add WITH_NCCL option for cmake. (#22384) 5 years ago
data_norm_op.h
deformable_conv_filter.cu.h
deformable_conv_func.h
deformable_conv_op.cc Imperative tracer refactoring (#22457) 5 years ago
deformable_conv_op.cu
deformable_conv_op.h
deformable_conv_v1_op.cc fix bug which input shape (#22965) 5 years ago
deformable_conv_v1_op.cu
deformable_conv_v1_op.h
deformable_psroi_pooling_op.cc Imperative tracer refactoring (#22457) 5 years ago
deformable_psroi_pooling_op.cu
deformable_psroi_pooling_op.h
delete_var_op.cc GradMaker for dygraph (#19706) 6 years ago
dequantize_abs_max_op.cc add dequantize_abs_max op and modify lookup_table op (#20899) 6 years ago
dequantize_abs_max_op.cu add dequantize_abs_max op and modify lookup_table op (#20899) 6 years ago
dequantize_abs_max_op.h add dequantize_abs_max op and modify lookup_table op (#20899) 6 years ago
dequantize_log_op.cc fix compile error in win gpu (#23196) 5 years ago
dequantize_log_op.cu fix compile error in win gpu (#23196) 5 years ago
dequantize_log_op.h add dequantize_log_op and make pyramid hash support int8 weight (#22548) 5 years ago
dequantize_op.cc
dequantize_op.h
detection_map_op.cc GradMaker for dygraph (#19706) 6 years ago
detection_map_op.h fix detection_map. test=develop (#22705) 5 years ago
dgc_clip_by_norm_op.cc
dgc_clip_by_norm_op.cu
dgc_clip_by_norm_op.h
dgc_op.cc Fix dgc accuracy by mv regularization to local (#21278) 6 years ago
dgc_op.cu
dgc_op.h Fix dgc clip & rampup step, test=develop (#21491) 6 years ago
diag_op.cc GradMaker for dygraph (#19706) 6 years ago
diag_op.cu
diag_op.h
dropout_op.cc Imperative tracer refactoring (#22457) 5 years ago
dropout_op.cu Dropout with seed (#21590) 6 years ago
dropout_op.h Dropout with seed (#21590) 6 years ago
dropout_op_test.cc
edit_distance_op.cc Refine edit distance cn (#21121) 6 years ago
edit_distance_op.cu
edit_distance_op.h
erf_op.cc add approximation for gelu, test=develop (#22961) 5 years ago
erf_op.cu add erf op (#21785) 5 years ago
erf_op.h add erf op (#21785) 5 years ago
expand_as_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
expand_as_op.cu add register op_data_type of pad/expand_as et.al (#21718) 5 years ago
expand_as_op.h fix the compile cost long time test=develop (#21064) 6 years ago
expand_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
expand_op.cu register fp16 kernel for some ops (#22650) (#22696) 5 years ago
expand_op.h Expand refine (#21063) 6 years ago
eye_op.cc GradMaker for dygraph (#19706) 6 years ago
eye_op.cu
eye_op.h
fake_dequantize_op.cc fix diff in dequantize op between cpu and gpu test=develop (#20953) 6 years ago
fake_dequantize_op.cu
fake_dequantize_op.h
fake_quantize_op.cc Fix div zero in fake quantize op (#22966) 5 years ago
fake_quantize_op.cu Fix div zero in fake quantize op (#22966) 5 years ago
fake_quantize_op.h Fix div zero in fake quantize op (#22966) 5 years ago
fc_op.cc [DNNL] Fix accuracy in INT8 FC (#22404) 5 years ago
fc_op.cu.cc
fc_op.h INT8 Fully-connected (#17641) 6 years ago
fill_any_like_op.cc Add the zeros, ones, ones_like, zeros_like for api 2.0, test=develop (#23471) 5 years ago
fill_any_like_op.cu Add the zeros, ones, ones_like, zeros_like for api 2.0, test=develop (#23471) 5 years ago
fill_any_like_op.h
fill_constant_batch_size_like_op.cc fill_constant_batch_size_like OP precious problem fix (#21337) 6 years ago
fill_constant_batch_size_like_op.cu.cc
fill_constant_batch_size_like_op.h fill_constant_batch_size_like OP precious problem fix (#21337) 6 years ago
fill_constant_op.cc fix the fill_constant op precious problem (#21322) 6 years ago
fill_constant_op.cu.cc
fill_constant_op.h Add dygraph execution context (#20157) 6 years ago
fill_op.cc GradMaker for dygraph (#19706) 6 years ago
fill_op.cu.cc
fill_op.h Add dygraph execution context (#20157) 6 years ago
fill_zeros_like_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
fill_zeros_like_op.cu.cc
fill_zeros_like_op.h
filter_by_instag_op.cc Fix instag (#22632) 5 years ago
filter_by_instag_op.h Fix instag (#22632) 5 years ago
flatten_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
flatten_op.cu.cc
flatten_op.h
flip_op.cc Add flip op. (#23255) 5 years ago
flip_op.cu Add flip op. (#23255) 5 years ago
flip_op.h Add flip op. (#23255) 5 years ago
fsp_op.cc Imperative tracer refactoring (#22457) 5 years ago
fsp_op.cu
fsp_op.h Remove disable flag in test_fsp_op.py (#22171) 5 years ago
gather.cu.h
gather.h
gather_nd_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
gather_nd_op.cu
gather_nd_op.h
gather_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
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 GradMaker for dygraph (#19706) 6 years ago
gaussian_random_op.cc
gaussian_random_op.cu
gelu_op.cc Delete is_test attribute from activation operators (#23318) 5 years ago
gelu_op.cu add approximation for gelu, test=develop (#22961) 5 years ago
gelu_op.h add MKL computation back to gelu's non-approximate part (#23420) 5 years ago
get_tensor_from_selected_rows_op.cc fix typo in error message (#22312) 5 years ago
grid_sampler_cudnn_op.cu.cc replace CUDNN_ENFORCE with PADDLE_ENFORCE_CUDA_SUCCESS, test=develop (#22109) 5 years ago
grid_sampler_op.cc Imperative tracer refactoring (#22457) 5 years ago
grid_sampler_op.h
group_norm_op.cc Imperative tracer refactoring (#22457) 5 years ago
group_norm_op.cu
group_norm_op.h
gru_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
gru_op.cu.cc
gru_op.h
gru_unit_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
gru_unit_op.cu
gru_unit_op.h
hash_op.cc
hash_op.h
hierarchical_sigmoid_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
hierarchical_sigmoid_op.h memory leak for cpu (#21174) 6 years ago
hinge_loss_op.cc Imperative tracer refactoring (#22457) 5 years ago
hinge_loss_op.cu
hinge_loss_op.h
huber_loss_op.cc Imperative tracer refactoring (#22457) 5 years ago
huber_loss_op.cu
huber_loss_op.h Add dygraph execution context (#20157) 6 years ago
im2sequence_op.cc Imperative tracer refactoring (#22457) 5 years ago
im2sequence_op.cu
im2sequence_op.h
increment_op.cc Imperative tracer refactoring (#22457) 5 years ago
increment_op.cu
increment_op.h
inplace_abn_op.cc Add inplace abn op (#22806) 5 years ago
inplace_abn_op.cu Add inplace abn op (#22806) 5 years ago
inplace_abn_op.h Add inplace abn op (#22806) 5 years ago
instance_norm_op.cc remove eval() calls in Eigen, test=develop (#21498) 6 years ago
instance_norm_op.cu replace CUDNN_ENFORCE with PADDLE_ENFORCE_CUDA_SUCCESS, test=develop (#22109) 5 years ago
instance_norm_op.h Imperative tracer refactoring (#22457) 5 years ago
interpolate_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
interpolate_op.cu optimize performance of interpolate op (#22436) 5 years ago
interpolate_op.h
is_empty_op.cc GradMaker for dygraph (#19706) 6 years ago
is_empty_op.cu.cc
is_empty_op.h
isfinite_op.cc add register op_data_type of pad/expand_as et.al (#21718) 5 years ago
isfinite_op.cu
isfinite_op.h
kldiv_loss_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
kldiv_loss_op.cu
kldiv_loss_op.h remove eval() calls in Eigen, test=develop (#21498) 6 years ago
l1_norm_op.cc Imperative tracer refactoring (#22457) 5 years ago
l1_norm_op.cu
l1_norm_op.h
label_smooth_op.cc Imperative tracer refactoring (#22457) 5 years ago
label_smooth_op.cu Fix default label dim of label_smooth_op. test=develop (#21862) 5 years ago
label_smooth_op.h Fix default label dim of label_smooth_op. test=develop (#21862) 5 years ago
layer_norm_op.cc Imperative tracer refactoring (#22457) 5 years ago
layer_norm_op.cu Add TRT support for BERT (#21135) 5 years ago
layer_norm_op.h Add TRT support for BERT (#21135) 5 years ago
linear_chain_crf_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
linear_chain_crf_op.h
linspace_op.cc
linspace_op.cu
linspace_op.h
load_combine_op.cc
load_combine_op.cu
load_combine_op.h Add dygraph execution context (#20157) 6 years ago
load_op.cc memory leak for cpu (#21174) 6 years ago
load_op.cu
load_op.h memory leak for cpu (#21174) 6 years ago
lod_array_length_op.cc GradMaker for dygraph (#19706) 6 years ago
lod_rank_table_op.cc fix typo in error message (#22312) 5 years ago
lod_reset_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
lod_reset_op.cu
lod_reset_op.h fix lod_reset bug, test=develop (#21392) 6 years ago
lod_tensor_to_array_op.cc Imperative tracer refactoring (#22457) 5 years ago
log_loss_op.cc Imperative tracer refactoring (#22457) 5 years ago
log_loss_op.cu
log_loss_op.h
lookup_sparse_table_op.cc GradMaker for dygraph (#19706) 6 years ago
lookup_table_dequant_op.cc add lookup_table_dequant_op (#22900) 5 years ago
lookup_table_dequant_op.h add lookup_table_dequant_op (#22900) 5 years ago
lookup_table_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
lookup_table_op.cu Add dygraph execution context (#20157) 6 years ago
lookup_table_op.h Add dygraph execution context (#20157) 6 years ago
lookup_table_v2_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
lookup_table_v2_op.cu Add dygraph execution context (#20157) 6 years ago
lookup_table_v2_op.h Add dygraph execution context (#20157) 6 years ago
lrn_op.cc Imperative tracer refactoring (#22457) 5 years ago
lrn_op.cu lrn supports channel_last input, test=develop (#20954) 6 years ago
lrn_op.h lrn supports channel_last input, test=develop (#20954) 6 years ago
lstm_op.cc Imperative tracer refactoring (#22457) 5 years ago
lstm_op.cu.cc
lstm_op.h
lstm_unit_op.cc Imperative tracer refactoring (#22457) 5 years ago
lstm_unit_op.cu refine some grad op makers, test=develop (#21629) 6 years ago
lstm_unit_op.h refine some grad op makers, test=develop (#21629) 6 years ago
lstmp_op.cc Imperative tracer refactoring (#22457) 5 years ago
lstmp_op.cu
lstmp_op.h
margin_rank_loss_op.cc Imperative tracer refactoring (#22457) 5 years ago
margin_rank_loss_op.cu
margin_rank_loss_op.h
match_matrix_tensor_op.cc Imperative tracer refactoring (#22457) 5 years ago
match_matrix_tensor_op.h
math.h
matmul_op.cc Speed up the matmul op, use the gemm replace the batch gemm (#22926) 5 years ago
max_sequence_len_op.cc GradMaker for dygraph (#19706) 6 years ago
maxout_op.cc update unittest accuracy to float64 for relu, prelu, maxout (#22273) 5 years ago
maxout_op.cu.cc
maxout_op.h maxout supports channel_last input (#20846) 6 years ago
mean_iou_op.cc GradMaker for dygraph (#19706) 6 years ago
mean_iou_op.cu
mean_iou_op.h
mean_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
mean_op.cu fix the mean grad OP performance improvement test=develop (#21658) 6 years ago
mean_op.h
merge_lod_tensor_op.cc Imperative tracer refactoring (#22457) 5 years ago
merge_selected_rows_op.cc
merge_selected_rows_op.cu.cc
merge_selected_rows_op.h
minus_op.cc Add dygraph double grad implementation (#22939) 5 years ago
minus_op.cu
minus_op.h
modified_huber_loss_op.cc Imperative tracer refactoring (#22457) 5 years ago
modified_huber_loss_op.cu
modified_huber_loss_op.h
mul_op.cc Add op inout check macro to simplify error message writing (#23430) 5 years ago
mul_op.cu.cc
mul_op.h
multiplex_op.cc Imperative tracer refactoring (#22457) 5 years ago
multiplex_op.cu
multiplex_op.h
nce_op.cc rename no_need_buffer_vars macro, test=develop (#23160) 5 years ago
nce_op.h Add dygraph execution context (#20157) 6 years ago
norm_op.cc Imperative tracer refactoring (#22457) 5 years ago
norm_op.cu
norm_op.h
norm_utils.h
one_hot_op.cc GradMaker for dygraph (#19706) 6 years ago
one_hot_op.cu
one_hot_op.h
one_hot_v2_op.cc GradMaker for dygraph (#19706) 6 years ago
one_hot_v2_op.cu
one_hot_v2_op.h
op_debug_string_test.cc extend elementwise broadcast function (#20957) 6 years ago
pad2d_op.cc rename macro, test=develop (#23161) 5 years ago
pad2d_op.cu register fp16 kernel for some ops (#22650) (#22696) 5 years ago
pad_constant_like_op.cc Imperative tracer refactoring (#22457) 5 years ago
pad_constant_like_op.cu add register op_data_type of pad/expand_as et.al (#21718) 5 years ago
pad_constant_like_op.h Update the precision of pad, pad2d, pad_constant_like's unit tests from fp32 to fp64 (#22394) 5 years ago
pad_op.cc Imperative tracer refactoring (#22457) 5 years ago
pad_op.cu add register op_data_type of pad/expand_as et.al (#21718) 5 years ago
pad_op.h
partial_concat_op.cc Imperative tracer refactoring (#22457) 5 years ago
partial_concat_op.cu add partial_concat op in contrib (#22528) 5 years ago
partial_concat_op.h add partial_concat op in contrib (#22528) 5 years ago
partial_sum_op.cc Imperative tracer refactoring (#22457) 5 years ago
partial_sum_op.cu add partial_sum op in contrib (#22292) 5 years ago
partial_sum_op.h add partial_sum op in contrib (#22292) 5 years ago
pixel_shuffle_op.cc Imperative tracer refactoring (#22457) 5 years ago
pixel_shuffle_op.cu
pixel_shuffle_op.h
pool_cudnn_op.cu.cc replace CUDNN_ENFORCE with PADDLE_ENFORCE_CUDA_SUCCESS, test=develop (#22109) 5 years ago
pool_op.cc [MKL-DNN] Pool & LRN Grad Ops NHWC support (#21747) 5 years ago
pool_op.cu.cc
pool_op.h [MKL-DNN] Pool & LRN Grad Ops NHWC support (#21747) 5 years ago
pool_with_index_op.cc rename macro, test=develop (#23161) 5 years ago
pool_with_index_op.cu.cc
pool_with_index_op.h
positive_negative_pair_op.cc
positive_negative_pair_op.h
prelu_op.cc Imperative tracer refactoring (#22457) 5 years ago
prelu_op.cu add unused input vars check for OpWithKernel, test=develop (#21169) 6 years ago
prelu_op.h fix the computation for dx (grad for x) for prelu operation. (#20949) 6 years ago
print_op.cc Imperative tracer refactoring (#22457) 5 years ago
prroi_pool_op.cc Imperative tracer refactoring (#22457) 5 years ago
prroi_pool_op.cu fix typo words (#22653) 5 years ago
prroi_pool_op.h fix typo words (#22653) 5 years ago
psroi_pool_op.cc Imperative tracer refactoring (#22457) 5 years ago
psroi_pool_op.cu
psroi_pool_op.h
pull_box_sparse_op.cc Imperative tracer refactoring (#22457) 5 years ago
pull_box_sparse_op.cu
pull_box_sparse_op.h Paddlebox about box_wrapper (#22497) 5 years ago
pull_sparse_op.cc add fleet pslib pull and push sparse op and push dense op (#23139) 5 years ago
pull_sparse_op.h add fleet pslib pull and push sparse op and push dense op (#23139) 5 years ago
pull_sparse_v2_op.cc add fleet pslib pull and push sparse op and push dense op (#23139) 5 years ago
pull_sparse_v2_op.h add fleet pslib pull and push sparse op and push dense op (#23139) 5 years ago
push_dense_op.cc add fleet pslib pull and push sparse op and push dense op (#23139) 5 years ago
push_dense_op.h add fleet pslib pull and push sparse op and push dense op (#23139) 5 years ago
py_func_op.cc
py_func_op.h
pyramid_hash_op.cc add dequantize_log_op and make pyramid hash support int8 weight (#22548) 5 years ago
quantize_op.cc [DNNL] Fix accuracy in INT8 FC (#22404) 5 years ago
quantize_op.h
random_crop_op.cc Polish op registry codes (#21561) 6 years ago
random_crop_op.cu
random_crop_op.h
range_op.cc
range_op.cu
range_op.h
rank_loss_op.cc Imperative tracer refactoring (#22457) 5 years ago
rank_loss_op.cu
rank_loss_op.h
recurrent_op.cc Imperative tracer refactoring (#22457) 5 years ago
recurrent_op.h
reorder_lod_tensor_by_rank_op.cc Imperative tracer refactoring (#22457) 5 years ago
requantize_op.cc
requantize_op.h
reshape_op.cc rename macro, test=develop (#23161) 5 years ago
reverse_op.cc Imperative tracer refactoring (#22457) 5 years ago
reverse_op.cu
reverse_op.h make reverse op support negative axis (#21925) 5 years ago
rnn_memory_helper_op.cc GradMaker for dygraph (#19706) 6 years ago
roi_align_op.cc rename macro, test=develop (#23161) 5 years ago
roi_align_op.cu
roi_align_op.h handle multi-inputs with empty inputs for mkldnn_concat_op (#21827) 5 years ago
roi_pool_op.cc Imperative tracer refactoring (#22457) 5 years ago
roi_pool_op.cu
roi_pool_op.h
row_conv_op.cc Imperative tracer refactoring (#22457) 5 years ago
row_conv_op.cu
row_conv_op.h
sample_logits_op.cc Imperative tracer refactoring (#22457) 5 years ago
sample_logits_op.cu fix lod_reset bug, test=develop (#21392) 6 years ago
sample_logits_op.h fix lod_reset bug, test=develop (#21392) 6 years ago
sampling_id_op.cc GradMaker for dygraph (#19706) 6 years ago
sampling_id_op.cu
sampling_id_op.h
save_combine_op.cc add register op_data_type of pad/expand_as et.al (#21718) 5 years ago
save_combine_op.cu add register op_data_type of pad/expand_as et.al (#21718) 5 years ago
save_combine_op.h Add dygraph execution context (#20157) 6 years ago
save_load_combine_op_test.cc
save_load_op_test.cc
save_op.cc Add weight quantization in post_training_quanzitaion (#22445) 5 years ago
save_op.cu
save_op.h Add dygraph execution context (#20157) 6 years ago
scale_op.cc Imperative tracer refactoring (#22457) 5 years ago
scale_op.cu
scale_op.h update ops's unittest data type from float32 to float64 and shape over 100 (#22544) 5 years ago
scatter.cu.h
scatter.h
scatter_nd_add_op.cc rename macro, test=develop (#23161) 5 years ago
scatter_nd_add_op.cu
scatter_nd_add_op.h
scatter_op.cc rename macro, test=develop (#23161) 5 years ago
scatter_op.cu add register op_data_type of pad/expand_as et.al (#21718) 5 years ago
scatter_op.h fix lod_reset bug, test=develop (#21392) 6 years ago
scatter_test.cc
search_compute.h add dequantize_log_op and make pyramid hash support int8 weight (#22548) 5 years ago
seed_op.cc Dropout with seed (#21590) 6 years ago
seed_op.h Dropout with seed (#21590) 6 years ago
select_input_op.cc Imperative tracer refactoring (#22457) 5 years ago
select_op_helper.h Add select_input_op and select_output_op (#21016) 6 years ago
select_output_op.cc Imperative tracer refactoring (#22457) 5 years ago
selu_op.cc Imperative tracer refactoring (#22457) 5 years ago
selu_op.cu
selu_op.h
shape_op.cc Override GetKernelTypeForVar to avoid device transform, test=develop (#23032) 5 years ago
shape_op.cu
shape_op.h
shard_index_op.cc fix typo words (#22653) 5 years ago
shard_index_op.cu add the framework support for distfc (#21197) 6 years ago
shard_index_op.h add the framework support for distfc (#21197) 6 years ago
shrink_rnn_memory_op.cc Imperative tracer refactoring (#22457) 5 years ago
shuffle_batch_op.cc Imperative tracer refactoring (#22457) 5 years ago
shuffle_batch_op.h add shuffle batch op (#21674) 5 years ago
shuffle_channel_op.cc Imperative tracer refactoring (#22457) 5 years ago
shuffle_channel_op.cu
shuffle_channel_op.h
sigmoid_cross_entropy_with_logits_op.cc Imperative tracer refactoring (#22457) 5 years ago
sigmoid_cross_entropy_with_logits_op.cu
sigmoid_cross_entropy_with_logits_op.h
sign_op.cc Imperative tracer refactoring (#22457) 5 years ago
sign_op.cu
sign_op.h
similarity_focus_op.cc GradMaker for dygraph (#19706) 6 years ago
similarity_focus_op.h
size_op.cc GradMaker for dygraph (#19706) 6 years ago
size_op.cu
size_op.h
slice_op.cc rename macro, test=develop (#23161) 5 years ago
slice_op.cu
slice_op.h
smooth_l1_loss_op.cc Imperative tracer refactoring (#22457) 5 years ago
smooth_l1_loss_op.cu
smooth_l1_loss_op.h
softmax_cudnn_op.cu.cc
softmax_op.cc Imperative tracer refactoring (#22457) 5 years ago
softmax_op.cu.cc
softmax_op.h
softmax_with_cross_entropy_op.cc Imperative tracer refactoring (#22457) 5 years ago
softmax_with_cross_entropy_op.cu fix typo words (#22653) 5 years ago
softmax_with_cross_entropy_op.h
space_to_depth_op.cc rename macro, test=develop (#23161) 5 years ago
space_to_depth_op.cu add register op_data_type of pad/expand_as et.al (#21718) 5 years ago
space_to_depth_op.h
spectral_norm_op.cc Imperative tracer refactoring (#22457) 5 years ago
spectral_norm_op.cu
spectral_norm_op.h
split_lod_tensor_op.cc Imperative tracer refactoring (#22457) 5 years ago
split_op.cc fix typo word (#22784) 5 years ago
split_op.cu.cc
split_op.h Imperative tracer refactoring (#22457) 5 years ago
split_selected_rows_op.cc Imperative tracer refactoring (#22457) 5 years ago
split_selected_rows_op.cu
split_selected_rows_op.h
spp_op.cc GradMaker for dygraph (#19706) 6 years ago
spp_op.cu.cc
spp_op.h
squared_l2_distance_op.cc rename macro, test=develop (#23161) 5 years ago
squared_l2_distance_op.cu
squared_l2_distance_op.h
squared_l2_norm_op.cc Imperative tracer refactoring (#22457) 5 years ago
squared_l2_norm_op.cu
squared_l2_norm_op.h
squeeze_op.cc rename macro, test=develop (#23161) 5 years ago
squeeze_op.cu.cc register fp16 kernel for some ops (#22650) (#22696) 5 years ago
squeeze_op.h
stack_op.cc Imperative tracer refactoring (#22457) 5 years ago
stack_op.cu Refine stack op to improve xlnet performance, test=develop (#22142) 5 years ago
stack_op.h Refine stack op to improve xlnet performance, test=develop (#22142) 5 years ago
strided_memcpy.h
strided_memcpy_test.cc
strided_slice_op.cc rename macro, test=develop (#23161) 5 years ago
strided_slice_op.cu
strided_slice_op.h high-performance dygraph slice (#22879) 5 years ago
sum_op.cc Add dygraph double grad implementation (#22939) 5 years ago
sum_op.cu remove unused code test=develop (#22327) 5 years ago
sum_op.h
sync_batch_norm_op.cc Imperative tracer refactoring (#22457) 5 years ago
sync_batch_norm_op.cu Add inplace abn op (#22806) 5 years ago
sync_batch_norm_op.cu.h Add inplace abn op (#22806) 5 years ago
tdm_child_op.cc Add Tdm child OP in contrib (#23241) 5 years ago
tdm_child_op.h Add Tdm child OP in contrib (#23241) 5 years ago
teacher_student_sigmoid_loss_op.cc Imperative tracer refactoring (#22457) 5 years ago
teacher_student_sigmoid_loss_op.h
temporal_shift_op.cc Imperative tracer refactoring (#22457) 5 years ago
temporal_shift_op.cu
temporal_shift_op.h
tensor_array_to_tensor_op.cc Imperative tracer refactoring (#22457) 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 Imperative tracer refactoring (#22457) 5 years ago
top_k_op.cu Add TopK Op Grad CPU&GPU Kernel test=develop (#22628) 5 years ago
top_k_op.h Add TopK Op Grad CPU&GPU Kernel test=develop (#22628) 5 years ago
transpose_op.cc Imperative tracer refactoring (#22457) 5 years ago
transpose_op.cu Add unittest for transformer prediction in dygraph_to_static (#23207) 5 years ago
transpose_op.h Add unittest for transformer prediction in dygraph_to_static (#23207) 5 years ago
tree_conv_op.cc Imperative tracer refactoring (#22457) 5 years ago
tree_conv_op.cu
tree_conv_op.h
truncated_gaussian_random_op.cc
truncated_gaussian_random_op.cu
unfold_op.cc rename macro, test=develop (#23161) 5 years ago
unfold_op.cu
unfold_op.h
uniform_random_batch_size_like_op.cc GradMaker for dygraph (#19706) 6 years ago
uniform_random_op.cc fix typo words (#22653) 5 years ago
uniform_random_op.cu
uniform_random_op.h Use system allocator in OpTest (#21335) 6 years ago
unique_op.cc fix the device supported of the op unique and unique_with_counts. (#21395) 6 years ago
unique_op.h
unique_with_counts_op.cc fix the device supported of the op unique and unique_with_counts. (#21395) 6 years ago
unique_with_counts_op.h
unpool_op.cc Imperative tracer refactoring (#22457) 5 years ago
unpool_op.cu.cc
unpool_op.h
unsqueeze_op.cc rename macro, test=develop (#23161) 5 years ago
unsqueeze_op.cu.cc register fp16 kernel for some ops (#22650) (#22696) 5 years ago
unsqueeze_op.h Compatible int32 and int64 for attr in concat/split/unsqueeze. test=develop (#20912) 6 years ago
unstack_op.cc Imperative tracer refactoring (#22457) 5 years ago
unstack_op.cu
unstack_op.h
utils.h Use system allocator in OpTest (#21335) 6 years ago
var_conv_2d_op.cc Imperative tracer refactoring (#22457) 5 years ago
var_conv_2d_op.h
warpctc_op.cc support Exhaustive search in dygraph (#23415) 5 years ago
warpctc_op.cu.cc
warpctc_op.h fix -Wno-error=sign-compare warning in gcc8 (#21434) 6 years ago
where_index_op.cc Change fluid.layers.where‘s C++ operator name (#23250) 5 years ago
where_index_op.cu Change fluid.layers.where‘s C++ operator name (#23250) 5 years ago
where_index_op.h Change fluid.layers.where‘s C++ operator name (#23250) 5 years ago