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
guru4elephant ab57d3893e
make auc op compatible with 1 dim (#18551)
6 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 supports collective training with programs (#18392) 6 years ago
controlflow Inference: fix mask rcnn model diff, optim memory usage, memory leak. (#18532) 6 years ago
detail Merge pull request #14933 from sneaxiy/rewrite_ddim 6 years ago
detection Fix/gcc 4.8 ubt link error (#18558) 6 years ago
distributed fix communicator with pyreader (#18350) 6 years ago
distributed_ops supports collective communicated training (#18175) 6 years ago
elementwise Add a unittest to inplace elementwise_add (#18385) 6 years ago
fused fix spelling errors (#17941) 6 years ago
jit fix avx option (#16683) 6 years ago
math Add a unittest to inplace elementwise_add (#18385) 6 years ago
metrics make auc op compatible with 1 dim (#18551) 6 years ago
mkldnn Activations MKLDNN ops refactoring (#18191) 6 years ago
nccl Polish code style 6 years ago
ngraph [NGraph] cache compiled function instead test=develop (#17845) 6 years ago
optimizers Make fuse_all_reduce_op_pass support mix_precision (#17652) 6 years ago
reader Clean build strategy (#18148) 6 years ago
reduce_ops Update backward appending stragety to support double backward and fix some bug. (#18104) 6 years ago
sequence_ops Sequence mask support tensor (#18249) 6 years ago
tensorrt Inference: fix mask rcnn model diff, optim memory usage, memory leak. (#18532) 6 years ago
CMakeLists.txt supports collective communicated training (#18175) 6 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 Feature/buffer_shared_inplace (#17911) 6 years ago
activation_op.cu Double backward sqrt (#17387) 6 years ago
activation_op.h Update backward appending stragety to support double backward and fix some bug. (#18104) 6 years ago
add_position_encoding_op.cc Fix GetExpectedKernelType of add_position_encoding_op (#17935) 6 years ago
add_position_encoding_op.h Exhaustive search for cuDNN conv. (#14286) 6 years ago
affine_channel_op.cc Refine model gpu memory (#16993) 6 years ago
affine_channel_op.cu Speed unit testing. (#16978) 6 years ago
affine_grid_cudnn_op.cu.cc Add affine grid generator op (#12238) 6 years ago
affine_grid_op.cc fix some grad op desc maker (#16581) 6 years ago
affine_grid_op.h test=develop (#16783) 6 years ago
alloc_continuous_space_op.cc Make fuse_all_reduce_op_pass support mix_precision (#17652) 6 years ago
arg_max_op.cc Change tensor uses proto::VarType::type 6 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 Change tensor uses proto::VarType::type 6 years ago
arg_min_op.cu Change tensor uses proto::VarType::type 6 years ago
argsort_op.cc Set the right shape of selected_rows (#13723) 6 years ago
argsort_op.cu
argsort_op.h
array_operator.h Revert the changes of VLOG 6 years ago
array_to_lod_tensor_op.cc Change tensor uses proto::VarType::type 6 years ago
assign_op.cc
assign_value_op.cc
assign_value_op.cu.cc Revert ""cherry picked operators changes" (#12184)" (#12747) 7 years ago
assign_value_op.h
attention_lstm_op.cc fix spelling errors (#17941) 6 years ago
attention_lstm_op.h implement attention lstm cpu forward 7 years ago
average_accumulates_op.cc Change tensor uses proto::VarType::type 6 years ago
average_accumulates_op.cu
average_accumulates_op.h
batch_norm_op.cc Code clean of Allocator (#17602) 6 years ago
batch_norm_op.cu fix spelling errors (#17941) 6 years ago
batch_norm_op.h Support sync batch norm. (#16121) 6 years ago
batch_size_like.h Fix some grad op desc makers (#16633) 6 years ago
beam_search_decode_op.cc Polish code style 6 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 Polish code style 6 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 Check some shapes only in runtime (#16919) 6 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 fix bpr loss; test=developp 6 years ago
bpr_loss_op.h Add the CUDA kernel for beam_search op (#15020) 6 years ago
cast_op.cc polish the cast op doc (#16078) 6 years ago
cast_op.cu
cast_op.h Revert "cherry picked windows patches." 6 years ago
chunk_eval_op.cc support Tensor input for chunk_eval op (#18226) 6 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 Add DGC(Deep Gradient Compression) interface. (#15841) 6 years ago
clip_op.cc add op registry type 6 years ago
clip_op.cu
clip_op.h fix sparse gradient clip 6 years ago
concat_op.cc concat op support negative axis (#18045) 6 years ago
concat_op.cu.cc Register fp16 for concat_op (#18563) 6 years ago
concat_op.h concat op support negative axis (#18045) 6 years ago
conv_cudnn_helper.h Double backward of conv2d. (#17211) 6 years ago
conv_cudnn_op.cu.cc fix spelling errors (#17941) 6 years ago
conv_cudnn_op_cache.h Make conv cudnn workspace size configurable (#17036) 6 years ago
conv_fusion_op.cc Inception fusion operator. (#14968) 6 years ago
conv_fusion_op.cu.cc fix spelling errors (#17941) 6 years ago
conv_op.cc Fix/gcc 4.8 ubt link error (#18558) 6 years ago
conv_op.cu.cc
conv_op.h Double backward of conv2d. (#17211) 6 years ago
conv_shift_op.cc Fix conv_shift_op infershape 6 years ago
conv_shift_op.cu
conv_shift_op.h
conv_transpose_cudnn_op.cu.cc Revert conv transpose cudnn (#15514) 6 years ago
conv_transpose_op.cc Make conv cudnn workspace size configurable (#17036) 6 years ago
conv_transpose_op.cu.cc
conv_transpose_op.h Optimization of Kernels that related to DeepLabv3+ (#13534) 6 years ago
cos_sim_op.cc Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into infershape 6 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 Check some shapes only in runtime (#16919) 6 years ago
crf_decoding_op.h Support seq len equal to 0 in sequence ops (#16935) 6 years ago
crop_op.cc try to fix ci error 6 years ago
crop_op.cu Fix Eigen macro when using GPU 6 years ago
crop_op.h rewrite ddim 6 years ago
cross_entropy_op.cc Fix concat shape check (#17247) 6 years ago
cross_entropy_op.cu revert revert 16144 6 years ago
cross_entropy_op.h fix assert,test=develop (#17445) 6 years ago
ctc_align_op.cc Change tensor uses proto::VarType::type 6 years ago
ctc_align_op.cu
ctc_align_op.h
cudnn_lstm_op.cc fix cudnn lstm shape bug; test=develop (#18492) 6 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
cumsum_op.cu
cvm_op.cc add X to grad 6 years ago
cvm_op.h Remove attribute in Allocator::Allocate (#17878) 6 years ago
data_norm_op.cc fix shape check many; test=develop 6 years ago
data_norm_op.h data_norm 6 years ago
deformable_conv_op.cc Add deformable conv v2 op,test=develop (#17145) 6 years ago
deformable_conv_op.cu Add deformable conv v2 op,test=develop (#17145) 6 years ago
deformable_psroi_pooling_op.cc add deformable psroi pooling (#17827) 6 years ago
deformable_psroi_pooling_op.cu add deformable psroi pooling (#17827) 6 years ago
deformable_psroi_pooling_op.h add deformable psroi pooling (#17827) 6 years ago
delete_var_op.cc [1.1] Load vars on PSERVER (#14037) 6 years ago
dequantize_op.cc Fix comments misunderstanding 6 years ago
dequantize_op.h Add Dequantize OP 6 years ago
detection_map_op.cc fix spelling errors (#17941) 6 years ago
detection_map_op.h Revert "Revert "Merge pull request #13431 from chengduoZH/refine_lod"" 6 years ago
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 Add DGC(Deep Gradient Compression) interface. (#15841) 6 years ago
dgc_op.cu Add DGC(Deep Gradient Compression) interface. (#15841) 6 years ago
dgc_op.h Add DGC(Deep Gradient Compression) interface. (#15841) 6 years ago
diag_op.cc Add Diag Op(#17027) 6 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 Refine dropout gpu memory (#17095) 6 years ago
dropout_op.cu Refine dropout gpu memory (#17095) 6 years ago
dropout_op.h Refine dropout gpu memory (#17095) 6 years ago
dropout_op_test.cc minor fix 6 years ago
edit_distance_op.cc support Tensor input for edit_distance op (#18162) 6 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_op.cc expand op supprt tensor attribute (#17773) 6 years ago
expand_op.cu support multiple var types for expand op, test=develop 6 years ago
expand_op.h expand op supprt tensor attribute (#17773) 6 years ago
fake_dequantize_op.cc rewrite the cuda kernels of channel_wise_quant_op and channe_wise_dequant_op. test=develop 6 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 add quant_dequant_moving_avg_max_abs op (#17480) 6 years ago
fake_quantize_op.cu Code clean of Allocator (#17602) 6 years ago
fake_quantize_op.h add quant_dequant_moving_avg_max_abs op (#17480) 6 years ago
fc_op.cc refine with comments 6 years ago
fc_op.h refine fc_infershape 6 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 Fix some grad op desc makers (#16633) 6 years ago
fill_constant_batch_size_like_op.cu.cc
fill_constant_batch_size_like_op.h
fill_constant_op.cc Polish code style 6 years ago
fill_constant_op.cu.cc register float16 6 years ago
fill_constant_op.h make fill_constant kernel-based 6 years ago
fill_op.cc Change tensor uses proto::VarType::type 6 years ago
fill_zeros_like_op.cc Fix some grad op desc makers (#16633) 6 years ago
fill_zeros_like_op.cu.cc Fix some grad op desc makers (#16633) 6 years ago
fill_zeros_like_op.h
flatten_op.cc Add use_cuda to inplace pass (#17205) 6 years ago
fsp_op.cc [slim] Add quantization strategy and distillation strategy. (#16408) 6 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 Gather Op Index Support int64_t datatype (#17610) 6 years ago
gather.h Gather Op Index Support int64_t datatype (#17610) 6 years ago
gather_op.cc Fix scatter and gather op when has duplicate index (#17952) 6 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
gaussian_random_batch_size_like_op.cc fix spelling errors (#17941) 6 years ago
gaussian_random_op.cc clean code test=develop 6 years ago
gaussian_random_op.cu Revert ""cherry picked operators changes" (#12184)" (#12747) 7 years ago
get_tensor_from_selected_rows_op.cc Polish code style 6 years ago
grid_sampler_cudnn_op.cu.cc fix some inappropriate expressions in api doc for grid_sampler. test=develop 6 years ago
grid_sampler_op.cc infer shape compatable -1. test=develop 6 years ago
grid_sampler_op.h code style fix 6 years ago
group_norm_op.cc Add use_cuda to inplace pass (#17205) 6 years ago
group_norm_op.cu fix pr 15313 6 years ago
group_norm_op.h Memory optimization of depthwise conv op and group norm op (#15313) 6 years ago
gru_op.cc fix spelling errors (#17941) 6 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 change interface and api spec for dynamic_gru test=develop 6 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 upgrade hash op to support Tensor and LoDTensor input (#17998) 6 years ago
hash_op.h upgrade hash op to support Tensor and LoDTensor input (#17998) 6 years ago
hierarchical_sigmoid_op.cc Add find_no_grad_vars in backward.py (#17942) 6 years ago
hierarchical_sigmoid_op.h Clean unused code of dim and place (#18565) 6 years ago
hinge_loss_op.cc Fix some grad op desc makers (#16633) 6 years ago
hinge_loss_op.cu Fix Eigen macro when using GPU 6 years ago
hinge_loss_op.h
huber_loss_op.cc simple code;test=develop 6 years ago
huber_loss_op.cu Fix Eigen macro when using GPU 6 years ago
huber_loss_op.h fix the huber loss compile issue on windows test=develop 6 years ago
im2sequence_op.cc fix security bugs : (#17464) 6 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
increment_op.cu
increment_op.h
interpolate_op.cc fix for itnerpolate. test=develop 6 years ago
interpolate_op.cu set src_idx > 0 for bilinear_interp_op (#18238) 6 years ago
interpolate_op.h set src_idx > 0 for bilinear_interp_op (#18238) 6 years ago
is_empty_op.cc Rewrite is_empty op to avoid unnecessary data transform. (#15509) 6 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 Change tensor uses proto::VarType::type 6 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 infer shape compatable -1. test=develop 6 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 fix grad desc maker 6 years ago
l1_norm_op.cu Fix Eigen macro when using GPU 6 years ago
l1_norm_op.h
label_smooth_op.cc fix grad desc maker 6 years ago
label_smooth_op.cu
label_smooth_op.h fix windows compile (#13147) 7 years ago
layer_norm_op.cc fix shape check many; test=develop 6 years ago
layer_norm_op.cu Use double to reduce 7 years ago
layer_norm_op.h fix op grad maker 6 years ago
linear_chain_crf_op.cc add <memory> 6 years ago
linear_chain_crf_op.cu
linear_chain_crf_op.h
linspace_op.cc test=develop 6 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 update load_error_info, test=develop (#18000) 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
lod_rank_table_op.cc Polish code style 6 years ago
lod_reset_op.cc Correct the lod level of compiled time in lod_reset (#16790) 6 years ago
lod_reset_op.cu
lod_reset_op.h Correct the lod level of compiled time in lod_reset (#16790) 6 years ago
lod_tensor_to_array_op.cc fix bug: the lod_tensor_to_array op will aplly a new var but not release when dong inference (#17856) 6 years ago
log_loss_op.cc Check some shapes only in runtime (#16919) 6 years ago
log_loss_op.cu Fix Eigen macro when using GPU 6 years ago
log_loss_op.h
lookup_sparse_table_op.cc Change tensor uses proto::VarType::type 6 years ago
lookup_table_op.cc Fix op registry (#16677) 6 years ago
lookup_table_op.cu update assert (#17282) 6 years ago
lookup_table_op.h remote remote_prefetch in embedding layer test=develop 6 years ago
lrn_op.cc modified formula for Lrn (#17281) 6 years ago
lrn_op.cu
lrn_op.h refine lrn_op cpu forward and speedup 6 years ago
lstm_op.cc fix spelling errors (#17941) 6 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 Refine ENFORCE in infer_shape of gru_op and lstm_unit_op. 6 years ago
lstm_unit_op.cu
lstm_unit_op.h Revert "cherry picked windows patches." 6 years ago
lstmp_op.cc fix spelling errors (#17941) 6 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 revert some loop op revision 6 years ago
margin_rank_loss_op.cu
margin_rank_loss_op.h
math.h revert revert 16144 6 years ago
matmul_op.cc fix matmul shape check; test=develop 6 years ago
max_sequence_len_op.cc
maxout_op.cc Refine api doc (#17230) 6 years ago
maxout_op.cu.cc
maxout_op.h
mean_iou_op.cc Change tensor uses proto::VarType::type 6 years ago
mean_iou_op.cu [Feature] Add Temporary Allocator (#14875) 6 years ago
mean_iou_op.h
mean_op.cc revert some loop op revision 6 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 fix merge_lod_tensor_op infer shape, test=develop 6 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 simple code;test=develop 6 years ago
modified_huber_loss_op.cu
modified_huber_loss_op.h
mul_op.cc fix compile error which caused by gcc4.8 related commit;test=develop (#18567) 6 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 revert some loop op revision 6 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 Check some shapes only in runtime (#16919) 6 years ago
nce_op.h update nce and hierarchical_sigmoid remote_prefetch 6 years ago
norm_op.cc fix some grad op desc maker (#16581) 6 years ago
norm_op.cu Implement norm_op by CUDA instead of Eigen. (#13273) 7 years ago
norm_op.h test=develop 6 years ago
one_hot_op.cc supports collective communicated training (#18175) 6 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
pad2d_op.cc Fix infer_shape in pad2d_op 6 years ago
pad2d_op.cu Make pad2d support for variable paddings. (#14667) 6 years ago
pad_constant_like_op.cc modify in pad_op and pad_constant 6 years ago
pad_constant_like_op.cu Fix Eigen macro when using GPU 6 years ago
pad_constant_like_op.h Add pad_constant_like_op (#12943) 7 years ago
pad_op.cc modify in pad_op and pad_constant 6 years ago
pad_op.cu Fix Eigen macro when using GPU 6 years ago
pad_op.h Add pad_constant_like_op (#12943) 7 years ago
pixel_shuffle_op.cc Add Pixel shuffle OP (#15782) 6 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 Add fp16 backward support (#14202) 6 years ago
pool_op.cc fix spelling errors (#17941) 6 years ago
pool_op.cu.cc
pool_op.h add adaptive pool 2d & 3d. test=develop 6 years ago
pool_with_index_op.cc Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into feature/tensor_type 6 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 fix/positive negative pair op (#16895) 6 years ago
positive_negative_pair_op.h update CMakeLists.txt 6 years ago
prelu_op.cc clean 6 years ago
prelu_op.cu add prelu gpu inference 6 years ago
prelu_op.h Refine prelu_op 6 years ago
print_op.cc Fix bug of scope_buffered_ssa_graph_executor (#18100) 6 years ago
psroi_pool_op.cc fix grad desc maker 6 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
py_func_op.cc Fix py_func_op's problem 6 years ago
py_func_op.h try fix py2 6 years ago
quantize_op.cc Add Quantize OP 6 years ago
quantize_op.h Add Quantize OP 6 years ago
random_crop_op.cc Check some shapes only in runtime (#16919) 6 years ago
random_crop_op.cu
random_crop_op.h fix security issue 27, 38 test=develop 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 fix grad desc maker 6 years ago
rank_loss_op.cu
rank_loss_op.h
recurrent_op.cc Optimize recurrent_op using Prepare and RunPreparedContext, avoiding create operators in every iter. (#17689) 6 years ago
reorder_lod_tensor_by_rank_op.cc refine tensor_array_write_read (#14643) 6 years ago
requantize_op.cc Add Requantize OP (#15318) 6 years ago
requantize_op.h Add Requantize OP (#15318) 6 years ago
reshape_op.cc Reshape support tensor attribute (#17781) 6 years ago
reverse_op.cc
reverse_op.cu
reverse_op.h
rnn_memory_helper_op.cc Refine StaticRnn (#16707) 6 years ago
roi_align_op.cc refine roi align infer shape, test=develop 6 years ago
roi_align_op.cu Add generate_mask_labels_op to support Mask-RCNN and refine some code. (#15371) 6 years ago
roi_align_op.h test=develop 6 years ago
roi_pool_op.cc polish the code 6 years ago
roi_pool_op.cu Add generate_mask_labels_op to support Mask-RCNN and refine some code. (#15371) 6 years ago
roi_pool_op.h Refine and fix some code for faster-rcnn. (#13135) 7 years ago
row_conv_op.cc polish the code 6 years ago
row_conv_op.cu
row_conv_op.h
sample_logits_op.cc Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_infershape_bug2 6 years ago
sample_logits_op.cu refine code 6 years ago
sample_logits_op.h refine code 6 years ago
sampling_id_op.cc fix sampling id op bug (#16909) 6 years ago
sampling_id_op.cu merge cpu and gpu 7 years ago
sampling_id_op.h refine 7 years ago
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 fix bug in save, test=develop 6 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 Polish code style 6 years ago
scale_op.cu Add fp16 backward support (#14202) 6 years ago
scale_op.h Fix input<tensor> (#14208) 6 years ago
scatter.cu.h Fix scatter and gather op when has duplicate index (#17952) 6 years ago
scatter.h Fix scatter and gather op when has duplicate index (#17952) 6 years ago
scatter_op.cc Fix scatter and gather op when has duplicate index (#17952) 6 years ago
scatter_op.cu Fix scatter and gather op when has duplicate index (#17952) 6 years ago
scatter_op.h Fix scatter and gather op when has duplicate index (#17952) 6 years ago
scatter_test.cc Fix bug in uts 6 years ago
selu_op.cc Add selu (#14415) 6 years ago
selu_op.cu Add selu (#14415) 6 years ago
selu_op.h revert revert 16144 6 years ago
shape_op.cc Sequence mask support tensor (#18249) 6 years ago
shape_op.cu Sequence mask support tensor (#18249) 6 years ago
shape_op.h Add flatten op interface and enhance APIs about detection to support variable-length image. (#12422) 7 years ago
shrink_rnn_memory_op.cc refine tensor_array_write_read (#14643) 6 years ago
shuffle_channel_op.cc fix some grad op desc maker (#16581) 6 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 supprt high rank; test=develop 6 years ago
sigmoid_cross_entropy_with_logits_op.cu revert revert 16144 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 "fix op. test=develop" 6 years ago
sign_op.cu "fix op. test=develop" 6 years ago
sign_op.h
similarity_focus_op.cc Change tensor uses proto::VarType::type 6 years ago
similarity_focus_op.h add similarity_focus op 6 years ago
size_op.cc add size op (#17412) 6 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 Sequence mask support tensor (#18249) 6 years ago
slice_op.cu Fix the bug in fp16 backward kernel (#16269) 6 years ago
slice_op.h Fix slice op shape=-1 bug (#18107) 6 years ago
smooth_l1_loss_op.cc add <memory> 6 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 Rewrite inplace pass and fix gc bug (#17126) 6 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 remove useless input 'Softmax@GRAD' from softmax_with_cross_entropy op (#17612) 6 years ago
softmax_with_cross_entropy_op.cu follow comments,test=develop (#17273) 6 years ago
softmax_with_cross_entropy_op.h Softmax_cross_entropy op add axis (#16806) 6 years ago
space_to_depth_op.cc fix shape check many; test=develop 6 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 infer shape compatable -1. test=develop 6 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 Fix infer shape of split lod tensor op 6 years ago
split_op.cc Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_split 6 years ago
split_op.cu.cc
split_op.h Refine Split op (#13967) 6 years ago
split_selected_rows_op.cc Polish code style 6 years ago
split_selected_rows_op.cu
split_selected_rows_op.h add some check 6 years ago
spp_op.cc
spp_op.cu.cc
spp_op.h add adaptive pool 2d & 3d. test=develop 6 years ago
squared_l2_distance_op.cc fix infershape bug 6 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 Fix op registry (#16677) 6 years ago
squared_l2_norm_op.cu Fix Eigen macro when using GPU 6 years ago
squared_l2_norm_op.h
squeeze_op.cc fix squeeze shape check; test=develop 6 years ago
stack_op.cc Fix gather & stack op (#14355) 6 years ago
stack_op.cu Some improvements to support bert mixed precision training (#15585) 6 years ago
stack_op.h Add the macro for NVCC (test=develop) 6 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
sum_op.cc Update backward appending stragety to support double backward and fix some bug. (#18104) 6 years ago
sum_op.cu Feature/buffer_shared_inplace (#17911) 6 years ago
sum_op.h Feature/buffer_shared_inplace (#17911) 6 years ago
sync_batch_norm_op.cc Support sync batch norm. (#16121) 6 years ago
sync_batch_norm_op.cu Support sync batch norm. (#16121) 6 years ago
teacher_student_sigmoid_loss_op.cc fix infer 6 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 fix some grad op desc maker (#16581) 6 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 Polish code style 6 years ago
top_k_op.cc fix squeeze op shape check; test=develop 6 years ago
top_k_op.cu Make topk op support variable k. (#15044) 6 years ago
top_k_op.h Fix topk cannot handle 1D vector bug (#18466) 6 years ago
transpose_op.cc Sequence mask support tensor (#18249) 6 years ago
transpose_op.cu.cc Sequence mask support tensor (#18249) 6 years ago
transpose_op.h
tree_conv_op.cc fix shape check many; test=develop 6 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 add unfold op (new op),test=develop (#17944) 6 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 Fix some grad op desc makers (#16633) 6 years ago
uniform_random_op.cc Polish code style 6 years ago
uniform_random_op.cu fix shape type in uniform_random_op.cu 6 years ago
unique_op.cc add unique kernel and op (#17557) 6 years ago
unique_op.h add unique kernel and op (#17557) 6 years ago
unpool_op.cc fix spelling errors (#17941) 6 years ago
unpool_op.cu.cc
unpool_op.h fix security bugs : (#17464) 6 years ago
unsqueeze_op.cc Refine reshape_grad and transpose_grad (#13074) 7 years ago
unstack_op.cc add unstack_op 7 years ago
unstack_op.h add unstack_op 7 years ago
warpctc_cudnn_op.cu.cc fix formax. test=develop 6 years ago
warpctc_op.cc Add warning for cudnn warpctc kernel in CUDA9\CUDA10. (#18046) 6 years ago
warpctc_op.cu.cc
warpctc_op.h Complete sequence_padding GPU kernel 7 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