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
qingqing01 6224e61fd9
Transpose-Flatten-Concat fusion operator. (#14568)
7 years ago
..
controlflow Refine operator cmake (#14413) 7 years ago
csp Refine operator cmake (#14413) 7 years ago
detail
detection CUDA kernel for density_prior_box_op. (#14513) 7 years ago
distributed Add options to disable SO_REUSEPORT of grpc. (#14269) 7 years ago
distributed_ops fix dist deps (#14471) 7 years ago
elementwise MKLDNN elementwise_mul: Move Kernel to KernelPool to avoid segfaults 7 years ago
fused Transpose-Flatten-Concat fusion operator. (#14568) 7 years ago
math add Set/GetCPUNumThreads api 7 years ago
metrics Refine operator cmake (#14413) 7 years ago
nccl Refine operator cmake (#14413) 7 years ago
optimizers Refine operator cmake (#14413) 7 years ago
reader Windows/online (#14474) 7 years ago
reduce_ops Refine operator cmake (#14413) 7 years ago
sequence_ops Refine operator cmake (#14413) 7 years ago
tensorrt Refine operator cmake (#14413) 7 years ago
CMakeLists.txt Windows/online (#14474) 7 years ago
activation_mkldnn_op.cc add mkldnn prop_kind phase for inference-only case to pooling and activations (#14278) 7 years ago
activation_op.cc add mkldnn prop_kind phase for inference-only case to pooling and activations (#14278) 7 years ago
activation_op.cu
activation_op.h Change the origin VLOG level to 10 times 7 years ago
add_position_encoding_op.cc
add_position_encoding_op.h Exhaustive search for cuDNN conv. (#14286) 7 years ago
affine_channel_op.cc
affine_channel_op.cu
affine_grid_cudnn_op.cu.cc
affine_grid_op.cc
affine_grid_op.h
arg_max_op.cc
arg_max_op.cu
arg_min_max_op_base.h
arg_min_op.cc
arg_min_op.cu
argsort_op.cc
argsort_op.cu
argsort_op.h
array_operator.h Change the origin VLOG level to 10 times 7 years ago
array_to_lod_tensor_op.cc Change the origin VLOG level to 10 times 7 years ago
assign_op.cc
assign_value_op.cc
assign_value_op.cu.cc
assign_value_op.h
attention_lstm_op.cc
attention_lstm_op.h
average_accumulates_op.cc
average_accumulates_op.cu
average_accumulates_op.h
batch_norm_mkldnn_op.cc
batch_norm_op.cc add mkldnn prop_kind phase for inference-only case to pooling and activations (#14278) 7 years ago
batch_norm_op.cu.cc Change the origin VLOG level to 10 times 7 years ago
batch_norm_op.h
batch_size_like.h
beam_search_decode_op.cc
beam_search_decode_op.h
beam_search_decode_op_test.cc
beam_search_op.cc Change the origin VLOG level to 10 times 7 years ago
beam_search_op.h
beam_search_op_test.cc
bilinear_tensor_product_op.cc
bilinear_tensor_product_op.cu
bilinear_tensor_product_op.h
cast_op.cc
cast_op.cu
cast_op.h Revert "cherry picked windows patches." 7 years ago
chunk_eval_op.cc
chunk_eval_op.h
clip_by_norm_op.cc
clip_by_norm_op.cu
clip_by_norm_op.h
clip_op.cc
clip_op.cu
clip_op.h
concat_op.cc Change the origin VLOG level to 10 times 7 years ago
concat_op.cu.cc
concat_op.h
conv_cudnn_op.cu.cc Convolution fusion operator. (#14449) 7 years ago
conv_cudnn_op_cache.h Convolution fusion operator. (#14449) 7 years ago
conv_fusion_op.cc Convolution fusion operator. (#14449) 7 years ago
conv_fusion_op.cu.cc Fix compling with cuDNN v5 7 years ago
conv_mkldnn_op.cc Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into rewrite_allocation 7 years ago
conv_op.cc Convolution fusion operator. (#14449) 7 years ago
conv_op.cu.cc
conv_op.h Convolution fusion operator. (#14449) 7 years ago
conv_shift_op.cc
conv_shift_op.cu
conv_shift_op.h
conv_transpose_cudnn_op.cu.cc
conv_transpose_op.cc
conv_transpose_op.cu.cc
conv_transpose_op.h
cos_sim_op.cc
cos_sim_op.cu
cos_sim_op.h
crf_decoding_op.cc
crf_decoding_op.h
crop_op.cc
crop_op.cu
crop_op.h
cross_entropy_op.cc Add InferVarType for some op (#14201) 7 years ago
cross_entropy_op.cu
cross_entropy_op.h
ctc_align_op.cc
ctc_align_op.cu
ctc_align_op.h
cum_op.h
cumsum_op.cc
cumsum_op.cu
delete_var_op.cc
detection_map_op.cc
detection_map_op.h
dropout_op.cc add mkldnn prop_kind phase for inference-only case to pooling and activations (#14278) 7 years ago
dropout_op.cu
dropout_op.h
dropout_op_test.cc
edit_distance_op.cc
edit_distance_op.cu
edit_distance_op.h
expand_op.cc Polish code 7 years ago
expand_op.cu
expand_op.h
fake_dequantize_op.cc
fake_dequantize_op.cu
fake_dequantize_op.h
fake_quantize_op.cc add mkldnn prop_kind phase for inference-only case to pooling and activations (#14278) 7 years ago
fake_quantize_op.cu
fake_quantize_op.h
fc_mkldnn_op.cc
fc_op.cc fix typo to pass the ci 7 years ago
fc_op.h
fill_constant_batch_size_like_op.cc
fill_constant_batch_size_like_op.cu.cc
fill_constant_batch_size_like_op.h
fill_constant_op.cc
fill_op.cc
fill_zeros_like_op.cc
fill_zeros_like_op.cu.cc
fill_zeros_like_op.h
flatten_op.cc
gather.cu.h Fix gather & stack op (#14355) 7 years ago
gather.h Fix gather & stack op (#14355) 7 years ago
gather_op.cc Fix gather & stack op (#14355) 7 years ago
gather_op.cu
gather_op.h
gather_test.cc
gaussian_random_batch_size_like_op.cc
gaussian_random_mkldnn_op.cc
gaussian_random_op.cc
gaussian_random_op.cu
grid_sampler_cudnn_op.cu.cc
grid_sampler_op.cc
grid_sampler_op.h code style fix 7 years ago
group_norm_op.cc Group Norm (#13843) 7 years ago
group_norm_op.cu Group Norm (#13843) 7 years ago
group_norm_op.h Group Norm (#13843) 7 years ago
gru_op.cc
gru_op.cu.cc
gru_op.h
gru_unit_op.cc
gru_unit_op.cu
gru_unit_op.h
hash_op.cc fix some compiler warning 7 years ago
hash_op.h
hierarchical_sigmoid_op.cc
hierarchical_sigmoid_op.h Windows/online (#14474) 7 years ago
hinge_loss_op.cc
hinge_loss_op.cu
hinge_loss_op.h
huber_loss_op.cc
huber_loss_op.cu
huber_loss_op.h
im2sequence_op.cc
im2sequence_op.cu
im2sequence_op.h
increment_op.cc
increment_op.cu
increment_op.h
interpolate_op.cc
interpolate_op.cu
interpolate_op.h
is_empty_op.cc
is_empty_op.h
isfinite_op.cc
isfinite_op.cu
isfinite_op.h
l1_norm_op.cc
l1_norm_op.cu
l1_norm_op.h
label_smooth_op.cc
label_smooth_op.cu
label_smooth_op.h
layer_norm_op.cc
layer_norm_op.cu
layer_norm_op.h Optimize the layer_norm operator with AVX intrinsic function (#14417) 7 years ago
linear_chain_crf_op.cc
linear_chain_crf_op.cu
linear_chain_crf_op.h
load_combine_op.cc Revert "cherry picked windows patches." 7 years ago
load_op.cc Combine Inference Analysis with IR (#13914) 7 years ago
lod_array_length_op.cc
lod_rank_table_op.cc Change the origin VLOG level to 10 times 7 years ago
lod_reset_op.cc
lod_reset_op.cu
lod_reset_op.h
lod_tensor_to_array_op.cc
log_loss_op.cc
log_loss_op.cu
log_loss_op.h
lookup_sparse_table_op.cc Fix save and load lookup table/optimizer vars (#14301) 7 years ago
lookup_table_op.cc Change the origin VLOG level to 10 times 7 years ago
lookup_table_op.cu
lookup_table_op.h
lrn_mkldnn_op.cc
lrn_op.cc fix lrn on mac (#14426) 7 years ago
lrn_op.cu
lrn_op.h refine lrn_op cpu forward and speedup 7 years ago
lstm_op.cc
lstm_op.cu.cc
lstm_op.h
lstm_unit_op.cc
lstm_unit_op.cu
lstm_unit_op.h Revert "cherry picked windows patches." 7 years ago
lstmp_op.cc
lstmp_op.cu
lstmp_op.h
margin_rank_loss_op.cc
margin_rank_loss_op.cu
margin_rank_loss_op.h
matmul_op.cc
max_sequence_len_op.cc
maxout_op.cc
maxout_op.cu.cc
maxout_op.h
mean_iou_op.cc
mean_iou_op.cu
mean_iou_op.h
mean_op.cc Add InferVarType for some op (#14201) 7 years ago
mean_op.cu
mean_op.h
merge_lod_tensor_op.cc
minus_op.cc
minus_op.cu
minus_op.h
mkldnn_activation_op.h
modified_huber_loss_op.cc
modified_huber_loss_op.cu
modified_huber_loss_op.h
mul_op.cc Combine Inference Analysis with IR (#13914) 7 years ago
mul_op.cu.cc
mul_op.h
multiplex_op.cc
multiplex_op.cu
multiplex_op.h
nce_op.cc Make nce support more distribution. (#13549) 7 years ago
nce_op.h Make nce support more distribution. (#13549) 7 years ago
norm_op.cc
norm_op.cu
norm_op.h
one_hot_op.cc
one_hot_op.cu
one_hot_op.h
pad2d_op.cc
pad2d_op.cu
pad_constant_like_op.cc
pad_constant_like_op.cu
pad_constant_like_op.h
pad_op.cc
pad_op.cu
pad_op.h
pool_cudnn_op.cu.cc
pool_mkldnn_op.cc add mkldnn prop_kind phase for inference-only case to pooling and activations (#14278) 7 years ago
pool_op.cc add mkldnn prop_kind phase for inference-only case to pooling and activations (#14278) 7 years ago
pool_op.cu.cc
pool_op.h
pool_with_index_op.cc
pool_with_index_op.cu.cc
pool_with_index_op.h
positive_negative_pair_op.cc
positive_negative_pair_op.h
prelu_op.cc
prelu_op.h
print_op.cc Revert "cherry picked windows patches." 7 years ago
random_crop_op.cc
random_crop_op.cu
random_crop_op.h Change the origin VLOG level to 10 times 7 years ago
rank_loss_op.cc
rank_loss_op.cu
rank_loss_op.h
recurrent_op.cc Change the origin VLOG level to 10 times 7 years ago
reorder_lod_tensor_by_rank_op.cc
reshape_op.cc
reverse_op.cc
reverse_op.cu
reverse_op.h
rnn_memory_helper_op.cc Change the origin VLOG level to 10 times 7 years ago
roi_align_op.cc Windows/online (#14474) 7 years ago
roi_align_op.cu
roi_align_op.h
roi_pool_op.cc Windows/online (#14474) 7 years ago
roi_pool_op.cu
roi_pool_op.h
row_conv_op.cc
row_conv_op.cu
row_conv_op.h
sampling_id_op.cc
sampling_id_op.cu
sampling_id_op.h
save_combine_op.cc Revert "cherry picked windows patches." 7 years ago
save_load_combine_op_test.cc
save_load_op_test.cc
save_op.cc Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_vlog 7 years ago
scale_op.cc
scale_op.cu
scale_op.h Fix input<tensor> (#14208) 7 years ago
scatter.cu.h Fix gather & stack op (#14355) 7 years ago
scatter.h Fix gather & stack op (#14355) 7 years ago
scatter_op.cc
scatter_op.cu
scatter_op.h
scatter_test.cc
selu_op.cc Add selu (#14415) 7 years ago
selu_op.cu Add selu (#14415) 7 years ago
selu_op.h Add selu (#14415) 7 years ago
shape_op.cc
shape_op.cu
shape_op.h
shrink_rnn_memory_op.cc
sigmoid_cross_entropy_with_logits_op.cc
sigmoid_cross_entropy_with_logits_op.cu
sigmoid_cross_entropy_with_logits_op.h
sign_op.cc
sign_op.cu
sign_op.h
similarity_focus_op.cc
similarity_focus_op.h
slice_op.cc
slice_op.cu
slice_op.h
smooth_l1_loss_op.cc
smooth_l1_loss_op.cu
smooth_l1_loss_op.h
softmax_cudnn_op.cu.cc
softmax_mkldnn_op.cc
softmax_op.cc add mkldnn prop_kind phase for inference-only case to pooling and activations (#14278) 7 years ago
softmax_op.cu.cc
softmax_op.h - Fix to GPU 7 years ago
softmax_with_cross_entropy_op.cc
softmax_with_cross_entropy_op.cu
softmax_with_cross_entropy_op.h - Softmax for Inference is enabled when ON_INFER is set 7 years ago
space_to_depth_op.cc Windows/online (#14474) 7 years ago
space_to_depth_op.cu
space_to_depth_op.h
split_lod_tensor_op.cc Revert "cherry picked windows patches." 7 years ago
split_op.cc
split_op.cu.cc
split_op.h
split_selected_rows_op.cc
split_selected_rows_op.cu
split_selected_rows_op.h
spp_op.cc
spp_op.cu.cc
spp_op.h
squared_l2_distance_op.cc
squared_l2_distance_op.cu
squared_l2_distance_op.h
squared_l2_norm_op.cc
squared_l2_norm_op.cu
squared_l2_norm_op.h
squeeze_op.cc
stack_op.cc Fix gather & stack op (#14355) 7 years ago
stack_op.cu Fix gather & stack op (#14355) 7 years ago
stack_op.h Add the macro for NVCC (test=develop) 7 years ago
strided_memcpy.h
strided_memcpy_test.cc
sum_mkldnn_op.cc Change the origin VLOG level to 10 times 7 years ago
sum_op.cc Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_vlog 7 years ago
sum_op.cu
sum_op.h Fix save and load lookup table/optimizer vars (#14301) 7 years ago
tensor_array_to_tensor_op.cc Use sub scope in tensor_array_to_tensor op. (#14524) 7 years ago
top_k_op.cc
top_k_op.cu
top_k_op.h
transpose_op.cc
transpose_op.cu.cc
transpose_op.h
truncated_gaussian_random_op.cc
truncated_gaussian_random_op.cu
uniform_random_batch_size_like_op.cc
uniform_random_op.cc
uniform_random_op.cu
unpool_op.cc
unpool_op.cu.cc
unpool_op.h
unsqueeze_op.cc
unstack_op.cc
unstack_op.h
warpctc_cudnn_op.cu.cc Add cudnn ctc loss (#12366) 7 years ago
warpctc_op.cc Add cudnn ctc loss (#12366) 7 years ago
warpctc_op.cu.cc
warpctc_op.h