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
Chen Weihang 41b5955538
Polish no onwer ops error message (#27448)
4 years ago
..
amp Update amp_check_finite_and_scale_op and add an updating_loss_scaling op for static graph amp training. (#26240) 4 years ago
benchmark Replace all errors thrown by LOG(FATAL) with PADDLE_THROW (#24759) 5 years ago
collective [api 2.0] add collective op for cpu using gloo and paddle.distributed.* apis (#26552) 5 years ago
controlflow fix the CudaPinMemory bug for the equal op (#27176) 4 years ago
detail Add macro BOOST_GET to enrich the error information of boost :: get (#24175) 5 years ago
detection Polish no onwer ops error message (#27448) 4 years ago
distributed support heter-xpu-ps (#27018) 5 years ago
distributed_ops Polish no onwer ops error message (#27448) 4 years ago
elementwise [Feature] Enhance inplace addto strategy for gradient accumulation in static graph (#27112) 4 years ago
fused add fuse_bn_act op (#27230) 4 years ago
jit fix random compile failure due to missing file (#25661) 5 years ago
lite Lite subgraph refine predictor (#27167) 4 years ago
math Add the cpu version of segment sum mean max min op 4 years ago
metrics Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
mkldnn - Fix to concat oneDNN overwritting data (#27273) 4 years ago
nccl Polish reader folder error message (#24698) 5 years ago
optimizers Enhance Op's Error Message (#27455) 4 years ago
reader Add pin memory control for BufferedReader (#26026) 5 years ago
reduce_ops enhance reduce op which can reduce tensor with arbitrary rank 4 years ago
sequence_ops Improving error report message for sequence_expand op (#27245) 4 years ago
tensorrt refine error message related to paddle-TRT (#27256) 4 years ago
xpu support Baidu Kunlun AI Accelerator (#25959) 5 years ago
CMakeLists.txt Add the cpu version of segment sum mean max min op 4 years ago
activation_cudnn.cu.cc Delete Ref & VectorRef and add GetDataSafely (#22997) 5 years ago
activation_cudnn_op.cu.cc Delete Ref & VectorRef and add GetDataSafely (#22997) 5 years ago
activation_op.cc Add the AddCheckpoint macro to softplus op (#26809) 5 years ago
activation_op.cu support elu_op double grad (#21822) 5 years ago
activation_op.h fix elu grad whne alpha less then zero, test=develop (#26543) 5 years ago
add_position_encoding_op.cc Polish no onwer ops error message (#27448) 4 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 test=develop, add addmm op (#23384) 5 years ago
addmm_op.cu test=develop, add addmm op (#23384) 5 years ago
addmm_op.h test=develop, add addmm op (#23384) 5 years ago
affine_channel_op.cc API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118) 5 years ago
affine_channel_op.cu Enable inplace support for some ops (#19612) 6 years ago
affine_grid_cudnn_op.cu.cc
affine_grid_op.cc 【2.0 API】Enhance affine grid operator (#26385) 5 years ago
affine_grid_op.cu Fix cuda kernel of affine grid (#27003) 5 years ago
affine_grid_op.h 【2.0 API】Enhance affine grid operator (#26385) 5 years ago
allclose_op.cc rename the inputs of allclose (#26360) 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 fix the argmin,argmax op for the paddlepaddle 2.0 5 years ago
arg_max_op.cu add cub impl for arg max, min (#25941) 5 years ago
arg_min_max_op_base.cu.h add the argmax, argmin for the api2.0 5 years ago
arg_min_max_op_base.h add the error message check for the some operator 4 years ago
arg_min_op.cc fix the argmin,argmax op for the paddlepaddle 2.0 5 years ago
arg_min_op.cu add cub impl for arg max, min (#25941) 5 years ago
argsort_op.cc rename inplace/no_need_buffer inferer, part2, test=develop (#24733) 5 years ago
argsort_op.cu Optimize argsort Op performance on GPU 4 years ago
argsort_op.h Correct CPU gradients of the argsort op (#22739) 5 years ago
array_operator.h OP (tensor_array_read_write) error message enhancement. test=develop (#23468) 5 years ago
array_to_lod_tensor_op.cc Imperative tracer refactoring (#22457) 5 years ago
assert_op.cc Add Assert Op (#24280) 5 years ago
assign_op.cc [Dy2Stat]Support list pop (#24250) 5 years ago
assign_op.h add the error message check for the some operator 4 years ago
assign_op_test.cc Add select_input_op and select_output_op (#21016) 5 years ago
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 Polish no onwer ops error message (#27448) 4 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 Add macro BOOST_GET to enrich the error information of boost :: get (#24175) 5 years ago
average_accumulates_op.h Polish operators error message in average_accumlate OP (#27268) 4 years ago
batch_fc_op.cc rename inplace/no_need_buffer inferer, part2, test=develop (#24733) 5 years ago
batch_fc_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
batch_fc_op.h Add batch_fc op in contrib (#24017) 5 years ago
batch_norm_op.cc add double grad compute for batch norm (#27296) 4 years ago
batch_norm_op.cu add double grad compute for batch norm (#27296) 4 years ago
batch_norm_op.h add double grad compute for batch norm (#27296) 4 years ago
batch_size_like.h rename inplace/no_need_buffer inferer, part2, test=develop (#24733) 5 years ago
bce_loss_op.cc change to use bce_loss op, add shape check for bce_loss 5 years ago
bce_loss_op.cu change to use bce_loss op, add shape check for bce_loss 5 years ago
bce_loss_op.h change to use bce_loss op, add shape check for bce_loss 5 years ago
beam_search_decode_op.cc API/OP(sequence_first_step, sequence_last_step, sequence_mask, beam_search, beam_search_decode) error message enhancement (#24590) 5 years ago
beam_search_decode_op.h API/OP(sequence_first_step, sequence_last_step, sequence_mask, beam_search, beam_search_decode) error message enhancement (#24590) 5 years ago
beam_search_decode_op_test.cc API/OP(sequence_first_step, sequence_last_step, sequence_mask, beam_search, beam_search_decode) error message enhancement (#24590) 5 years ago
beam_search_op.cc Fix beam_search InferShape (#25169) 5 years ago
beam_search_op.cu.cc Add the CUDA kernel for beam_search op (#15020) 6 years ago
beam_search_op.h API/OP(sequence_first_step, sequence_last_step, sequence_mask, beam_search, beam_search_decode) error message enhancement (#24590) 5 years ago
bernoulli_op.cc Refine paddle.manual_seed (#26496) 5 years ago
bernoulli_op.cu add cuda generator (#26786) 5 years ago
bernoulli_op.h Refine bernoulli and unsqueeze op (#26842) 5 years ago
bilateral_slice_op.cc Add bilateral_slice op (#25401) 5 years ago
bilateral_slice_op.cu Add bilateral_slice op (#25401) 5 years ago
bilateral_slice_op.h Add bilateral_slice op (#25401) 5 years ago
bilinear_tensor_product_op.cc Update paddle enforce message (#24498) 5 years ago
bilinear_tensor_product_op.cu Fix Eigen macro when using GPU 6 years ago
bilinear_tensor_product_op.h fix typo words (#22653) 5 years ago
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 enhance cvm bpr_loss adam adagrad adamax ftrl error message, test=develop (#24452) 5 years ago
bpr_loss_op.h enhance cvm bpr_loss adam adagrad adamax ftrl error message, test=develop (#24452) 5 years ago
cast_op.cc Simplify BufferedReader to improve DataLoader performance (#25648) 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 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
cholesky_op.cc Add cholesky_op (#23543) 5 years ago
cholesky_op.cu add error message for cholesky (#26444) 5 years ago
cholesky_op.h add error message for cholesky (#26444) 5 years ago
chunk_eval_op.cc API(dynamic_gru, chunk_eval, BeamSearchDecoder) error message enhancement (#24513) 5 years ago
chunk_eval_op.h API(dynamic_gru, chunk_eval, BeamSearchDecoder) error message enhancement (#24513) 5 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 use eval() to improve CPU performance (#25243) 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 Fix clip op attr (#26924) 5 years ago
coalesce_tensor_op.cc Polish no onwer ops error message (#27448) 4 years ago
common_infer_shape_functions.cc [OpDevOptimize] Add common infershape functions (#26096) 5 years ago
common_infer_shape_functions.h [OpDevOptimize] Add common infershape functions (#26096) 5 years ago
concat_op.cc Enhance Op's Error Message (#27455) 4 years ago
concat_op.cu.cc Add support for tuple of concat Op test=develop (#25800) 5 years ago
concat_op.h fix concat dimension (#25606) 5 years ago
conv_cudnn_helper.h [CUDNN8 support] : support CUDNN8 (#25664) 5 years ago
conv_cudnn_op.cu [Feature] Enhance inplace addto strategy for gradient accumulation in static graph (#27112) 4 years ago
conv_cudnn_op_cache.h Code Cleanup: delete three useless raw variables in Conv2D (#19644) 6 years ago
conv_op.cc [Feature] Enhance inplace addto strategy for gradient accumulation in static graph (#27112) 4 years ago
conv_op.cu.cc
conv_op.h improve efficiency of runtime InferVarType (#22778) 5 years ago
conv_shift_op.cc Remove extraneous comma in error messages (#24478) 5 years ago
conv_shift_op.cu
conv_shift_op.h
conv_transpose_cudnn_op.cu fix conv_transpose Op fp16 error test=develop (#24695) 5 years ago
conv_transpose_op.cc Register conv_transpose Op version for compatible Op upgrades (#26745) 5 years ago
conv_transpose_op.cu conv_transpose supports channel_last input, test=develop, test=document_preview (#20072) 5 years ago
conv_transpose_op.h [MKL-DNN] Conv2d and Conv2d transpose MKL-DNN NHWC support (#21466) 5 years ago
correlation_op.cc Add correlation api to contrib (#27015) 4 years ago
correlation_op.cu Add correlation api to contrib (#27015) 4 years ago
cos_sim_op.cc API/OP error message enhancement (#23691) 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 Format error message for ops (#24482) 5 years ago
crf_decoding_op.h Format error message for ops (#24482) 5 years ago
crop_op.cc rename inplace/no_need_buffer inferer, part4, test=develop (#24781) 5 years ago
crop_op.cu fix document of 11 APIs (#20278) 5 years ago
crop_op.h Improving error reporting messages for ops (#24438) 5 years ago
crop_tensor_op.cc Improving error reporting messages for ops (#24438) 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 Fix the bug that Input(Offsets) and attr(offsets) cannot be set at the same time. (#24975) 5 years ago
cross_entropy_op.cc Fix bug: Don't check dims if contain_unknown_dim of cross_entropy_grad_op in compile time (#25221) 5 years ago
cross_entropy_op.cu revert revert 16144 6 years ago
cross_entropy_op.h Enhance error message of cross_entropy_op, sigmoid_cross_entropy_with_logits_op (#24485) 5 years ago
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 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_cache.h fix cudnn dyload (#27308) 4 years ago
cudnn_lstm_op.cc change sequence length attribute to input (#27193) 4 years ago
cudnn_lstm_op.cu.cc change sequence length attribute to input (#27193) 4 years ago
cudnn_rnn_cache.h remove scope in cudnn lstm (#25188) 5 years ago
cum_op.h fix cumsum op for API 2.0, optimize performance 5 years ago
cumsum_op.cc register cumsum Op version for compatible Op upgrades (#26734) 5 years ago
cumsum_op.cu fix cumsum op for API 2.0, optimize performance 5 years ago
cvm_op.cc fix dump, fix cvm check (#25400) 5 years ago
cvm_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
cvm_op.h mod cvm test=develop (#25146) 5 years ago
data_norm_op.cc OP(datanorm lookupsparsetable lookuptable) error message enhancement (#24506) 5 years ago
data_norm_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
data_norm_op.h 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 Refine error message, test=develop (#23823) 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 Refine error message, test=develop (#23823) 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 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 Fix index overflow bug of the CUDA kernel loop increment (#25435) 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 GradMaker for dygraph (#19706) 5 years ago
dequantize_abs_max_op.cc Polish no onwer ops error message (#27448) 4 years ago
dequantize_abs_max_op.cu add dequantize_abs_max op and modify lookup_table op (#20899) 5 years ago
dequantize_abs_max_op.h add dequantize_abs_max op and modify lookup_table op (#20899) 5 years ago
dequantize_log_op.cc remove pow to speed up in dequantize_log op (#24607) 5 years ago
dequantize_log_op.cu remove pow to speed up in dequantize_log op (#24607) 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 Replace risky GetInputType method with secure IndicateVarDataType interface (#20668) 5 years ago
dequantize_op.h Add Dequantize OP 6 years ago
dequeue_op.cc add queue_generator_op, dequeue_op, enqueue_op and ut (#24481) 5 years ago
detection_map_op.cc GradMaker for dygraph (#19706) 5 years ago
detection_map_op.h Replace all errors thrown by LOG(FATAL) with PADDLE_THROW (#24759) 5 years ago
dgc_clip_by_norm_op.cc Optimize error message, include dgc, nccl, size op (#24456) 5 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 Optimize error message, include dgc, nccl, size op (#24456) 5 years ago
dgc_op.cu Add DGC(Deep Gradient Compression) interface. (#15841) 6 years ago
dgc_op.h Replace all errors thrown by LOG(FATAL) with PADDLE_THROW (#24759) 5 years ago
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 Add Diag Op(#17027) 6 years ago
diag_op.h Add Diag Op(#17027) 6 years ago
diag_v2_op.cc add paddle.tensor.linalg.diag API, diag_v2 OP and CUDA kernel 5 years ago
diag_v2_op.cu add paddle.tensor.linalg.diag API, diag_v2 OP and CUDA kernel 5 years ago
diag_v2_op.h add paddle.tensor.linalg.diag API, diag_v2 OP and CUDA kernel 5 years ago
dist_op.cc add dist op (#23503) 5 years ago
dist_op.cu add dist op (#23503) 5 years ago
dist_op.h use eval to improve performance, test=develop (#25459) 4 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 Matmul op (#26411) 5 years ago
dropout_op.cc API/OP error message enhancement (#23691) 5 years ago
dropout_op.cu add cuda generator (#26786) 5 years ago
dropout_op.h fix dropout bug in backward when input is 1d tensor (#26837) 5 years ago
dropout_op_test.cc
edit_distance_op.cc Format error message for ops (#24482) 5 years ago
edit_distance_op.cu Add macro BOOST_GET to enrich the error information of boost :: get (#24175) 5 years ago
edit_distance_op.h support Tensor input for edit_distance op (#18162) 6 years ago
empty_op.cc add empty_like op (python, and unit test), use c++ implementation of empty op, (#27287) 4 years ago
empty_op.cu.cc add empty op (c++, python, unit test) (#26659) 4 years ago
empty_op.h add empty op (c++, python, unit test) (#26659) 4 years ago
enqueue_op.cc add queue_generator_op, dequeue_op, enqueue_op and ut (#24481) 5 years ago
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 Format error message for ops (#24482) 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) 5 years ago
expand_as_v2_op.cc Improve expand as (#26290) 5 years ago
expand_as_v2_op.cu Improve expand as (#26290) 5 years ago
expand_as_v2_op.h Improve expand as (#26290) 5 years ago
expand_op.cc add double grad for expand (#27183) 4 years ago
expand_op.cu register fp16 kernel for some ops (#22650) (#22696) 5 years ago
expand_op.h Improving error reporting messages for ops (#24438) 5 years ago
expand_v2_op.cc add double grad for tile op and expand_v2 op (#27114) 4 years ago
expand_v2_op.cu [API 2.0] adaptive expand op to use shape instead of expand_times (#26206) 5 years ago
expand_v2_op.h [API 2.0] adaptive expand op to use shape instead of expand_times (#26206) 5 years ago
eye_op.cc support Baidu Kunlun AI Accelerator (#25959) 5 years ago
eye_op.cu 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 [Quantization] Conv2d_transpose and mul support channnelwise quantization (#25639) 5 years ago
fake_dequantize_op.cu [Quantization] Conv2d_transpose and mul support channnelwise quantization (#25639) 5 years ago
fake_dequantize_op.h [Quantization] Conv2d_transpose and mul support channnelwise quantization (#25639) 5 years ago
fake_quantize_op.cc Quant op dev (#25932) 4 years ago
fake_quantize_op.cu Quant op dev (#25932) 4 years ago
fake_quantize_op.h Quant op dev (#25932) 4 years ago
fc_op.cc Change use_quantizer attribute name and data type (#25838) 5 years ago
fc_op.cu.cc Implement the GPU kernel of fc operator (#19687) 6 years ago
fc_op.h INT8 Fully-connected (#17641) 5 years ago
fill_any_like_op.cc Add macro BOOST_GET to enrich the error information of boost :: get (#24175) 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 Add the error raise for some operators, add some test cases 5 years ago
fill_constant_batch_size_like_op.cc rename inplace/no_need_buffer inferer, part2, test=develop (#24733) 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 fill_constant_batch_size_like OP precious problem fix (#21337) 5 years ago
fill_constant_op.cc Avoid data transforming ShapeTensor from CPU to GPU in fill_constant op. (#25267) 5 years ago
fill_constant_op.cu.cc Add seq2seq api related code (#19820) 5 years ago
fill_constant_op.h add empty op (c++, python, unit test) (#26659) 4 years ago
fill_op.cc Add macro BOOST_GET to enrich the error information of boost :: get (#24175) 5 years ago
fill_op.cu.cc add kernel for fill_op, test=develop (#19719) 5 years ago
fill_op.h Delete Ref & VectorRef and add GetDataSafely (#22997) 5 years ago
fill_zeros_like_op.cc rename inplace/no_need_buffer inferer, part2, test=develop (#24733) 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 Update paddle enforce message (#24498) 5 years ago
filter_by_instag_op.h Fix instag (#22632) 5 years ago
flatten_op.cc add new flatten op test=develop (#25393) 5 years ago
flatten_op.cu.cc add new flatten op test=develop (#25393) 5 years ago
flatten_op.h add new flatten op test=develop (#25393) 5 years ago
flip_op.cc modify flip test=develop (#25312) 5 years ago
flip_op.cu modify flip test=develop (#25312) 5 years ago
flip_op.h modify flip test=develop (#25312) 5 years ago
fsp_op.cc Fix fsp_op error message,test=develop (#24405) 5 years ago
fsp_op.cu [slim] Add quantization strategy and distillation strategy. (#16408) 6 years ago
fsp_op.h Remove disable flag in test_fsp_op.py (#22171) 5 years ago
gather.cu.h add paddle.gather for API2.0 (#26455) 5 years ago
gather.h add paddle.gather for API2.0 (#26455) 5 years ago
gather_nd_op.cc gather_nd Op for API 2.0 refine (#26540) 5 years ago
gather_nd_op.cu fix error message, test=develop (#24425) 5 years ago
gather_nd_op.h fix error message, test=develop (#24425) 5 years ago
gather_op.cc fix error message in broadcast/allreduce/gather (#27302) 4 years ago
gather_op.cu add paddle.gather for API2.0 (#26455) 5 years ago
gather_op.h add paddle.gather for API2.0 (#26455) 5 years ago
gather_test.cc
gather_tree_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface (#20668) 5 years ago
gather_tree_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
gather_tree_op.h Add seq2seq api related code (#19820) 5 years ago
gaussian_random_batch_size_like_op.cc rename inplace/no_need_buffer inferer, part2, test=develop (#24733) 5 years ago
gaussian_random_op.cc add empty op (c++, python, unit test) (#26659) 4 years ago
gaussian_random_op.cu add empty op (c++, python, unit test) (#26659) 4 years ago
gelu_op.cc Add DNNL GELU kernels (#22426) 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 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 【2.0 API】Add CUDA kernel and enhance options for grid_sample (#26576) 5 years ago
grid_sampler_op.cc [2.0 API]Add checker in grid_sample_grad op (#27126) 4 years ago
grid_sampler_op.cu [2.0 API]Add checker in grid_sample_grad op (#27126) 4 years ago
grid_sampler_op.h [2.0 API]Add checker in grid_sample_grad op (#27126) 4 years ago
group_norm_op.cc rename inplace/no_need_buffer inferer, part2, test=develop (#24733) 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 rename inplace/no_need_buffer inferer, part2, test=develop (#24733) 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 Move input_size check into RunTime phrase of gru_unit_op and refine error message (#24776) 5 years ago
gru_unit_op.cu Fix Eigen macro when using GPU 6 years ago
gru_unit_op.h Polish no onwer ops error message (#27448) 4 years ago
hash_op.cc fix check and error message for flatten hash is_empty op (#24434) 5 years ago
hash_op.h hash_op support int64 hash_size (#18674) 6 years ago
hierarchical_sigmoid_op.cc rename inplace/no_need_buffer inferer, part 1, test=develop (#24711) 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 Fix Eigen macro when using GPU 6 years ago
hinge_loss_op.h
histogram_op.cc Add histc op (#24562) 5 years ago
histogram_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
histogram_op.h Add histc op (#24562) 5 years ago
huber_loss_op.cc Error message enhancement of 6 op (#23759) 5 years ago
huber_loss_op.cu support fp64 in huber_loss cuda kernel (#26583) 5 years ago
huber_loss_op.h Add dygraph execution context (#20157) 5 years ago
im2sequence_op.cc Enhance checking in some operator. (#24473) 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 Add macro BOOST_GET to enrich the error information of boost :: get (#24175) 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 rename inplace/no_need_buffer inferer, part 1, test=develop (#24711) 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 test=develop, bug fix for index_select and roll op (#25251) 5 years ago
inplace_abn_op.cc Add macro BOOST_GET to enrich the error information of boost :: get (#24175) 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 add double grad compute for batch norm (#27296) 4 years ago
instance_norm_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
instance_norm_op.h improve efficiency of runtime InferVarType (#22778) 5 years ago
interpolate_op.cc Polish no onwer ops error message (#27448) 4 years ago
interpolate_op.cu add linear interpolate operator (#23357) 5 years ago
interpolate_op.h add linear interpolate operator (#23357) 5 years ago
interpolate_v2_op.cc fix typo for interp_v2,test=develop (#26843) 4 years ago
interpolate_v2_op.cu fix typo for interp_v2,test=develop (#26843) 4 years ago
interpolate_v2_op.h fix typo for interp_v2,test=develop (#26843) 4 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 fix check and error message for flatten hash is_empty op (#24434) 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 add the error message check for the some operator 4 years ago
isfinite_op.cu Fix Eigen macro when using GPU 6 years ago
isfinite_op.h add the error message check for the some operator 4 years ago
isfinite_v2_op.cc Add isfinite v2 op (#26344) 5 years ago
isfinite_v2_op.cu Add isfinite v2 op (#26344) 5 years ago
isfinite_v2_op.h Add isfinite v2 op (#26344) 5 years ago
kldiv_loss_op.cc rename inplace/no_need_buffer inferer, part 1, test=develop (#24711) 5 years ago
kldiv_loss_op.cu fix grad check. test=develop 6 years ago
kldiv_loss_op.h Fix kl and summary bug (#27132) 4 years ago
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 Fix Eigen macro when using GPU 6 years ago
l1_norm_op.h API/OP error message enhancement (#23684) 5 years ago
label_smooth_op.cc Enhance checking in some operator. (#24473) 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 rename inplace/no_need_buffer inferer, part 1, test=develop (#24711) 5 years ago
layer_norm_op.cu API/OP (group_norm, layer_norm, random_crop, unpool) error message enhancement (#24413) 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 rename inplace/no_need_buffer inferer, part 1, test=develop (#24711) 5 years ago
linear_chain_crf_op.h Refactor linear chain crf op & crf decoding op (#19982) 5 years ago
linspace_op.cc avoid data transform for linspace OP (#27444) 4 years ago
linspace_op.cu refine the precious of linspace Op using half way (#27452) 4 years ago
linspace_op.h refine the precious of linspace Op using half way (#27452) 4 years ago
load_combine_op.cc 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 fix eigen in push sparse; fix hadoop command (#26872) 5 years ago
load_op.cc memory leak for cpu (#21174) 5 years ago
load_op.cu checkpoint pr be moved here, test=develop 6 years ago
load_op.h Op (Save/Load) error message enhancement, test=develop (#23650) 5 years ago
lod_array_length_op.cc API(fluid.layers.array_length) error message enhancement (#23547) 5 years ago
lod_rank_table_op.cc improve efficiency of runtime InferVarType (#22778) 5 years ago
lod_reset_op.cc rename inplace/no_need_buffer inferer, part 1, test=develop (#24711) 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 Fix Eigen macro when using GPU 6 years ago
log_loss_op.h
log_softmax_op.cc log_softmax and LogSoftmax: impl kernel and refind docs (#26088) 5 years ago
log_softmax_op.cu log_softmax and LogSoftmax: impl kernel and refind docs (#26088) 5 years ago
log_softmax_op.h log_softmax and LogSoftmax: impl kernel and refind docs (#26088) 5 years ago
lookup_table_dequant_op.cc 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 Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
lookup_table_op.cu Add macro BOOST_GET to enrich the error information of boost :: get (#24175) 5 years ago
lookup_table_op.h Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
lookup_table_v2_op.cc add embedding 2.0 (#26649) 5 years ago
lookup_table_v2_op.cu add embedding 2.0 (#26649) 5 years ago
lookup_table_v2_op.h add embedding 2.0 (#26649) 5 years ago
lrn_op.cc Error message enhancement of 6 op (#23759) 5 years ago
lrn_op.cu lrn supports channel_last input, test=develop (#20954) 5 years ago
lrn_op.h Error message enhancement of 6 op (#23759) 5 years ago
lstm_op.cc API(dynamic_lstm, dynamic_lstmp) error message enhancement (#24450) 5 years ago
lstm_op.cu.cc
lstm_op.h API(dynamic_gru, chunk_eval, BeamSearchDecoder) error message enhancement (#24513) 5 years ago
lstm_unit_op.cc Imperative tracer refactoring (#22457) 5 years ago
lstm_unit_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
lstm_unit_op.h refine some grad op makers, test=develop (#21629) 5 years ago
lstmp_op.cc API(dynamic_lstm, dynamic_lstmp) error message enhancement (#24450) 5 years ago
lstmp_op.cu
lstmp_op.h API(dynamic_gru, chunk_eval, BeamSearchDecoder) error message enhancement (#24513) 5 years ago
margin_rank_loss_op.cc API/OP (margin_rank_loss, nce, row_conv, positive_negative_pair) erro… (#24246) 5 years ago
margin_rank_loss_op.cu
margin_rank_loss_op.h
masked_select_op.cc 【API2.0】add masked_select Op for API2.0 (#26374) 5 years ago
masked_select_op.cu 【API2.0】add masked_select Op for API2.0 (#26374) 5 years ago
masked_select_op.h 【API2.0】add masked_select Op for API2.0 (#26374) 5 years ago
match_matrix_tensor_op.cc Add macro BOOST_GET to enrich the error information of boost :: get (#24175) 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 Change use_quantizer attribute name and data type (#25838) 5 years ago
matmul_v2_op.cc Add Matmul op (#26411) 5 years ago
matmul_v2_op.cu Add Matmul op (#26411) 5 years ago
matmul_v2_op.h Add Matmul op (#26411) 5 years ago
max_sequence_len_op.cc fix error info for transpose sequence_conv_pool max_sequence_len sequ… (#24437) 5 years ago
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 maxout supports channel_last input (#20846) 5 years ago
mean_iou_op.cc OP Normal, Uniform, Xavier Initializer, smooth_l1, mean_iou error message enhancement (#23751) 5 years ago
mean_iou_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
mean_iou_op.h
mean_op.cc rename inplace/no_need_buffer inferer, part 1, test=develop (#24711) 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 Polish no onwer ops error message (#27448) 4 years ago
merge_selected_rows_op.cc Improving error reporting messages for ops (#24438) 5 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
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 OP(minus) error message enhancement. test=develop (#23621) 5 years ago
minus_op.cu
minus_op.h
mish_op.cc add mish op. (#24565) 5 years ago
mish_op.cu add mish op. (#24565) 5 years ago
mish_op.h add mish op. (#24565) 5 years ago
modified_huber_loss_op.cc Error message enhancement of 6 op (#23759) 5 years ago
modified_huber_loss_op.cu
modified_huber_loss_op.h refine Error message of modified_huber_loss (#24417) 5 years ago
mul_op.cc improve efficiency of runtime InferVarType (#22778) 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 Upgrade Error Message for AucOP & MultiplexOP (#24458) 5 years ago
multiplex_op.cu Upgrade Error Message for AucOP & MultiplexOP (#24458) 5 years ago
multiplex_op.h Upgrade Error Message for AucOP & MultiplexOP (#24458) 5 years ago
mv_op.cc add mv op(c++, python, unit test) (#27024) 4 years ago
mv_op.cu add mv op(c++, python, unit test) (#27024) 4 years ago
mv_op.h add mv op(c++, python, unit test) (#27024) 4 years ago
nce_op.cc rename inplace/no_need_buffer inferer, part 1, test=develop (#24711) 5 years ago
nce_op.h Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
nll_loss_op.cc Add isfinite v2 op (#26344) 5 years ago
nll_loss_op.cu Add PADDLE_ENFORCE in nll loss cuda kernel (#26294) 5 years ago
nll_loss_op.h Add isfinite v2 op (#26344) 5 years ago
norm_op.cc API/OP error message enhancement (#23684) 5 years ago
norm_op.cu
norm_op.h test=develop 6 years ago
norm_utils.cu.h add double grad compute for batch norm (#27296) 4 years ago
norm_utils.h add instance norm (#19500) 5 years ago
one_hot_op.cc Error message enhancement of 6 op (#23759) 5 years ago
one_hot_op.cu supports collective communicated training (#18175) 6 years ago
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 Remove constraint that last dimension is forced to be 1 by adding one_hot_v2 (#19716) 6 years ago
one_hot_v2_op.h Update paddle enforce message (#24498) 5 years ago
op_debug_string_test.cc extend elementwise broadcast function (#20957) 5 years ago
p_norm_op.cc fix Norm op error (#26771) 4 years ago
p_norm_op.cu Norm op support 2-axis (#26492) 5 years ago
p_norm_op.h Norm op support 2-axis (#26492) 5 years ago
pad2d_op.cc rename inplace/no_need_buffer inferer, part 1, test=develop (#24711) 5 years ago
pad2d_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
pad3d_op.cc add pad func (#26106) 5 years ago
pad3d_op.cu add pad func (#26106) 5 years ago
pad_constant_like_op.cc OP(pad, pad2d, pad_constant_like) error message enhancement (#23882) 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 OP(pad, pad2d, pad_constant_like) error message enhancement (#23882) 5 years ago
pad_op.cu add register op_data_type of pad/expand_as et.al (#21718) 5 years ago
pad_op.h Add fp16 support for pad and split (#19881) 5 years ago
partial_concat_op.cc Imperative tracer refactoring (#22457) 5 years ago
partial_concat_op.cu Add macro BOOST_GET to enrich the error information of boost :: get (#24175) 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 macro BOOST_GET to enrich the error information of boost :: get (#24175) 5 years ago
partial_sum_op.h add partial_sum op in contrib (#22292) 5 years ago
pixel_shuffle_op.cc [Api2.0] add pixel shuffle (#26071) 5 years ago
pixel_shuffle_op.cu Add Pixel shuffle OP (#15782) 6 years ago
pixel_shuffle_op.h [Api2.0] add pixel shuffle (#26071) 5 years ago
pool_cudnn_op.cu.cc replace CUDNN_ENFORCE with PADDLE_ENFORCE_CUDA_SUCCESS, test=develop (#22109) 5 years ago
pool_op.cc Change use_quantizer attribute name and data type (#25838) 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 inplace/no_need_buffer inferer, part 1, test=develop (#24711) 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 API/OP (margin_rank_loss, nce, row_conv, positive_negative_pair) erro… (#24246) 5 years ago
positive_negative_pair_op.h update CMakeLists.txt 6 years ago
prelu_op.cc fix bug of prelu when rank not equal 4, test=develop (#25067) 5 years ago
prelu_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
prelu_op.h fix the computation for dx (grad for x) for prelu operation. (#20949) 5 years ago
print_op.cc fixes the place info in the Print op (#24934) 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 Add macro BOOST_GET to enrich the error information of boost :: get (#24175) 5 years ago
prroi_pool_op.h fix typo words (#22653) 5 years ago
psroi_pool_op.cc Update paddle enforce message (#24498) 5 years ago
psroi_pool_op.cu this is for psroi_pool op, test=develop (#14796) 6 years ago
psroi_pool_op.h Update paddle enforce message (#24498) 5 years ago
pull_box_extended_sparse_op.cc fix conflict, test=develop (#24238) 5 years ago
pull_box_extended_sparse_op.cu fix conflict, test=develop (#24238) 5 years ago
pull_box_extended_sparse_op.h fix conflict, test=develop (#24238) 5 years ago
pull_box_sparse_op.cc Imperative tracer refactoring (#22457) 5 years ago
pull_box_sparse_op.cu Paddlebox Framework (#18982) 6 years ago
pull_box_sparse_op.h fix conflict, test=develop (#24238) 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 rename inplace/no_need_buffer inferer, part 1, test=develop (#24711) 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 Enhance py_func error info message. (#26557) 5 years ago
py_func_op.h try fix py2 6 years ago
pyramid_hash_op.cc add noavx_axpy and noavx_axpy_noadd (#24207) 5 years ago
quantize_op.cc Add bfloat16 passes (#26999) 4 years ago
quantize_op.h Add Quantize OP 6 years ago
queue_generator_op.cc add queue_generator_op, dequeue_op, enqueue_op and ut (#24481) 5 years ago
randint_op.cc Refine paddle.manual_seed (#26496) 5 years ago
randint_op.cu add cuda generator (#26786) 5 years ago
random_crop_op.cc API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118) 5 years ago
random_crop_op.cu
random_crop_op.h API/OP (group_norm, layer_norm, random_crop, unpool) error message enhancement (#24413) 5 years ago
randperm_op.cc randperm API: remove out, devive, stop_gradient; add name (#25410) 5 years ago
randperm_op.cu randperm API: remove out, devive, stop_gradient; add name (#25410) 5 years ago
randperm_op.h Refine paddle.manual_seed (#26496) 5 years ago
range_op.cc avoid data transfer, test=develop (#25810) 5 years ago
range_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
range_op.h fix error log, test=develop (#24419) 5 years ago
rank_attention.cu.h Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
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 fix conflict, test=develop (#23298) 5 years ago
rank_loss_op.cc OP(rank_loss, similarity_focus, squeeze) error message enhancement (#24448) 5 years ago
rank_loss_op.cu
rank_loss_op.h
recurrent_op.cc Fix the error of recurrnet op in multithreading in eval process (#24357) 5 years ago
recurrent_op.h OP (recurrent) error message enhancement (#23481) 5 years ago
reorder_lod_tensor_by_rank_op.cc Op (reorder_lod_tensor_by_rank) error message enhancement (#23552) 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 Change use_quantizer attribute name and data type (#25838) 5 years ago
reverse_op.cc Support LoDTensorArray in reverse_op (#24797) 5 years ago
reverse_op.cu
reverse_op.h Support LoDTensorArray in reverse_op (#24797) 5 years ago
rnn_memory_helper_op.cc Move input_size check into RunTime phrase of gru_unit_op and refine error message (#24776) 5 years ago
roi_align_op.cc Enhance ops to support LoD as input for dygraph detection models. (#25316) 4 years ago
roi_align_op.cu Enhance ops to support LoD as input for dygraph detection models. (#25316) 4 years ago
roi_align_op.h Enhance ops to support LoD as input for dygraph detection models. (#25316) 4 years ago
roi_pool_op.cc Enhance ops to support LoD as input for dygraph detection models. (#25316) 4 years ago
roi_pool_op.cu Enhance ops to support LoD as input for dygraph detection models. (#25316) 4 years ago
roi_pool_op.h Enhance ops to support LoD as input for dygraph detection models. (#25316) 4 years ago
roll_op.cc modify roll test=develop (#25321) 5 years ago
roll_op.cu add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176) 5 years ago
roll_op.h modify roll test=develop (#25321) 5 years ago
row_conv_op.cc API/OP (margin_rank_loss, nce, row_conv, positive_negative_pair) erro… (#24246) 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
run_program_op.cc fix loaded no params layer run error (#27241) 4 years ago
run_program_op.cu.cc Implement StaticModelRunner to support dygraph fine-tune static graph pre-training model (#23171) 5 years ago
run_program_op.h fix loaded no params layer run error (#27241) 4 years ago
sample_logits_op.cc Remove extraneous comma in error messages (#24478) 5 years ago
sample_logits_op.cu fix lod_reset bug, test=develop (#21392) 5 years ago
sample_logits_op.h Remove extraneous comma in error messages (#24478) 5 years ago
sampling_id_op.cc SamplingID Op fix error print (#24521) 5 years ago
sampling_id_op.cu
sampling_id_op.h Refine paddle.manual_seed (#26496) 5 years ago
save_combine_op.cc improve efficiency of runtime InferVarType (#22778) 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 remove ProgramTranslator.save_inference_model (#25740) 5 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 improve efficiency of runtime InferVarType (#22778) 5 years ago
save_op.cu checkpoint pr be moved here, test=develop 6 years ago
save_op.h Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) (#22957) 5 years ago
scale_op.cc rename inplace/no_need_buffer inferer, part 1, test=develop (#24711) 5 years ago
scale_op.cu refine math_op_patch, test=develop (#19727) 6 years ago
scale_op.h add the error message check for the some operator 4 years ago
scatter.cu.h Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
scatter.h fix error message, test=develop (#24447) 5 years ago
scatter_nd_add_op.cc rename inplace/no_need_buffer inferer, part4, test=develop (#24781) 5 years ago
scatter_nd_add_op.cu fix error message, test=develop (#24447) 5 years ago
scatter_nd_add_op.h fix error message, test=develop (#24447) 5 years ago
scatter_op.cc rename inplace/no_need_buffer inferer, part4, test=develop (#24781) 5 years ago
scatter_op.cu fix error message, test=develop (#24447) 5 years ago
scatter_op.h fix error message, test=develop (#24447) 5 years ago
scatter_test.cc
search_compute.h support build on arm. test=develop (#25212) 5 years ago
seed_op.cc add cuda kernel for seed, test=develop (#23749) 5 years ago
seed_op.cu Add macro BOOST_GET to enrich the error information of boost :: get (#24175) 5 years ago
seed_op.h Dropout with seed (#21590) 5 years ago
segment_pool_op.cc Add the cpu version of segment sum mean max min op 4 years ago
segment_pool_op.h Add the cpu version of segment sum mean max min op 4 years ago
select_input_op.cc Move input_size check into RunTime phrase of gru_unit_op and refine error message (#24776) 5 years ago
select_op_helper.h Api/Op (select_input/select_ouput) error message enhancement. (#23445) 5 years ago
select_output_op.cc Move input_size check into RunTime phrase of gru_unit_op and refine error message (#24776) 5 years ago
selu_op.cc [OpDevOptimize] Add common infershape functions (#26096) 5 years ago
selu_op.cu
selu_op.h revert revert 16144 6 years ago
shape_op.cc add empty_like op (python, and unit test), use c++ implementation of empty op, (#27287) 4 years ago
shape_op.cu add empty_like op (python, and unit test), use c++ implementation of empty op, (#27287) 4 years ago
shape_op.h [Dy2stat] Support len syntax (#24638) 5 years ago
shard_index_op.cc Improving error reporting messages for ops (#24438) 5 years ago
shard_index_op.cu Improving error reporting messages for ops (#24438) 5 years ago
shard_index_op.h Improving error reporting messages for ops (#24438) 5 years ago
shrink_rnn_memory_op.cc OP(compare/get_places/shrink_rnn_memory) error message enhancement (#23780) 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 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 Enhance error message of cross_entropy_op, sigmoid_cross_entropy_with_logits_op (#24485) 5 years ago
sigmoid_cross_entropy_with_logits_op.cu Fix index overflow bug of the CUDA kernel loop increment (#25435) 5 years ago
sigmoid_cross_entropy_with_logits_op.h Add generate_mask_labels_op to support Mask-RCNN and refine some code. (#15371) 6 years ago
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 OP(rank_loss, similarity_focus, squeeze) error message enhancement (#24448) 5 years ago
similarity_focus_op.h OP(rank_loss, similarity_focus, squeeze) error message enhancement (#24448) 5 years ago
size_op.cc fix gpu kernel for numel Op (#27085) 4 years ago
size_op.cu fix gpu kernel for numel Op (#27085) 4 years ago
size_op.h fix gpu kernel for numel Op (#27085) 4 years ago
slice_op.cc Add cuda pinned place branch in slice op GetExpectedKernelType (#26027) 5 years ago
slice_op.cu improve fp16 performance of slice_grad, test=develop (#25523) 5 years ago
slice_op.h improve fp16 performance of slice_grad, test=develop (#25523) 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 Fix Eigen macro when using GPU 6 years ago
smooth_l1_loss_op.h
softmax_cudnn_op.cu.cc Refine cudnn softmax (#25757) 5 years ago
softmax_op.cc Refine cudnn softmax (#25757) 5 years ago
softmax_op.cu.cc
softmax_op.h fix format. test=develop 6 years ago
softmax_with_cross_entropy_op.cc rename inplace/no_need_buffer inferer, part 1, test=develop (#24711) 5 years ago
softmax_with_cross_entropy_op.cu fix softmax with cross entropy out of bound; test=develop (#25549) 5 years ago
softmax_with_cross_entropy_op.h Update paddle enforce message (#24498) 5 years ago
space_to_depth_op.cc rename inplace/no_need_buffer inferer, part4, test=develop (#24781) 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 Update OP_INOUT_CHECK (#23757) 5 years ago
spectral_norm_op.cu fix spectral_norm doc. test=develop 6 years ago
spectral_norm_op.h fix PADDLE_THROW in spectral_norm_op.h. test=develop (#24414) 5 years ago
split_lod_tensor_op.cc Error Message Enhancement (#23483) 5 years ago
split_op.cc refine the split op for API 2.0 test=develop (#25320) 5 years ago
split_op.cu.cc refine the split op for API 2.0 test=develop (#25320) 5 years ago
split_op.h Imperative tracer refactoring (#22457) 5 years ago
split_selected_rows_op.cc test=develop, error info improvement (#24496) 5 years ago
split_selected_rows_op.cu
split_selected_rows_op.h test=develop, error info improvement (#24496) 5 years ago
spp_op.cc Update paddle enforce message (#24498) 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 rename inplace/no_need_buffer inferer, part4, test=develop (#24781) 5 years ago
squared_l2_distance_op.cu Fix Eigen macro when using GPU 6 years ago
squared_l2_distance_op.h Refine `squared_l2_distance_grad` error message (#24409) 5 years ago
squared_l2_norm_op.cc API/OP error message enhancement (#23684) 5 years ago
squared_l2_norm_op.cu Fix Eigen macro when using GPU 6 years ago
squared_l2_norm_op.h API/OP error message enhancement (#23684) 5 years ago
squeeze_op.cc refine unsqueeze, test=develop (#25470) 5 years ago
squeeze_op.cu.cc refine unsqueeze, test=develop (#25470) 5 years ago
squeeze_op.h Refine squeeze, test=develop (#25281) 5 years ago
stack_op.cc Imperative tracer refactoring (#22457) 5 years ago
stack_op.cu Add macro BOOST_GET to enrich the error information of boost :: get (#24175) 5 years ago
stack_op.h Refine stack op to improve xlnet performance, test=develop (#22142) 5 years ago
strided_memcpy.h Polish no onwer ops error message (#27448) 4 years ago
strided_memcpy_test.cc
strided_slice_op.cc rename inplace/no_need_buffer inferer, part3, test=develop (#24734) 5 years ago
strided_slice_op.cu Strided slice (#19642) 5 years ago
strided_slice_op.h Support int32 int64 and fix bug (#24407) 5 years ago
sum_op.cc update the error message check for the some ops 4 years ago
sum_op.cu update the error message check for the some ops 4 years ago
sum_op.h update the error message check for the some ops 4 years ago
sync_batch_norm_op.cc Add macro BOOST_GET to enrich the error information of boost :: get (#24175) 5 years ago
sync_batch_norm_op.cu Add trainable_statistics in attr for batch_norm. (#24072) 5 years ago
sync_batch_norm_op.cu.h fix compile when with_nccl=off. test=develop (#24444) 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
tdm_sampler_op.cc Add Tdm sampler op in Contrib (#23290) 5 years ago
tdm_sampler_op.h Add Tdm sampler op in Contrib (#23290) 5 years ago
teacher_student_sigmoid_loss_op.cc Refine error message, test=develop (#23823) 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 Update OP_INOUT_CHECK (#23757) 5 years ago
temporal_shift_op.cu fix adaptive_pool2d/pool3d error message. test=develop (#23658) 5 years ago
temporal_shift_op.h fix format. test=develop 6 years ago
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
tensor_formatter.cc Add Assert Op (#24280) 5 years ago
tensor_formatter.h Add Assert Op (#24280) 5 years ago
test_common_infer_shape_functions.cc [OpDevOptimize] Add common infershape functions (#26096) 5 years ago
test_leaky_relu_grad_grad_functor.cc 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 leaky_relu and LeakyReLU: alpha->negative_slope (#26216) 5 years ago
tile_op.cc add double grad for tile op and expand_v2 op (#27114) 4 years ago
tile_op.cu [API 2.0] add paddle.tile op (#26245) 5 years ago
tile_op.h [API 2.0] add paddle.tile op (#26245) 5 years ago
top_k_function_cuda.h update the code for the topk v2 5 years ago
top_k_op.cc Adadelta Optimizer (#26590) 5 years ago
top_k_op.cu Adadelta Optimizer (#26590) 5 years ago
top_k_op.h Add TopK Op Grad CPU&GPU Kernel test=develop (#22628) 5 years ago
top_k_v2_op.cc Fix bug: shapes of Topk outputs are wrong when the parameter k is Tensor 4 years ago
top_k_v2_op.cu Norm op support 2-axis (#26492) 5 years ago
top_k_v2_op.h Norm op support 2-axis (#26492) 5 years ago
trace_op.cc modify trace api test=develop (#25397) 5 years ago
trace_op.cu modify trace api test=develop (#25397) 5 years ago
trace_op.h modify trace api test=develop (#25397) 5 years ago
transpose_op.cc Change use_quantizer attribute name and data type (#25838) 5 years ago
transpose_op.cu Add Support for SelectedRows for Transpose OP and Fix a Bug That SelectedRows Cannot be Supported in SimNet (#25536) 5 years ago
transpose_op.h enhance reduce op which can reduce tensor with arbitrary rank 4 years ago
tree_conv_op.cc test=develop, error message of tree_conv OP enhancement (#23574) 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
tril_triu_op.cc add tril op and triu op (#23469) 5 years ago
tril_triu_op.cu add tril op and triu op (#23469) 5 years ago
tril_triu_op.h add tril op and triu op (#23469) 5 years ago
truncated_gaussian_random_op.cc Refine paddle.manual_seed (#26496) 5 years ago
truncated_gaussian_random_op.cu fix cuda generator hard-coded offset step (#27027) 5 years ago
unbind_op.cc add unbind op (#23359) 5 years ago
unbind_op.cu.cc add unbind op (#23359) 5 years ago
unbind_op.h add unbind op (#23359) 5 years ago
unfold_op.cc rename inplace/no_need_buffer inferer, part3, test=develop (#24734) 5 years ago
unfold_op.cu add unfold op (new op),test=develop (#17944) 6 years ago
unfold_op.h Polish PADDLE_ENFORCE of unfold_op (#24423) 5 years ago
uniform_random_batch_size_like_op.cc rename inplace/no_need_buffer inferer, part2, test=develop (#24733) 5 years ago
uniform_random_op.cc update the error message check for the some ops 4 years ago
uniform_random_op.cu update the error message check for the some ops 4 years ago
uniform_random_op.h update the error message check for the some ops 4 years ago
unique_op.cc add dtype for unique (#26655) 5 years ago
unique_op.h add dtype for unique (#26655) 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 Add the op of unique_with_counts, expand count function of the op unique (#18720) 6 years ago
unpool_op.cc API/OP (group_norm, layer_norm, random_crop, unpool) error message enhancement (#24413) 5 years ago
unpool_op.cu.cc
unpool_op.h fix security bugs : (#17464) 6 years ago
unsqueeze_op.cc Refine bernoulli and unsqueeze op (#26842) 5 years ago
unsqueeze_op.cu.cc Refine bernoulli and unsqueeze op (#26842) 5 years ago
unsqueeze_op.h Update paddle enforce message (#24498) 5 years ago
unstack_op.cc update error message for unstack op and lamb op; test=develop (#24439) 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 add empty op (c++, python, unit test) (#26659) 4 years ago
var_conv_2d_op.cc Polish no onwer ops error message (#27448) 4 years ago
var_conv_2d_op.h Add var_conv_2d op (#18518) 6 years ago
warpctc_op.cc rename inplace/no_need_buffer inferer, part3, test=develop (#24734) 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 rename inplace/no_need_buffer inferer, part3, test=develop (#24734) 5 years ago
where_op.cu add paddle.tensor interface (#23801) 5 years ago
where_op.h Implement a new C++ operator where and API tensor.where (#23220) 5 years ago