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
danleifeng 0e7baabe59
extend elementwise broadcast function (#20957)
5 years ago
..
anakin Update the Anakin interfaces for content-dnn and MLU (#17890) 6 years ago
benchmark Optimize the elementwise op using eigen (#15494) 6 years ago
collective GradMaker for dygraph (#19706) 5 years ago
controlflow GradMaker for dygraph (#19706) 5 years ago
detail refine PADDLE_ENFORCE codes for unify PADDLE_ASSERT_MSG (#19603) 6 years ago
detection add op locality_aware_nms, test=develop (#20976) 5 years ago
distributed Fix rpc not wait in GEO communicator (#20967) 5 years ago
distributed_ops Optimize decay (#20816) 5 years ago
elementwise extend elementwise broadcast function (#20957) 5 years ago
fused Add Asypadding for conv fusion. (#21041) 5 years ago
jit Fix jit tls issue (#21151) 5 years ago
math Fix warpctc in padding mode. (#21033) 5 years ago
metrics GradMaker for dygraph (#19706) 5 years ago
mkldnn Add transpose2 INT8 for mkl-dnn (#19424) 5 years ago
nccl GradMaker for dygraph (#19706) 5 years ago
ngraph Some ngraph op and unittest fix (#19515) 6 years ago
optimizers GradMaker for dygraph (#19706) 5 years ago
reader GradMaker for dygraph (#19706) 5 years ago
reduce_ops fix the computation for dx (grad for x) for prelu operation. (#20949) 5 years ago
sequence_ops Add examples for error message writing specification - InvalidArgument (#21132) 5 years ago
tensorrt Add TRT input shape check between model and runtime (#19864) 5 years ago
CMakeLists.txt Add select_input_op and select_output_op (#21016) 5 years ago
activation_cudnn.cu.cc polish cudnn related code and fix bug. (#15164) 6 years ago
activation_cudnn_op.cu.cc fix activation grad op desc maker (#16715) 6 years ago
activation_op.cc Support NoNeedBufferVarsInference in dygraph backward (#20868) 5 years ago
activation_op.cu fix pow op, support tensor for agument factor. (#19313) 5 years ago
activation_op.h Fix GELU grad error (#21204) 5 years ago
add_position_encoding_op.cc GradMaker for dygraph (#19706) 5 years ago
add_position_encoding_op.h Exhaustive search for cuDNN conv. (#14286) 6 years ago
affine_channel_op.cc Support NoNeedBufferVarsInference in dygraph backward (#20868) 5 years ago
affine_channel_op.cu Enable inplace support for some ops (#19612) 6 years ago
affine_grid_cudnn_op.cu.cc Add affine grid generator op (#12238) 6 years ago
affine_grid_op.cc GradMaker for dygraph (#19706) 5 years ago
affine_grid_op.h test=develop (#16783) 6 years ago
arg_max_op.cc GradMaker for dygraph (#19706) 5 years ago
arg_max_op.cu Change tensor uses proto::VarType::type 6 years ago
arg_min_max_op_base.h fix min and max bug (#16570) 6 years ago
arg_min_op.cc GradMaker for dygraph (#19706) 5 years ago
arg_min_op.cu Change tensor uses proto::VarType::type 6 years ago
argsort_op.cc GradMaker for dygraph (#19706) 5 years ago
argsort_op.cu remove unused assert.h (#19529) 6 years ago
argsort_op.h
array_operator.h Revert the changes of VLOG 6 years ago
array_to_lod_tensor_op.cc Add the check of lod_level between compile-time and runtime. (#20961) 5 years ago
assign_op.cc Add select_input_op and select_output_op (#21016) 5 years ago
assign_op.h Add select_input_op and select_output_op (#21016) 5 years ago
assign_op_test.cc Add select_input_op and select_output_op (#21016) 5 years ago
assign_value_op.cc GradMaker for dygraph (#19706) 5 years ago
assign_value_op.cu.cc
assign_value_op.h
attention_lstm_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface (#20668) 5 years ago
attention_lstm_op.h
average_accumulates_op.cc GradMaker for dygraph (#19706) 5 years ago
average_accumulates_op.cu
average_accumulates_op.h
batch_norm_op.cc GradMaker for dygraph (#19706) 5 years ago
batch_norm_op.cu Fix OpTest of bn (#19062) 5 years ago
batch_norm_op.h GradMaker for dygraph (#19706) 5 years ago
batch_size_like.h Fix some grad op desc makers (#16633) 6 years ago
beam_search_decode_op.cc GradMaker for dygraph (#19706) 5 years ago
beam_search_decode_op.h Change *(smart_ptr.get()) -> *smart_ptr 6 years ago
beam_search_decode_op_test.cc
beam_search_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface (#20668) 5 years ago
beam_search_op.cu.cc Add the CUDA kernel for beam_search op (#15020) 6 years ago
beam_search_op.h Make parent_idx a dispensable output for beam_search op to support models saved by older paddle version. (#16106) 6 years ago
bilinear_tensor_product_op.cc GradMaker for dygraph (#19706) 5 years ago
bilinear_tensor_product_op.cu Fix Eigen macro when using GPU 6 years ago
bilinear_tensor_product_op.h Optimize bilinear tensor product op (#14485) 6 years ago
bpr_loss_op.cc GradMaker for dygraph (#19706) 5 years ago
bpr_loss_op.h replace PADDLE_ASSERT with PADDLE_ASSERT_MSG (#19586) 6 years ago
cast_op.cc GradMaker for dygraph (#19706) 5 years ago
cast_op.cu
cast_op.h Revert "cherry picked windows patches." 6 years ago
center_loss_op.cc GradMaker for dygraph (#19706) 5 years ago
center_loss_op.cu unify PADDLE_ASSERT_MSG into PADDLE_ENFORCE(error_message) (#19631) 6 years ago
center_loss_op.h Add center Loss Op Support (#18681) 6 years ago
chunk_eval_op.cc Refactor linear chain crf op & crf decoding op (#19982) 5 years ago
chunk_eval_op.h support Tensor input for chunk_eval op (#18226) 6 years ago
clip_by_norm_op.cc Add DGC(Deep Gradient Compression) interface. (#15841) 6 years ago
clip_by_norm_op.cu
clip_by_norm_op.h Refine api doc (#20037) 5 years ago
clip_op.cc GradMaker for dygraph (#19706) 5 years ago
clip_op.cu fix document of 11 APIs (#20278) 5 years ago
clip_op.h
coalesce_tensor_op.cc Add pre-condition check for fuse optimizer op pass (#21005) 5 years ago
concat_op.cc GradMaker for dygraph (#19706) 5 years ago
concat_op.cu.cc Register fp16 for concat_op (#18563) 6 years ago
concat_op.h support Tensor for split and concat, support -1 in num_or_sections, add check num_or_sections (#20780) 5 years ago
conv_cudnn_helper.h refine code for code reuse test=develop (#20988) 5 years ago
conv_cudnn_op.cu refine code for code reuse test=develop (#20988) 5 years ago
conv_cudnn_op_cache.h Code Cleanup: delete three useless raw variables in Conv2D (#19644) 6 years ago
conv_op.cc modified error message and API doc for channel_last supported Op (#21002) 5 years ago
conv_op.cu.cc
conv_op.h fix bug in pool/conv/conv_transpose: UpdatePaddingAndDilation, _get_padding_with_SAME and conv2dtranspose_forward_naive. (#20997) 5 years ago
conv_shift_op.cc GradMaker for dygraph (#19706) 5 years ago
conv_shift_op.cu
conv_shift_op.h
conv_transpose_cudnn_op.cu fix the bug of conv_transpose cudnn kernel, test=develop (#20958) 5 years ago
conv_transpose_op.cc modified error message and API doc for channel_last supported Op (#21002) 5 years ago
conv_transpose_op.cu conv_transpose supports channel_last input, test=develop, test=document_preview (#20072) 5 years ago
conv_transpose_op.h fix bug in pool/conv/conv_transpose: UpdatePaddingAndDilation, _get_padding_with_SAME and conv2dtranspose_forward_naive. (#20997) 5 years ago
cos_sim_op.cc GradMaker for dygraph (#19706) 5 years ago
cos_sim_op.cu Fix Eigen macro when using GPU 6 years ago
cos_sim_op.h refine cos_sim infershape 6 years ago
crf_decoding_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface (#20668) 5 years ago
crf_decoding_op.h Refactor linear chain crf op & crf decoding op (#19982) 5 years ago
crop_op.cc GradMaker for dygraph (#19706) 5 years ago
crop_op.cu fix document of 11 APIs (#20278) 5 years ago
crop_op.h rewrite ddim 6 years ago
crop_tensor_op.cc GradMaker for dygraph (#19706) 5 years ago
crop_tensor_op.cu All elements in attr(shape) of crop_tensor can be -1 and int32/64 kernel registered (#20756) 5 years ago
crop_tensor_op.h All elements in attr(shape) of crop_tensor can be -1 and int32/64 kernel registered (#20756) 5 years ago
cross_entropy_op.cc GradMaker for dygraph (#19706) 5 years ago
cross_entropy_op.cu revert revert 16144 6 years ago
cross_entropy_op.h Remove constraint that last dimension is forced to be 1 in cross_entropy (#19606) 5 years ago
ctc_align_op.cc GradMaker for dygraph (#19706) 5 years ago
ctc_align_op.cu refine ctc align op with padding (#19926) 5 years ago
ctc_align_op.h refine ctc align op with padding (#19926) 5 years ago
cudnn_lstm_op.cc GradMaker for dygraph (#19706) 5 years ago
cudnn_lstm_op.cu.cc merge develop 6 years ago
cudnn_rnn_cache.h rewrite variable type 6 years ago
cum_op.h fix test issues on windows 6 years ago
cumsum_op.cc GradMaker for dygraph (#19706) 5 years ago
cumsum_op.cu
cvm_op.cc GradMaker for dygraph (#19706) 5 years ago
cvm_op.h Remove attribute in Allocator::Allocate (#17878) 6 years ago
data_norm_op.cc fix data_norm op to avoid impractical normalization result test=develop (#21152) 5 years ago
data_norm_op.h data_norm 6 years ago
deformable_conv_filter.cu.h add deformable conv v1 op and cpu version of deformable conv v2 (#18500) 5 years ago
deformable_conv_func.h add deformable conv v1 op and cpu version of deformable conv v2 (#18500) 5 years ago
deformable_conv_op.cc GradMaker for dygraph (#19706) 5 years ago
deformable_conv_op.cu add deformable conv v1 op and cpu version of deformable conv v2 (#18500) 5 years ago
deformable_conv_op.h Fix compling warning in deformable conv. (#20036) 5 years ago
deformable_conv_v1_op.cc GradMaker for dygraph (#19706) 5 years ago
deformable_conv_v1_op.cu add deformable conv v1 op and cpu version of deformable conv v2 (#18500) 5 years ago
deformable_conv_v1_op.h Fix compling warning in deformable conv. (#20036) 5 years ago
deformable_psroi_pooling_op.cc GradMaker for dygraph (#19706) 5 years ago
deformable_psroi_pooling_op.cu Replace TemporaryAllocator by CUDADeviceContextAllocator (#18989) 6 years ago
deformable_psroi_pooling_op.h test=develop (#18701) 6 years ago
delete_var_op.cc GradMaker for dygraph (#19706) 5 years ago
dequantize_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface (#20668) 5 years ago
dequantize_op.h Add Dequantize OP 6 years ago
detection_map_op.cc GradMaker for dygraph (#19706) 5 years ago
detection_map_op.h
dgc_clip_by_norm_op.cc Add DGC(Deep Gradient Compression) interface. (#15841) 6 years ago
dgc_clip_by_norm_op.cu Add DGC(Deep Gradient Compression) interface. (#15841) 6 years ago
dgc_clip_by_norm_op.h Fix dgc bug. (#16602) 6 years ago
dgc_op.cc Fix dgc buffer illegal & reuse velocity (#21012) 5 years ago
dgc_op.cu Add DGC(Deep Gradient Compression) interface. (#15841) 6 years ago
dgc_op.h Fix dgc buffer illegal & reuse velocity (#21012) 5 years ago
diag_op.cc GradMaker for dygraph (#19706) 5 years ago
diag_op.cu Add Diag Op(#17027) 6 years ago
diag_op.h Add Diag Op(#17027) 6 years ago
dropout_op.cc GradMaker for dygraph (#19706) 5 years ago
dropout_op.cu refine PADDLE_ENFORCE codes for unify PADDLE_ASSERT_MSG (#19603) 6 years ago
dropout_op.h Modify the dropout op to multi-thread (#19504) 6 years ago
dropout_op_test.cc minor fix 6 years ago
edit_distance_op.cc Refine edit distance cn (#21121) 5 years ago
edit_distance_op.cu support Tensor input for edit_distance op (#18162) 6 years ago
edit_distance_op.h support Tensor input for edit_distance op (#18162) 6 years ago
expand_as_op.cc GradMaker for dygraph (#19706) 5 years ago
expand_as_op.cu add expand_as op, test=develop (#20565) 5 years ago
expand_as_op.h fix the compile cost long time test=develop (#21064) 5 years ago
expand_op.cc GradMaker for dygraph (#19706) 5 years ago
expand_op.cu fix expand bug (#20340) 5 years ago
expand_op.h Expand refine (#21063) 5 years ago
eye_op.cc GradMaker for dygraph (#19706) 5 years ago
eye_op.cu add eye op, kernel and unitest test=develop (#18980) 6 years ago
eye_op.h add eye op, kernel and unitest test=develop (#18980) 6 years ago
fake_dequantize_op.cc fix diff in dequantize op between cpu and gpu test=develop (#20953) 5 years ago
fake_dequantize_op.cu rewrite the cuda kernels of channel_wise_quant_op and channe_wise_dequant_op. test=develop 6 years ago
fake_dequantize_op.h rewrite the cuda kernels of channel_wise_quant_op and channe_wise_dequant_op. test=develop 6 years ago
fake_quantize_op.cc GradMaker for dygraph (#19706) 5 years ago
fake_quantize_op.cu Code clean of Allocator (#17602) 6 years ago
fake_quantize_op.h Replace TemporaryAllocator by CUDADeviceContextAllocator (#18989) 6 years ago
fc_op.cc GradMaker for dygraph (#19706) 5 years ago
fc_op.cu.cc Implement the GPU kernel of fc operator (#19687) 6 years ago
fc_op.h Remove some DefaultGradOpDescMaker (#20185) 5 years ago
fill_any_like_op.cc add ones_like op (#17388) 6 years ago
fill_any_like_op.cu add ones_like op (#17388) 6 years ago
fill_any_like_op.h add ones_like op (#17388) 6 years ago
fill_constant_batch_size_like_op.cc GradMaker for dygraph (#19706) 5 years ago
fill_constant_batch_size_like_op.cu.cc Add seq2seq api related code (#19820) 5 years ago
fill_constant_batch_size_like_op.h Add seq2seq api related code (#19820) 5 years ago
fill_constant_op.cc GradMaker for dygraph (#19706) 5 years ago
fill_constant_op.cu.cc Add seq2seq api related code (#19820) 5 years ago
fill_constant_op.h fill_constant support Tensor; (#20521) 5 years ago
fill_op.cc GradMaker for dygraph (#19706) 5 years ago
fill_op.cu.cc add kernel for fill_op, test=develop (#19719) 5 years ago
fill_op.h add kernel for fill_op, test=develop (#19719) 5 years ago
fill_zeros_like_op.cc GradMaker for dygraph (#19706) 5 years ago
fill_zeros_like_op.cu.cc Fix some grad op desc makers (#16633) 6 years ago
fill_zeros_like_op.h
filter_by_instag_op.cc GradMaker for dygraph (#19706) 5 years ago
filter_by_instag_op.h fix instag op (#19591) 6 years ago
flatten_op.cc GradMaker for dygraph (#19706) 5 years ago
flatten_op.cu.cc add kernel for flatten_op, test=develop (#19472) 6 years ago
flatten_op.h add kernel for flatten_op, test=develop (#19472) 6 years ago
fsp_op.cc GradMaker for dygraph (#19706) 5 years ago
fsp_op.cu [slim] Add quantization strategy and distillation strategy. (#16408) 6 years ago
fsp_op.h [slim] Add quantization strategy and distillation strategy. (#16408) 6 years ago
gather.cu.h Replace TemporaryAllocator by CUDADeviceContextAllocator (#18989) 6 years ago
gather.h refine some PADDLE_ENFORCE codes for unify PADDLE_ASSERT_MSG (#19607) 6 years ago
gather_nd_op.cc GradMaker for dygraph (#19706) 5 years ago
gather_nd_op.cu Add seq2seq api related code (#19820) 5 years ago
gather_nd_op.h add gather_nd op and unit test (#19366) 6 years ago
gather_op.cc GradMaker for dygraph (#19706) 5 years ago
gather_op.cu Fix scatter and gather op when has duplicate index (#17952) 6 years ago
gather_op.h Fix scatter and gather op when has duplicate index (#17952) 6 years ago
gather_test.cc
gather_tree_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface (#20668) 5 years ago
gather_tree_op.cu Add seq2seq api related code (#19820) 5 years ago
gather_tree_op.h Add seq2seq api related code (#19820) 5 years ago
gaussian_random_batch_size_like_op.cc GradMaker for dygraph (#19706) 5 years ago
gaussian_random_op.cc clean code test=develop 6 years ago
gaussian_random_op.cu
get_tensor_from_selected_rows_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface (#20668) 5 years ago
grid_sampler_cudnn_op.cu.cc paddle::framework::vectorize() templatization (#19627) 6 years ago
grid_sampler_op.cc GradMaker for dygraph (#19706) 5 years ago
grid_sampler_op.h code style fix 6 years ago
group_norm_op.cc modified error message and API doc for channel_last supported Op (#21002) 5 years ago
group_norm_op.cu group_norm support data_layout:NHWC, test=develop, test=document_preview (#19614) 5 years ago
group_norm_op.h fixed group_norm's bug and modified unittest (#20506) 5 years ago
gru_op.cc GradMaker for dygraph (#19706) 5 years ago
gru_op.cu.cc update gru op forward kernel 6 years ago
gru_op.h Fix the uninitialized gru_value.output_value. (#17197) 6 years ago
gru_unit_op.cc GradMaker for dygraph (#19706) 5 years ago
gru_unit_op.cu Fix Eigen macro when using GPU 6 years ago
gru_unit_op.h complete gru_unite_op and test 6 years ago
hash_op.cc hash_op support int64 hash_size (#18674) 6 years ago
hash_op.h hash_op support int64 hash_size (#18674) 6 years ago
hierarchical_sigmoid_op.cc GradMaker for dygraph (#19706) 5 years ago
hierarchical_sigmoid_op.h Fix the correctness of async mode at distributed training (#18863) 6 years ago
hinge_loss_op.cc GradMaker for dygraph (#19706) 5 years ago
hinge_loss_op.cu Fix Eigen macro when using GPU 6 years ago
hinge_loss_op.h
huber_loss_op.cc GradMaker for dygraph (#19706) 5 years ago
huber_loss_op.cu Fix Eigen macro when using GPU 6 years ago
huber_loss_op.h fix huber loss op attr type, test=develop (#19937) 5 years ago
im2sequence_op.cc set lod level for compile time test=develop (#21022) 5 years ago
im2sequence_op.cu Fix Eigen macro when using GPU 6 years ago
im2sequence_op.h fix security bugs : (#17464) 6 years ago
increment_op.cc GradMaker for dygraph (#19706) 5 years ago
increment_op.cu
increment_op.h
instance_norm_op.cc GradMaker for dygraph (#19706) 5 years ago
instance_norm_op.cu fix instance norm (#21042) 5 years ago
instance_norm_op.h GradMaker for dygraph (#19706) 5 years ago
interpolate_op.cc GradMaker for dygraph (#19706) 5 years ago
interpolate_op.cu resize Ops support data_layout:channel_last, test=develop, test=document_preview (#19914) 5 years ago
interpolate_op.h resize Ops support data_layout:channel_last, test=develop, test=document_preview (#19914) 5 years ago
is_empty_op.cc GradMaker for dygraph (#19706) 5 years ago
is_empty_op.cu.cc Rewrite is_empty op to avoid unnecessary data transform. (#15509) 6 years ago
is_empty_op.h Rewrite is_empty op to avoid unnecessary data transform. (#15509) 6 years ago
isfinite_op.cc GradMaker for dygraph (#19706) 5 years ago
isfinite_op.cu Fix Eigen macro when using GPU 6 years ago
isfinite_op.h enhance isinf/isnan in tensor util, avoid copy back to cpu (#12688) 6 years ago
kldiv_loss_op.cc GradMaker for dygraph (#19706) 5 years ago
kldiv_loss_op.cu fix grad check. test=develop 6 years ago
kldiv_loss_op.h fix doc. test=develop 6 years ago
l1_norm_op.cc GradMaker for dygraph (#19706) 5 years ago
l1_norm_op.cu Fix Eigen macro when using GPU 6 years ago
l1_norm_op.h
label_smooth_op.cc GradMaker for dygraph (#19706) 5 years ago
label_smooth_op.cu test=develop cuda realization of label smooth op (#19175) 6 years ago
label_smooth_op.h
layer_norm_op.cc GradMaker for dygraph (#19706) 5 years ago
layer_norm_op.cu
layer_norm_op.h extend elementwise broadcast function (#20957) 5 years ago
linear_chain_crf_op.cc GradMaker for dygraph (#19706) 5 years ago
linear_chain_crf_op.h Refactor linear chain crf op & crf decoding op (#19982) 5 years ago
linspace_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface (#20668) 5 years ago
linspace_op.cu test=develop 6 years ago
linspace_op.h test=develop 6 years ago
load_combine_op.cc fix mix input type error, test=develop 6 years ago
load_combine_op.cu checkpoint pr be moved here, test=develop 6 years ago
load_combine_op.h Optimize the error report information when loadcombine fail to open model files test=develop (#18888) 6 years ago
load_op.cc fix load type, test=develop 6 years ago
load_op.cu checkpoint pr be moved here, test=develop 6 years ago
load_op.h checkpoint pr be moved here, test=develop 6 years ago
lod_array_length_op.cc GradMaker for dygraph (#19706) 5 years ago
lod_rank_table_op.cc GradMaker for dygraph (#19706) 5 years ago
lod_reset_op.cc GradMaker for dygraph (#19706) 5 years ago
lod_reset_op.cu
lod_reset_op.h Add python API for appending LoD level (#18702) 6 years ago
lod_tensor_to_array_op.cc Add the check of lod_level between compile-time and runtime. (#20961) 5 years ago
log_loss_op.cc GradMaker for dygraph (#19706) 5 years ago
log_loss_op.cu Fix Eigen macro when using GPU 6 years ago
log_loss_op.h
lookup_sparse_table_op.cc GradMaker for dygraph (#19706) 5 years ago
lookup_table_op.cc GradMaker for dygraph (#19706) 5 years ago
lookup_table_op.cu enhance embedding error message test=develop (#20246) 5 years ago
lookup_table_op.h enhance embedding error message test=develop (#20246) 5 years ago
lookup_table_v2_op.cc GradMaker for dygraph (#19706) 5 years ago
lookup_table_v2_op.cu enhance embedding error message test=develop (#20246) 5 years ago
lookup_table_v2_op.h enhance embedding error message test=develop (#20246) 5 years ago
lrn_op.cc lrn supports channel_last input, test=develop (#20954) 5 years ago
lrn_op.cu lrn supports channel_last input, test=develop (#20954) 5 years ago
lrn_op.h lrn supports channel_last input, test=develop (#20954) 5 years ago
lstm_op.cc GradMaker for dygraph (#19706) 5 years ago
lstm_op.cu.cc
lstm_op.h Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_bug_for_lstmp 6 years ago
lstm_unit_op.cc GradMaker for dygraph (#19706) 5 years ago
lstm_unit_op.cu refine some PADDLE_ENFORCE codes for unify PADDLE_ASSERT_MSG (#19607) 6 years ago
lstm_unit_op.h Revert "cherry picked windows patches." 6 years ago
lstmp_op.cc GradMaker for dygraph (#19706) 5 years ago
lstmp_op.cu
lstmp_op.h optimize lstmp and sample_logits op, test=develop (#16845) 6 years ago
margin_rank_loss_op.cc GradMaker for dygraph (#19706) 5 years ago
margin_rank_loss_op.cu
margin_rank_loss_op.h
match_matrix_tensor_op.cc Add the check of lod_level between compile-time and runtime. (#20961) 5 years ago
match_matrix_tensor_op.h Add match_matrix_tensor op (#18525) 6 years ago
math.h codegen for fused elementwise operation (#19520) 6 years ago
matmul_op.cc GradMaker for dygraph (#19706) 5 years ago
max_sequence_len_op.cc GradMaker for dygraph (#19706) 5 years ago
maxout_op.cc add check for input channels and Attr(groups), test=develop (#21095) 5 years ago
maxout_op.cu.cc
maxout_op.h maxout supports channel_last input (#20846) 5 years ago
mean_iou_op.cc GradMaker for dygraph (#19706) 5 years ago
mean_iou_op.cu Replace TemporaryAllocator by CUDADeviceContextAllocator (#18989) 6 years ago
mean_iou_op.h
mean_op.cc GradMaker for dygraph (#19706) 5 years ago
mean_op.cu Fix Eigen macro when using GPU 6 years ago
mean_op.h Add fp16 backward support (#14202) 6 years ago
merge_lod_tensor_op.cc GradMaker for dygraph (#19706) 5 years ago
merge_selected_rows_op.cc Refine merge_selected_rows Doc (#14748) 6 years ago
merge_selected_rows_op.cu.cc Fix clip.py (#14718) 6 years ago
merge_selected_rows_op.h Fix clip.py (#14718) 6 years ago
minus_op.cc simple code;test=develop 6 years ago
minus_op.cu
minus_op.h
modified_huber_loss_op.cc GradMaker for dygraph (#19706) 5 years ago
modified_huber_loss_op.cu
modified_huber_loss_op.h unify PADDLE_ASSERT_MSG into PADDLE_ENFORCE(error_message) (#19631) 6 years ago
mul_op.cc Add examples for error message writing specification - NotFound, OutOfRange, AlreadyExists, PermissionDenied (#21134) 5 years ago
mul_op.cu.cc support fc_op double grad (#17317) 6 years ago
mul_op.h Add mkldnn int8 mul-op kernel (#17834) 6 years ago
multiplex_op.cc GradMaker for dygraph (#19706) 5 years ago
multiplex_op.cu fix grad desc maker 6 years ago
multiplex_op.h fix grad desc maker 6 years ago
nce_op.cc GradMaker for dygraph (#19706) 5 years ago
nce_op.h Add detailed error messages for nce layer (#20231) 5 years ago
norm_op.cc GradMaker for dygraph (#19706) 5 years ago
norm_op.cu
norm_op.h test=develop 6 years ago
norm_utils.h add instance norm (#19500) 5 years ago
one_hot_op.cc GradMaker for dygraph (#19706) 5 years ago
one_hot_op.cu supports collective communicated training (#18175) 6 years ago
one_hot_op.h supports collective communicated training (#18175) 6 years ago
one_hot_v2_op.cc GradMaker for dygraph (#19706) 5 years ago
one_hot_v2_op.cu Remove constraint that last dimension is forced to be 1 by adding one_hot_v2 (#19716) 6 years ago
one_hot_v2_op.h Remove constraint that last dimension is forced to be 1 by adding one_hot_v2 (#19716) 6 years ago
op_debug_string_test.cc extend elementwise broadcast function (#20957) 5 years ago
pad2d_op.cc GradMaker for dygraph (#19706) 5 years ago
pad2d_op.cu Make pad2d support for variable paddings. (#14667) 6 years ago
pad_constant_like_op.cc GradMaker for dygraph (#19706) 5 years ago
pad_constant_like_op.cu Fix Eigen macro when using GPU 6 years ago
pad_constant_like_op.h
pad_op.cc GradMaker for dygraph (#19706) 5 years ago
pad_op.cu Add fp16 support for pad and split (#19881) 5 years ago
pad_op.h Add fp16 support for pad and split (#19881) 5 years ago
pixel_shuffle_op.cc GradMaker for dygraph (#19706) 5 years ago
pixel_shuffle_op.cu Add Pixel shuffle OP (#15782) 6 years ago
pixel_shuffle_op.h Add Pixel shuffle OP (#15782) 6 years ago
pool_cudnn_op.cu.cc fix pool2d pool3d,support asymmetric padding and channel_last (#19739) 5 years ago
pool_op.cc Polish error messages of pool_2d/3d and add Raises in English document. test=develop (#21017) 5 years ago
pool_op.cu.cc
pool_op.h fix bug in pool/conv/conv_transpose: UpdatePaddingAndDilation, _get_padding_with_SAME and conv2dtranspose_forward_naive. (#20997) 5 years ago
pool_with_index_op.cc GradMaker for dygraph (#19706) 5 years ago
pool_with_index_op.cu.cc
pool_with_index_op.h add adaptive pool 2d & 3d. test=develop 6 years ago
positive_negative_pair_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface (#20668) 5 years ago
positive_negative_pair_op.h update CMakeLists.txt 6 years ago
prelu_op.cc fix the computation for dx (grad for x) for prelu operation. (#20949) 5 years ago
prelu_op.cu fix the computation for dx (grad for x) for prelu operation. (#20949) 5 years ago
prelu_op.h fix the computation for dx (grad for x) for prelu operation. (#20949) 5 years ago
print_op.cc GradMaker for dygraph (#19706) 5 years ago
prroi_pool_op.cc GradMaker for dygraph (#19706) 5 years ago
prroi_pool_op.cu fix the precise roi poop op test=develop (#20126) 5 years ago
prroi_pool_op.h fix the precise roi poop op test=develop (#20126) 5 years ago
psroi_pool_op.cc GradMaker for dygraph (#19706) 5 years ago
psroi_pool_op.cu this is for psroi_pool op, test=develop (#14796) 6 years ago
psroi_pool_op.h rewrite ddim 6 years ago
pull_box_sparse_op.cc GradMaker for dygraph (#19706) 5 years ago
pull_box_sparse_op.cu Paddlebox Framework (#18982) 6 years ago
pull_box_sparse_op.h Paddlebox Framework (#18982) 6 years ago
py_func_op.cc Fix py_func_op's problem 6 years ago
py_func_op.h try fix py2 6 years ago
pyramid_hash_op.cc Optimizer mmcpy if _rand_len=16 and remove data copy in GradKernel (#21099) 5 years ago
quantize_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface (#20668) 5 years ago
quantize_op.h Add Quantize OP 6 years ago
random_crop_op.cc GradMaker for dygraph (#19706) 5 years ago
random_crop_op.cu
random_crop_op.h unify PADDLE_ASSERT_MSG into PADDLE_ENFORCE(error_message) (#19631) 6 years ago
range_op.cc [Operator] Add range op. (#15431) 6 years ago
range_op.cu [Operator] Add range op. (#15431) 6 years ago
range_op.h [Operator] Add range op. (#15431) 6 years ago
rank_loss_op.cc GradMaker for dygraph (#19706) 5 years ago
rank_loss_op.cu
rank_loss_op.h
recurrent_op.cc Fix the error of init variable in StaticRNN when stop_gradient=ON (#21118) 5 years ago
recurrent_op.h Delete useless ex-scope in recurrent op (#19426) 6 years ago
reorder_lod_tensor_by_rank_op.cc GradMaker for dygraph (#19706) 5 years ago
requantize_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface (#20668) 5 years ago
requantize_op.h Add Requantize OP (#15318) 6 years ago
reshape_op.cc Add examples for error message writing specification - InvalidArgument (#21132) 5 years ago
reverse_op.cc GradMaker for dygraph (#19706) 5 years ago
reverse_op.cu
reverse_op.h
rnn_memory_helper_op.cc GradMaker for dygraph (#19706) 5 years ago
roi_align_op.cc GradMaker for dygraph (#19706) 5 years ago
roi_align_op.cu enhance input check for roi_align, test=develop (#20238) 5 years ago
roi_align_op.h enhance input check for roi_align, test=develop (#20238) 5 years ago
roi_pool_op.cc GradMaker for dygraph (#19706) 5 years ago
roi_pool_op.cu Replace TemporaryAllocator by CUDADeviceContextAllocator (#18989) 6 years ago
roi_pool_op.h
row_conv_op.cc GradMaker for dygraph (#19706) 5 years ago
row_conv_op.cu fix row_conv_op to force it support lodtensor and tensor input simultaneously, test=develop (#19412) 6 years ago
row_conv_op.h
sample_logits_op.cc GradMaker for dygraph (#19706) 5 years ago
sample_logits_op.cu refine code 6 years ago
sample_logits_op.h unify PADDLE_ASSERT_MSG into PADDLE_ENFORCE(error_message) (#19631) 6 years ago
sampling_id_op.cc GradMaker for dygraph (#19706) 5 years ago
sampling_id_op.cu
sampling_id_op.h
save_combine_op.cc fix mix input type error, test=develop 6 years ago
save_combine_op.cu fix mix input type error, test=develop 6 years ago
save_combine_op.h checkpoint pr be moved here, test=develop 6 years ago
save_load_combine_op_test.cc checkpoint pr be moved here, test=develop 6 years ago
save_load_op_test.cc checkpoint pr be moved here, test=develop 6 years ago
save_op.cc Add IndicateVarDataType interface to block tensor is not initialized problem in OP GetExceptedKernelType (#20044) 5 years ago
save_op.cu checkpoint pr be moved here, test=develop 6 years ago
save_op.h fix some bug when merge sparse embedding parameters, test=develop (#18223) 6 years ago
scale_op.cc Support NoNeedBufferVarsInference in dygraph backward (#20868) 5 years ago
scale_op.cu refine math_op_patch, test=develop (#19727) 6 years ago
scale_op.h Fix input<tensor> (#14208) 6 years ago
scatter.cu.h Replace TemporaryAllocator by CUDADeviceContextAllocator (#18989) 6 years ago
scatter.h refine some PADDLE_ENFORCE codes for unify PADDLE_ASSERT_MSG (#19607) 6 years ago
scatter_nd_add_op.cc GradMaker for dygraph (#19706) 5 years ago
scatter_nd_add_op.cu add scatter_nd op and scatter_nd_add op (#19571) 6 years ago
scatter_nd_add_op.h add scatter_nd op and scatter_nd_add op (#19571) 6 years ago
scatter_op.cc GradMaker for dygraph (#19706) 5 years ago
scatter_op.cu Add the support the int64 data type of `scatter_op` input Index(#18804) (#19508) 6 years ago
scatter_op.h Add the support the int64 data type of `scatter_op` input Index(#18804) (#19508) 6 years ago
scatter_test.cc Fix bug in uts 6 years ago
search_compute.h add pyramid_hash_op (#20698) 5 years ago
select_input_op.cc Add select_input_op and select_output_op (#21016) 5 years ago
select_op_helper.h Add select_input_op and select_output_op (#21016) 5 years ago
select_output_op.cc Add select_input_op and select_output_op (#21016) 5 years ago
selu_op.cc GradMaker for dygraph (#19706) 5 years ago
selu_op.cu Add selu (#14415) 6 years ago
selu_op.h revert revert 16144 6 years ago
shape_op.cc GradMaker for dygraph (#19706) 5 years ago
shape_op.cu Sequence mask support tensor (#18249) 6 years ago
shape_op.h
shard_index_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface (#20668) 5 years ago
shard_index_op.cu supports distributed classification (#18690) 6 years ago
shard_index_op.h supports distributed classification (#18690) 6 years ago
shrink_rnn_memory_op.cc GradMaker for dygraph (#19706) 5 years ago
shuffle_channel_op.cc GradMaker for dygraph (#19706) 5 years ago
shuffle_channel_op.cu fix some grad op desc maker (#16581) 6 years ago
shuffle_channel_op.h fix some grad op desc maker (#16581) 6 years ago
sigmoid_cross_entropy_with_logits_op.cc GradMaker for dygraph (#19706) 5 years ago
sigmoid_cross_entropy_with_logits_op.cu Replace TemporaryAllocator by CUDADeviceContextAllocator (#18989) 6 years ago
sigmoid_cross_entropy_with_logits_op.h Add generate_mask_labels_op to support Mask-RCNN and refine some code. (#15371) 6 years ago
sign_op.cc GradMaker for dygraph (#19706) 5 years ago
sign_op.cu "fix op. test=develop" 6 years ago
sign_op.h
similarity_focus_op.cc GradMaker for dygraph (#19706) 5 years ago
similarity_focus_op.h add similarity_focus op 6 years ago
size_op.cc GradMaker for dygraph (#19706) 5 years ago
size_op.cu add size op (#17412) 6 years ago
size_op.h add size op (#17412) 6 years ago
slice_op.cc GradMaker for dygraph (#19706) 5 years ago
slice_op.cu add tensor(tensor and tensor in list) support for argument starts and ends in slice op; (#19208) 5 years ago
slice_op.h add tensor(tensor and tensor in list) support for argument starts and ends in slice op; (#19208) 5 years ago
smooth_l1_loss_op.cc GradMaker for dygraph (#19706) 5 years ago
smooth_l1_loss_op.cu Fix Eigen macro when using GPU 6 years ago
smooth_l1_loss_op.h
softmax_cudnn_op.cu.cc refine softmax kernel. test=develop 6 years ago
softmax_op.cc Support NoNeedBufferVarsInference in dygraph backward (#20868) 5 years ago
softmax_op.cu.cc Add fp16 backward support (#14202) 6 years ago
softmax_op.h fix format. test=develop 6 years ago
softmax_with_cross_entropy_op.cc GradMaker for dygraph (#19706) 5 years ago
softmax_with_cross_entropy_op.cu Fix INF bug of softmax_cross_entropy_op (#21165) 5 years ago
softmax_with_cross_entropy_op.h Softmax_cross_entropy op add axis (#16806) 6 years ago
space_to_depth_op.cc GradMaker for dygraph (#19706) 5 years ago
space_to_depth_op.cu test=develop 6 years ago
space_to_depth_op.h test=develop 6 years ago
spectral_norm_op.cc GradMaker for dygraph (#19706) 5 years ago
spectral_norm_op.cu fix spectral_norm doc. test=develop 6 years ago
spectral_norm_op.h fix format. test=develop 6 years ago
split_lod_tensor_op.cc GradMaker for dygraph (#19706) 5 years ago
split_op.cc GradMaker for dygraph (#19706) 5 years ago
split_op.cu.cc Add fp16 support for pad and split (#19881) 5 years ago
split_op.h Compatible int32 and int64 for attr in concat/split/unsqueeze. test=develop (#20912) 5 years ago
split_selected_rows_op.cc GradMaker for dygraph (#19706) 5 years ago
split_selected_rows_op.cu
split_selected_rows_op.h add some check 6 years ago
spp_op.cc GradMaker for dygraph (#19706) 5 years ago
spp_op.cu.cc
spp_op.h add adaptive pool 2d & 3d. test=develop 6 years ago
squared_l2_distance_op.cc GradMaker for dygraph (#19706) 5 years ago
squared_l2_distance_op.cu Fix Eigen macro when using GPU 6 years ago
squared_l2_distance_op.h Security issue (#16774) 6 years ago
squared_l2_norm_op.cc GradMaker for dygraph (#19706) 5 years ago
squared_l2_norm_op.cu Fix Eigen macro when using GPU 6 years ago
squared_l2_norm_op.h
squeeze_op.cc GradMaker for dygraph (#19706) 5 years ago
squeeze_op.cu.cc add kernel for squeeze_op, test=develop (#19656) 5 years ago
squeeze_op.h add input type and dtype check for squeeze (#20100) 5 years ago
stack_op.cc GradMaker for dygraph (#19706) 5 years ago
stack_op.cu Some improvements to support bert mixed precision training (#15585) 6 years ago
stack_op.h GradMaker for dygraph (#19706) 5 years ago
strided_memcpy.h rewrite ddim 6 years ago
strided_memcpy_test.cc refactor(memory): rewrite memory allocation and make it extentable 6 years ago
strided_slice_op.cc GradMaker for dygraph (#19706) 5 years ago
strided_slice_op.cu Strided slice (#19642) 5 years ago
strided_slice_op.h strided_slice perforamnce improvement test=develop (#20852) 5 years ago
sum_op.cc GradMaker for dygraph (#19706) 5 years ago
sum_op.cu Fix sum op fails as no memory in tensor(#20602) 5 years ago
sum_op.h refine PADDLE_ENFORCE codes for unify PADDLE_ASSERT_MSG (#19603) 6 years ago
sync_batch_norm_op.cc GradMaker for dygraph (#19706) 5 years ago
sync_batch_norm_op.cu Add float16 support to `sync_batch_norm_op` (#19681) 5 years ago
teacher_student_sigmoid_loss_op.cc GradMaker for dygraph (#19706) 5 years ago
teacher_student_sigmoid_loss_op.h remove some comments & refine doc & put template class in .h 6 years ago
temporal_shift_op.cc GradMaker for dygraph (#19706) 5 years ago
temporal_shift_op.cu fix format. test=develop 6 years ago
temporal_shift_op.h fix format. test=develop 6 years ago
tensor_array_to_tensor_op.cc GradMaker for dygraph (#19706) 5 years ago
test_leaky_relu_grad_grad_functor.cc fix leaky_relu op when alpha is zero, test=develop (#19833) 5 years ago
test_leaky_relu_grad_grad_functor.cu fix leaky_relu op when alpha is zero, test=develop (#19833) 5 years ago
test_leaky_relu_grad_grad_functor.h fix leaky_relu op when alpha is zero, test=develop (#19833) 5 years ago
top_k_op.cc Improve topk performance. (#21087) 5 years ago
top_k_op.cu Improve topk performance. (#21087) 5 years ago
top_k_op.h Fix topk cannot handle 1D vector bug (#18466) 6 years ago
transpose_op.cc Add transpose2 INT8 for mkl-dnn (#19424) 5 years ago
transpose_op.cu.cc Sequence mask support tensor (#18249) 6 years ago
transpose_op.h Add transpose2 INT8 for mkl-dnn (#19424) 5 years ago
tree_conv_op.cc GradMaker for dygraph (#19706) 5 years ago
tree_conv_op.cu Tree conv op (#15217) 6 years ago
tree_conv_op.h Tree conv op (#15217) 6 years ago
truncated_gaussian_random_op.cc Fix truncated norm (#13785) 6 years ago
truncated_gaussian_random_op.cu Fix truncated norm (#13785) 6 years ago
unfold_op.cc GradMaker for dygraph (#19706) 5 years ago
unfold_op.cu add unfold op (new op),test=develop (#17944) 6 years ago
unfold_op.h add unfold op (new op),test=develop (#17944) 6 years ago
uniform_random_batch_size_like_op.cc GradMaker for dygraph (#19706) 5 years ago
uniform_random_op.cc GradMaker for dygraph (#19706) 5 years ago
uniform_random_op.cu Modify the style of function names (#20071) 5 years ago
uniform_random_op.h Make shape tensor support int32 (#20757) 5 years ago
unique_op.cc add unique kernel and op (#17557) 6 years ago
unique_op.h Add the op of unique_with_counts, expand count function of the op unique (#18720) 6 years ago
unique_with_counts_op.cc Add the op of unique_with_counts, expand count function of the op unique (#18720) 6 years ago
unique_with_counts_op.h Add the op of unique_with_counts, expand count function of the op unique (#18720) 6 years ago
unpool_op.cc GradMaker for dygraph (#19706) 5 years ago
unpool_op.cu.cc
unpool_op.h fix security bugs : (#17464) 6 years ago
unsqueeze_op.cc GradMaker for dygraph (#19706) 5 years ago
unsqueeze_op.cu.cc improve unsqueeze op to support int, Tensor for argument axes (#20824) 5 years ago
unsqueeze_op.h Compatible int32 and int64 for attr in concat/split/unsqueeze. test=develop (#20912) 5 years ago
unstack_op.cc GradMaker for dygraph (#19706) 5 years ago
unstack_op.cu add kernel for unstack_op, test=develop (#19538) 5 years ago
unstack_op.h add kernel for unstack_op, test=develop (#19538) 5 years ago
utils.h Compatible int32 and int64 for attr in concat/split/unsqueeze. test=develop (#20912) 5 years ago
var_conv_2d_op.cc GradMaker for dygraph (#19706) 5 years ago
var_conv_2d_op.h Add var_conv_2d op (#18518) 6 years ago
warpctc_op.cc GradMaker for dygraph (#19706) 5 years ago
warpctc_op.cu.cc
warpctc_op.h Fix warpctc in padding mode. (#21033) 5 years ago
where_op.cc Add Where Op(#16793) 6 years ago
where_op.cu Add Where Op(#16793) 6 years ago
where_op.h Add Where Op(#16793) 6 years ago