Paddle/paddle/fluid/operators
Sylwester Fraczek e1a7a88057
added reshape transpose matmul fuse pass ()
5 years ago
..
benchmark fix -Wno-error=sign-compare warning in gcc8 () 5 years ago
collective Imperative tracer refactoring () 5 years ago
controlflow improve efficiency of runtime InferVarType () 5 years ago
detail Delete Ref & VectorRef and add GetDataSafely () 5 years ago
detection Refine error message, test=develop () 5 years ago
distributed Make optimizer consistent in dygraph and static-graph and remove some LOG-INFO. () 5 years ago
distributed_ops improve efficiency of runtime InferVarType () 5 years ago
elementwise improve efficiency of runtime InferVarType () 5 years ago
fused improve efficiency of runtime InferVarType () 5 years ago
jit Improve SGD jit code to work with large data () 5 years ago
lite change the function in op_teller, test=develop () 5 years ago
math Add the implementation of inverse () 5 years ago
metrics API/OP error message enhancement () 5 years ago
mkldnn added reshape transpose matmul fuse pass () 5 years ago
nccl improve efficiency of runtime InferVarType () 5 years ago
optimizers improve efficiency of runtime InferVarType () 5 years ago
reader improve efficiency of runtime InferVarType () 5 years ago
reduce_ops improve efficiency of runtime InferVarType () 5 years ago
sequence_ops API/OP error message enhancement () 5 years ago
tensorrt [Eernie TRT]: add slice op and add emb eltwise layernorm fp16 support () 5 years ago
CMakeLists.txt add noavx_axpy and noavx_axpy_noadd () 5 years ago
activation_cudnn.cu.cc Delete Ref & VectorRef and add GetDataSafely () 5 years ago
activation_cudnn_op.cu.cc Delete Ref & VectorRef and add GetDataSafely () 5 years ago
activation_op.cc improve efficiency of runtime InferVarType () 5 years ago
activation_op.cu support elu_op double grad () 5 years ago
activation_op.h Add new tensor in API2.0: max,min,t,eye,log1p () 5 years ago
add_position_encoding_op.cc Imperative tracer refactoring () 5 years ago
add_position_encoding_op.h Delete Ref & VectorRef and add GetDataSafely () 5 years ago
addmm_op.cc test=develop, add addmm op () 5 years ago
addmm_op.cu test=develop, add addmm op () 5 years ago
addmm_op.h test=develop, add addmm op () 5 years ago
affine_channel_op.cc API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … () 5 years ago
affine_channel_op.cu Enable inplace support for some ops () 6 years ago
affine_grid_cudnn_op.cu.cc
affine_grid_op.cc Imperative tracer refactoring () 5 years ago
affine_grid_op.h test=develop () 6 years ago
allclose_op.cc improve efficiency of runtime InferVarType () 5 years ago
allclose_op.cu Add allclose_op () 5 years ago
allclose_op.h Add allclose_op () 5 years ago
arg_max_op.cc GradMaker for dygraph () 5 years ago
arg_max_op.cu Change tensor uses proto::VarType::type 6 years ago
arg_min_max_op_base.h API(argsort, argmax, argmin, cast, diag) error message enhancement 5 years ago
arg_min_op.cc GradMaker for dygraph () 5 years ago
arg_min_op.cu Change tensor uses proto::VarType::type 6 years ago
argsort_op.cc API(argsort, argmax, argmin, cast, diag) error message enhancement 5 years ago
argsort_op.cu Optimize the error messages of paddle CUDA API () 5 years ago
argsort_op.h Correct CPU gradients of the argsort op () 5 years ago
array_operator.h OP (tensor_array_read_write) error message enhancement. test=develop () 5 years ago
array_to_lod_tensor_op.cc Imperative tracer refactoring () 5 years ago
assign_op.cc improve efficiency of runtime InferVarType () 5 years ago
assign_op.h optimize assign op to avoid copy data from GPU to GPU () 5 years ago
assign_op_test.cc Add select_input_op and select_output_op () 5 years ago
assign_value_op.cc Add the support of bool list for assign_value op () 5 years ago
assign_value_op.cu.cc Add the support of bool list for assign_value op () 5 years ago
assign_value_op.h Add the support of bool list for assign_value op () 5 years ago
attention_lstm_op.cc enhance attention_lstm and param_attr error message () 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 () 5 years ago
average_accumulates_op.cu
average_accumulates_op.h
batch_fc_op.cc Add batch_fc op in contrib () 5 years ago
batch_fc_op.cu Add batch_fc op in contrib () 5 years ago
batch_fc_op.h Add batch_fc op in contrib () 5 years ago
batch_norm_op.cc Add trainable_statistics in attr for batch_norm. () 5 years ago
batch_norm_op.cu Add trainable_statistics in attr for batch_norm. () 5 years ago
batch_norm_op.h improve efficiency of runtime InferVarType () 5 years ago
batch_size_like.h rename no_need_buffer_vars_macro, test=develop () 5 years ago
bce_loss_op.cc Fix bce_loss () 5 years ago
bce_loss_op.cu Add bce_loss op () 5 years ago
bce_loss_op.h Add bce_loss op () 5 years ago
beam_search_decode_op.cc improve efficiency of runtime InferVarType () 5 years ago
beam_search_decode_op.h Change *(smart_ptr.get()) -> *smart_ptr 6 years ago
beam_search_decode_op_test.cc
beam_search_op.cc improve efficiency of runtime InferVarType () 5 years ago
beam_search_op.cu.cc Add the CUDA kernel for beam_search op () 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. () 6 years ago
bilinear_tensor_product_op.cc Imperative tracer refactoring () 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 () 5 years ago
bmm_op.cc create bmm op and move several api from fluid.layers to tensor () 5 years ago
bmm_op.cu create bmm op and move several api from fluid.layers to tensor () 5 years ago
bmm_op.h create bmm op and move several api from fluid.layers to tensor () 5 years ago
bpr_loss_op.cc Imperative tracer refactoring () 5 years ago
bpr_loss_op.h fix -Wno-error=sign-compare warning in gcc8 () 5 years ago
cast_op.cc API(argsort, argmax, argmin, cast, diag) error message enhancement 5 years ago
cast_op.cu
cast_op.h Revert "cherry picked windows patches." 6 years ago
center_loss_op.cc API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement () 5 years ago
center_loss_op.cu unify PADDLE_ASSERT_MSG into PADDLE_ENFORCE(error_message) () 6 years ago
center_loss_op.h Add center Loss Op Support () 6 years ago
cholesky_op.cc Add cholesky_op () 5 years ago
cholesky_op.cu Add cholesky_op () 5 years ago
cholesky_op.h Add cholesky_op () 5 years ago
chunk_eval_op.cc Refactor linear chain crf op & crf decoding op () 6 years ago
chunk_eval_op.h support Tensor input for chunk_eval op () 6 years ago
clip_by_norm_op.cc Add DGC(Deep Gradient Compression) interface. () 6 years ago
clip_by_norm_op.cu
clip_by_norm_op.h API/OP (clip_by_norm/clip) error message enhancement () 5 years ago
clip_op.cc add clamp api, test=develop () 5 years ago
clip_op.cu add clamp api, test=develop () 5 years ago
clip_op.h add clamp api, test=develop () 5 years ago
coalesce_tensor_op.cc Refine adam op to improve performance, test=develop () 5 years ago
concat_op.cc Op (concat) error message enhancement () 5 years ago
concat_op.cu.cc Register fp16 for concat_op () 6 years ago
concat_op.h Api (lod_append) error message enhancement () 5 years ago
conv_cudnn_helper.h fix bug for exhaustive_search in conv_fusion_op, test=develop () 5 years ago
conv_cudnn_op.cu support Exhaustive search in dygraph () 5 years ago
conv_cudnn_op_cache.h Code Cleanup: delete three useless raw variables in Conv2D () 6 years ago
conv_op.cc Op(conv2d_fusion) error message enhancement. () 5 years ago
conv_op.cu.cc
conv_op.h improve efficiency of runtime InferVarType () 5 years ago
conv_shift_op.cc API/OP error message enhancement () 5 years ago
conv_shift_op.cu
conv_shift_op.h
conv_transpose_cudnn_op.cu support Exhaustive search in dygraph () 5 years ago
conv_transpose_op.cc imporve error messages for conv, conv_transpose, cos_sim, group_norm () 5 years ago
conv_transpose_op.cu conv_transpose supports channel_last input, test=develop, test=document_preview () 6 years ago
conv_transpose_op.h [MKL-DNN] Conv2d and Conv2d transpose MKL-DNN NHWC support () 5 years ago
cos_sim_op.cc API/OP error message enhancement () 5 years ago
cos_sim_op.cu Fix Eigen macro when using GPU 6 years ago
cos_sim_op.h refine cos_sim infershape 6 years ago
crf_decoding_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface () 5 years ago
crf_decoding_op.h Refactor linear chain crf op & crf decoding op () 6 years ago
crop_op.cc rename no_need_buffer_vars_macro, test=develop () 5 years ago
crop_op.cu fix document of 11 APIs () 6 years ago
crop_op.h rewrite ddim 6 years ago
crop_tensor_op.cc Imperative tracer refactoring () 5 years ago
crop_tensor_op.cu All elements in attr(shape) of crop_tensor can be -1 and int32/64 kernel registered () 5 years ago
crop_tensor_op.h fix typo words () 5 years ago
cross_entropy_op.cc improve efficiency of runtime InferVarType () 5 years ago
cross_entropy_op.cu revert revert 16144 6 years ago
cross_entropy_op.h Remove constraint that last dimension is forced to be 1 in cross_entropy () 6 years ago
cross_op.cc add new api for Paddle2.0: nonzero, index_selct, roll, cross () 5 years ago
cross_op.cu add new api for Paddle2.0: nonzero, index_selct, roll, cross () 5 years ago
cross_op.h add new api for Paddle2.0: nonzero, index_selct, roll, cross () 5 years ago
ctc_align_op.cc API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement () 5 years ago
ctc_align_op.cu refine ctc align op with padding () 6 years ago
ctc_align_op.h refine ctc align op with padding () 6 years ago
cudnn_lstm_op.cc Imperative tracer refactoring () 5 years ago
cudnn_lstm_op.cu.cc replace CUDNN_ENFORCE with PADDLE_ENFORCE_CUDA_SUCCESS, test=develop () 5 years ago
cudnn_rnn_cache.h replace CUDNN_ENFORCE with PADDLE_ENFORCE_CUDA_SUCCESS, test=develop () 5 years ago
cum_op.h API(has_inf, has_nan, cumsum, fsp_matrix, increment) error message enhancement, test=develop () 5 years ago
cumsum_op.cc Imperative tracer refactoring () 5 years ago
cumsum_op.cu add register op_data_type of pad/expand_as et.al () 5 years ago
cvm_op.cc rename no_need_buffer_vars_macro, test=develop () 5 years ago
cvm_op.cu support cvm_op run in gpu () 5 years ago
cvm_op.h Remove attribute in Allocator::Allocate () 6 years ago
data_norm_op.cc modify datanorm op test=develop () 5 years ago
data_norm_op.cu add WITH_NCCL option for cmake. () 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 () 6 years ago
deformable_conv_func.h add deformable conv v1 op and cpu version of deformable conv v2 () 6 years ago
deformable_conv_op.cc Refine error message, test=develop () 5 years ago
deformable_conv_op.cu add deformable conv v1 op and cpu version of deformable conv v2 () 6 years ago
deformable_conv_op.h Fix compling warning in deformable conv. () 6 years ago
deformable_conv_v1_op.cc Refine error message, test=develop () 5 years ago
deformable_conv_v1_op.cu add deformable conv v1 op and cpu version of deformable conv v2 () 6 years ago
deformable_conv_v1_op.h Fix compling warning in deformable conv. () 6 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 () 5 years ago
deformable_psroi_pooling_op.cu OP(retinanet_detection_output, retinanet_target_assign, sigmoid_focal_loss, deformable_roi_pooling) error message enhancement. test=develop () 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 () 5 years ago
delete_var_op.cc GradMaker for dygraph () 5 years ago
dequantize_abs_max_op.cc add dequantize_abs_max op and modify lookup_table op () 5 years ago
dequantize_abs_max_op.cu add dequantize_abs_max op and modify lookup_table op () 5 years ago
dequantize_abs_max_op.h add dequantize_abs_max op and modify lookup_table op () 5 years ago
dequantize_log_op.cc fix compile error in win gpu () 5 years ago
dequantize_log_op.cu fix compile error in win gpu () 5 years ago
dequantize_log_op.h add dequantize_log_op and make pyramid hash support int8 weight () 5 years ago
dequantize_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface () 5 years ago
dequantize_op.h Add Dequantize OP 6 years ago
detection_map_op.cc GradMaker for dygraph () 5 years ago
detection_map_op.h fix detection_map. test=develop () 5 years ago
dgc_clip_by_norm_op.cc Add DGC(Deep Gradient Compression) interface. () 6 years ago
dgc_clip_by_norm_op.cu Add DGC(Deep Gradient Compression) interface. () 6 years ago
dgc_clip_by_norm_op.h Fix dgc bug. () 6 years ago
dgc_op.cc Fix dgc accuracy by mv regularization to local () 5 years ago
dgc_op.cu Add DGC(Deep Gradient Compression) interface. () 6 years ago
dgc_op.h Fix dgc clip & rampup step, test=develop () 5 years ago
diag_embed_op.cc add diag_embed op () 5 years ago
diag_embed_op.cu add diag_embed op () 5 years ago
diag_embed_op.h add diag_embed op () 5 years ago
diag_op.cc API(argsort, argmax, argmin, cast, diag) error message enhancement 5 years ago
diag_op.cu Add Diag Op() 6 years ago
diag_op.h Add Diag Op() 6 years ago
dist_op.cc add dist op () 5 years ago
dist_op.cu add dist op () 5 years ago
dist_op.h fix the CI random failure for dist op () 5 years ago
dot_op.cc add new dot op() 5 years ago
dot_op.cu add new dot op() 5 years ago
dot_op.h add new dot op() 5 years ago
dropout_op.cc API/OP error message enhancement () 5 years ago
dropout_op.cu add cuda kernel for seed, test=develop () 5 years ago
dropout_op.h Dropout with seed () 5 years ago
dropout_op_test.cc minor fix 6 years ago
edit_distance_op.cc Refine edit distance cn () 5 years ago
edit_distance_op.cu support Tensor input for edit_distance op () 6 years ago
edit_distance_op.h support Tensor input for edit_distance op () 6 years ago
erf_op.cc add approximation for gelu, test=develop () 5 years ago
erf_op.cu add erf op () 5 years ago
erf_op.h add erf op () 5 years ago
expand_as_op.cc rename no_need_buffer_vars macro, test=develop () 5 years ago
expand_as_op.cu add register op_data_type of pad/expand_as et.al () 5 years ago
expand_as_op.h fix the compile cost long time test=develop () 5 years ago
expand_op.cc rename no_need_buffer_vars macro, test=develop () 5 years ago
expand_op.cu register fp16 kernel for some ops () () 5 years ago
expand_op.h use 32 bit index to improve expand op () 5 years ago
eye_op.cc improve efficiency of runtime InferVarType () 5 years ago
eye_op.cu add eye op, kernel and unitest test=develop () 6 years ago
eye_op.h add eye op, kernel and unitest test=develop () 6 years ago
fake_dequantize_op.cc improve error messages of fake_dequantize_op. test=develop () 5 years ago
fake_dequantize_op.cu rewrite the cuda kernels of channel_wise_quant_op and channe_wise_dequant_op. test=develop 6 years ago
fake_dequantize_op.h improve error messages of fake_dequantize_op. test=develop () 5 years ago
fake_quantize_op.cc OP(fake_quantize) error message enhancement () 5 years ago
fake_quantize_op.cu Fix div zero in fake quantize op () 5 years ago
fake_quantize_op.h Fix div zero in fake quantize op () 5 years ago
fc_op.cc [DNNL] Fix accuracy in INT8 FC () 5 years ago
fc_op.cu.cc Implement the GPU kernel of fc operator () 6 years ago
fc_op.h INT8 Fully-connected () 5 years ago
fill_any_like_op.cc improve efficiency of runtime InferVarType () 5 years ago
fill_any_like_op.cu Add the zeros, ones, ones_like, zeros_like for api 2.0, test=develop () 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 fill_constant_batch_size_like OP precious problem fix () 5 years ago
fill_constant_batch_size_like_op.cu.cc Add seq2seq api related code () 6 years ago
fill_constant_batch_size_like_op.h fill_constant_batch_size_like OP precious problem fix () 5 years ago
fill_constant_op.cc improve efficiency of runtime InferVarType () 5 years ago
fill_constant_op.cu.cc Add seq2seq api related code () 6 years ago
fill_constant_op.h API/OP(fill_constant) error message enhancement () 5 years ago
fill_op.cc improve efficiency of runtime InferVarType () 5 years ago
fill_op.cu.cc add kernel for fill_op, test=develop () 6 years ago
fill_op.h Delete Ref & VectorRef and add GetDataSafely () 5 years ago
fill_zeros_like_op.cc Add the error raise for some operators, add some test cases 5 years ago
fill_zeros_like_op.cu.cc Fix some grad op desc makers () 6 years ago
fill_zeros_like_op.h
filter_by_instag_op.cc Fix instag () 5 years ago
filter_by_instag_op.h Fix instag () 5 years ago
flatten_op.cc rename no_need_buffer_vars macro, test=develop () 5 years ago
flatten_op.cu.cc add kernel for flatten_op, test=develop () 6 years ago
flatten_op.h add kernel for flatten_op, test=develop () 6 years ago
flip_op.cc improve efficiency of runtime InferVarType () 5 years ago
flip_op.cu Add flip op. () 5 years ago
flip_op.h Add flip op. () 5 years ago
fsp_op.cc API(has_inf, has_nan, cumsum, fsp_matrix, increment) error message enhancement, test=develop () 5 years ago
fsp_op.cu [slim] Add quantization strategy and distillation strategy. () 6 years ago
fsp_op.h Remove disable flag in test_fsp_op.py () 5 years ago
gather.cu.h Replace TemporaryAllocator by CUDADeviceContextAllocator () 6 years ago
gather.h refine some PADDLE_ENFORCE codes for unify PADDLE_ASSERT_MSG () 6 years ago
gather_nd_op.cc rename no_need_buffer_vars macro, test=develop () 5 years ago
gather_nd_op.cu Add seq2seq api related code () 6 years ago
gather_nd_op.h add gather_nd op and unit test () 6 years ago
gather_op.cc rename no_need_buffer_vars macro, test=develop () 5 years ago
gather_op.cu Fix scatter and gather op when has duplicate index () 6 years ago
gather_op.h Fix scatter and gather op when has duplicate index () 6 years ago
gather_test.cc
gather_tree_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface () 5 years ago
gather_tree_op.cu Add seq2seq api related code () 6 years ago
gather_tree_op.h Add seq2seq api related code () 6 years ago
gaussian_random_batch_size_like_op.cc GradMaker for dygraph () 5 years ago
gaussian_random_op.cc update enhance error message for Initializer, smooth_l1 () 5 years ago
gaussian_random_op.cu
gelu_op.cc Add DNNL GELU kernels () 5 years ago
gelu_op.cu add approximation for gelu, test=develop () 5 years ago
gelu_op.h add MKL computation back to gelu's non-approximate part () 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 () 5 years ago
grid_sampler_cudnn_op.cu.cc Optimize the error messages of paddle CUDA API () 5 years ago
grid_sampler_op.cc Update OP_INOUT_CHECK () 5 years ago
grid_sampler_op.h code style fix 6 years ago
group_norm_op.cc improve efficiency of runtime InferVarType () 5 years ago
group_norm_op.cu group_norm support data_layout:NHWC, test=develop, test=document_preview () 6 years ago
group_norm_op.h fixed group_norm's bug and modified unittest () 6 years ago
gru_op.cc rename no_need_buffer_vars macro, test=develop () 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. () 6 years ago
gru_unit_op.cc rename no_need_buffer_vars macro, test=develop () 5 years ago
gru_unit_op.cu Fix Eigen macro when using GPU 6 years ago
gru_unit_op.h complete gru_unite_op and test 6 years ago
hash_op.cc hash_op support int64 hash_size () 6 years ago
hash_op.h hash_op support int64 hash_size () 6 years ago
hierarchical_sigmoid_op.cc improve efficiency of runtime InferVarType () 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 () 5 years ago
hinge_loss_op.cc Error message enhancement of 6 op () 5 years ago
hinge_loss_op.cu Fix Eigen macro when using GPU 6 years ago
hinge_loss_op.h
huber_loss_op.cc Error message enhancement of 6 op () 5 years ago
huber_loss_op.cu Fix Eigen macro when using GPU 6 years ago
huber_loss_op.h Add dygraph execution context () 5 years ago
im2sequence_op.cc Imperative tracer refactoring () 5 years ago
im2sequence_op.cu Fix Eigen macro when using GPU 6 years ago
im2sequence_op.h fix security bugs : () 6 years ago
increment_op.cc API(has_inf, has_nan, cumsum, fsp_matrix, increment) error message enhancement, test=develop () 5 years ago
increment_op.cu
increment_op.h
index_sample_op.cc Update index sample () 5 years ago
index_sample_op.cu Update index sample () 5 years ago
index_sample_op.h Update index sample () 5 years ago
index_select_op.cc add new api for Paddle2.0: nonzero, index_selct, roll, cross () 5 years ago
index_select_op.cu add new api for Paddle2.0: nonzero, index_selct, roll, cross () 5 years ago
index_select_op.h add new api for Paddle2.0: nonzero, index_selct, roll, cross () 5 years ago
inplace_abn_op.cc Split inplace_abn & batch_norm infershape () 5 years ago
inplace_abn_op.cu Add inplace abn op () 5 years ago
inplace_abn_op.h Add inplace abn op () 5 years ago
instance_norm_op.cc API/OP error message enhancement () 5 years ago
instance_norm_op.cu replace CUDNN_ENFORCE with PADDLE_ENFORCE_CUDA_SUCCESS, test=develop () 5 years ago
instance_norm_op.h improve efficiency of runtime InferVarType () 5 years ago
interpolate_op.cc Add `nn.interpolate ` () 5 years ago
interpolate_op.cu fix bicubic, change int to floor () 5 years ago
interpolate_op.h fix bicubic, change int to floor () 5 years ago
inverse_op.cc Add the implementation of inverse () 5 years ago
inverse_op.cu.cc Add the implementation of inverse () 5 years ago
inverse_op.h Add the implementation of inverse () 5 years ago
is_empty_op.cc GradMaker for dygraph () 5 years ago
is_empty_op.cu.cc Rewrite is_empty op to avoid unnecessary data transform. () 6 years ago
is_empty_op.h Rewrite is_empty op to avoid unnecessary data transform. () 6 years ago
isfinite_op.cc API(has_inf, has_nan, cumsum, fsp_matrix, increment) error message enhancement, test=develop () 5 years ago
isfinite_op.cu Fix Eigen macro when using GPU 6 years ago
isfinite_op.h
kldiv_loss_op.cc Update OP_INOUT_CHECK () 5 years ago
kldiv_loss_op.cu fix grad check. test=develop 6 years ago
kldiv_loss_op.h remove eval() calls in Eigen, test=develop () 5 years ago
kron_op.cc add kron op () 5 years ago
kron_op.cu add kron op () 5 years ago
kron_op.h add kron op () 5 years ago
l1_norm_op.cc API/OP error message enhancement () 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 () 5 years ago
label_smooth_op.cc Imperative tracer refactoring () 5 years ago
label_smooth_op.cu Fix default label dim of label_smooth_op. test=develop () 5 years ago
label_smooth_op.h Fix default label dim of label_smooth_op. test=develop () 5 years ago
layer_norm_op.cc API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … () 5 years ago
layer_norm_op.cu restrict block num of layer_norm_grad cuda block to 128 () 5 years ago
layer_norm_op.h restrict block num of layer_norm_grad cuda block to 128 () 5 years ago
linear_chain_crf_op.cc rename no_need_buffer_vars macro, test=develop () 5 years ago
linear_chain_crf_op.h Refactor linear chain crf op & crf decoding op () 6 years ago
linspace_op.cc Add the error raise for some operators, add some test cases 5 years ago
linspace_op.cu test=develop 6 years ago
linspace_op.h test=develop 6 years ago
load_combine_op.cc fix mix input type error, test=develop 6 years ago
load_combine_op.cu checkpoint pr be moved here, test=develop 6 years ago
load_combine_op.h Op (Save/LoadCombine) error message enhancement () 5 years ago
load_op.cc memory leak for cpu () 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 () 5 years ago
lod_array_length_op.cc API(fluid.layers.array_length) error message enhancement () 5 years ago
lod_rank_table_op.cc improve efficiency of runtime InferVarType () 5 years ago
lod_reset_op.cc improve efficiency of runtime InferVarType () 5 years ago
lod_reset_op.cu
lod_reset_op.h Api (lod_append) error message enhancement () 5 years ago
lod_tensor_to_array_op.cc improve efficiency of runtime InferVarType () 5 years ago
log_loss_op.cc API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … () 5 years ago
log_loss_op.cu Fix Eigen macro when using GPU 6 years ago
log_loss_op.h
lookup_sparse_table_op.cc GradMaker for dygraph () 5 years ago
lookup_table_dequant_op.cc add lookup_table_dequant_op () 5 years ago
lookup_table_dequant_op.h add lookup_table_dequant_op () 5 years ago
lookup_table_op.cc improve efficiency of runtime InferVarType () 5 years ago
lookup_table_op.cu Add dygraph execution context () 5 years ago
lookup_table_op.h Add dygraph execution context () 5 years ago
lookup_table_v2_op.cc improve efficiency of runtime InferVarType () 5 years ago
lookup_table_v2_op.cu Add dygraph execution context () 5 years ago
lookup_table_v2_op.h Add dygraph execution context () 5 years ago
lrn_op.cc Error message enhancement of 6 op () 5 years ago
lrn_op.cu lrn supports channel_last input, test=develop () 5 years ago
lrn_op.h Error message enhancement of 6 op () 5 years ago
lstm_op.cc Imperative tracer refactoring () 5 years ago
lstm_op.cu.cc
lstm_op.h Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_bug_for_lstmp 6 years ago
lstm_unit_op.cc Imperative tracer refactoring () 5 years ago
lstm_unit_op.cu refine some grad op makers, test=develop () 5 years ago
lstm_unit_op.h refine some grad op makers, test=develop () 5 years ago
lstmp_op.cc Imperative tracer refactoring () 5 years ago
lstmp_op.cu
lstmp_op.h optimize lstmp and sample_logits op, test=develop () 6 years ago
margin_rank_loss_op.cc Imperative tracer refactoring () 5 years ago
margin_rank_loss_op.cu
margin_rank_loss_op.h
match_matrix_tensor_op.cc add noavx_axpy and noavx_axpy_noadd () 5 years ago
match_matrix_tensor_op.h Add match_matrix_tensor op () 6 years ago
math.h codegen for fused elementwise operation () 6 years ago
matmul_op.cc added reshape transpose matmul fuse pass () 5 years ago
max_sequence_len_op.cc GradMaker for dygraph () 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 () 5 years ago
maxout_op.cu.cc
maxout_op.h maxout supports channel_last input () 5 years ago
mean_iou_op.cc OP Normal, Uniform, Xavier Initializer, smooth_l1, mean_iou error message enhancement () 5 years ago
mean_iou_op.cu Replace TemporaryAllocator by CUDADeviceContextAllocator () 6 years ago
mean_iou_op.h
mean_op.cc improve efficiency of runtime InferVarType () 5 years ago
mean_op.cu Optimize the error messages of paddle CUDA API () 5 years ago
mean_op.h OP error message enhancement of l2_normalize, matmul, mean, etc 5 years ago
merge_lod_tensor_op.cc OP clip, merge_lod_tensor, convert/elementwise error message enhancement () 5 years ago
merge_selected_rows_op.cc improve efficiency of runtime InferVarType () 5 years ago
merge_selected_rows_op.cu.cc Fix clip.py () 6 years ago
merge_selected_rows_op.h Fix clip.py () 6 years ago
meshgrid_op.cc Add meshgrid op () 5 years ago
meshgrid_op.cu Add meshgrid op () 5 years ago
meshgrid_op.h Add meshgrid op () 5 years ago
minus_op.cc OP(minus) error message enhancement. test=develop () 5 years ago
minus_op.cu
minus_op.h
modified_huber_loss_op.cc Error message enhancement of 6 op () 5 years ago
modified_huber_loss_op.cu
modified_huber_loss_op.h unify PADDLE_ASSERT_MSG into PADDLE_ENFORCE(error_message) () 6 years ago
mul_op.cc improve efficiency of runtime InferVarType () 5 years ago
mul_op.cu.cc support fc_op double grad () 6 years ago
mul_op.h Add mkldnn int8 mul-op kernel () 6 years ago
multiplex_op.cc Imperative tracer refactoring () 5 years ago
multiplex_op.cu fix grad desc maker 6 years ago
multiplex_op.h fix grad desc maker 6 years ago
nce_op.cc improve efficiency of runtime InferVarType () 5 years ago
nce_op.h Add dygraph execution context () 5 years ago
nll_loss_op.cc add nll_loss op test=develop () 5 years ago
nll_loss_op.cu Add cholesky_op () 5 years ago
nll_loss_op.h add nll_loss op test=develop () 5 years ago
norm_op.cc API/OP error message enhancement () 5 years ago
norm_op.cu
norm_op.h test=develop 6 years ago
norm_utils.h add instance norm () 6 years ago
one_hot_op.cc Error message enhancement of 6 op () 5 years ago
one_hot_op.cu supports collective communicated training () 6 years ago
one_hot_op.h Error message enhancement of 6 op () 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 () 5 years ago
one_hot_v2_op.cu Remove constraint that last dimension is forced to be 1 by adding one_hot_v2 () 6 years ago
one_hot_v2_op.h Remove constraint that last dimension is forced to be 1 by adding one_hot_v2 () 6 years ago
op_debug_string_test.cc extend elementwise broadcast function () 5 years ago
p_norm_op.cc fix compile problem on windows and some invalid argument check 5 years ago
p_norm_op.cu fix compile problem on windows and some invalid argument check 5 years ago
p_norm_op.h Add new norm api, support frobenius norm and p-order vector norm. () 5 years ago
pad2d_op.cc OP(pad, pad2d, pad_constant_like) error message enhancement () 5 years ago
pad2d_op.cu register fp16 kernel for some ops () () 5 years ago
pad_constant_like_op.cc OP(pad, pad2d, pad_constant_like) error message enhancement () 5 years ago
pad_constant_like_op.cu add register op_data_type of pad/expand_as et.al () 5 years ago
pad_constant_like_op.h Update the precision of pad, pad2d, pad_constant_like's unit tests from fp32 to fp64 () 5 years ago
pad_op.cc OP(pad, pad2d, pad_constant_like) error message enhancement () 5 years ago
pad_op.cu add register op_data_type of pad/expand_as et.al () 5 years ago
pad_op.h Add fp16 support for pad and split () 6 years ago
partial_concat_op.cc Imperative tracer refactoring () 5 years ago
partial_concat_op.cu add partial_concat op in contrib () 5 years ago
partial_concat_op.h add partial_concat op in contrib () 5 years ago
partial_sum_op.cc Imperative tracer refactoring () 5 years ago
partial_sum_op.cu add partial_sum op in contrib () 5 years ago
partial_sum_op.h add partial_sum op in contrib () 5 years ago
pixel_shuffle_op.cc Imperative tracer refactoring () 5 years ago
pixel_shuffle_op.cu Add Pixel shuffle OP () 6 years ago
pixel_shuffle_op.h Add Pixel shuffle OP () 6 years ago
pool_cudnn_op.cu.cc replace CUDNN_ENFORCE with PADDLE_ENFORCE_CUDA_SUCCESS, test=develop () 5 years ago
pool_op.cc improve efficiency of runtime InferVarType () 5 years ago
pool_op.cu.cc
pool_op.h [MKL-DNN] Pool & LRN Grad Ops NHWC support () 5 years ago
pool_with_index_op.cc rename macro, test=develop () 5 years ago
pool_with_index_op.cu.cc
pool_with_index_op.h add adaptive pool 2d & 3d. test=develop 6 years ago
positive_negative_pair_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface () 5 years ago
positive_negative_pair_op.h update CMakeLists.txt 6 years ago
prelu_op.cc Op(prelu/relu/f.relu/f.log_softmax) error message enhancement () 5 years ago
prelu_op.cu add unused input vars check for OpWithKernel, test=develop () 5 years ago
prelu_op.h fix the computation for dx (grad for x) for prelu operation. () 5 years ago
print_op.cc [dy2static] Add print transformer and unify print format () 5 years ago
prroi_pool_op.cc API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement () 5 years ago
prroi_pool_op.cu fix typo words () 5 years ago
prroi_pool_op.h fix typo words () 5 years ago
psroi_pool_op.cc Imperative tracer refactoring () 5 years ago
psroi_pool_op.cu this is for psroi_pool op, test=develop () 6 years ago
psroi_pool_op.h rewrite ddim 6 years ago
pull_box_sparse_op.cc Imperative tracer refactoring () 5 years ago
pull_box_sparse_op.cu Paddlebox Framework () 6 years ago
pull_box_sparse_op.h Paddlebox about box_wrapper () 5 years ago
pull_sparse_op.cc add fleet pslib pull and push sparse op and push dense op () 5 years ago
pull_sparse_op.h add fleet pslib pull and push sparse op and push dense op () 5 years ago
pull_sparse_v2_op.cc add fleet pslib pull and push sparse op and push dense op () 5 years ago
pull_sparse_v2_op.h add fleet pslib pull and push sparse op and push dense op () 5 years ago
push_dense_op.cc add fleet pslib pull and push sparse op and push dense op () 5 years ago
push_dense_op.h add fleet pslib pull and push sparse op and push dense op () 5 years ago
py_func_op.cc improve efficiency of runtime InferVarType () 5 years ago
py_func_op.h try fix py2 6 years ago
pyramid_hash_op.cc add noavx_axpy and noavx_axpy_noadd () 5 years ago
quantize_op.cc [DNNL] Fix accuracy in INT8 FC () 5 years ago
quantize_op.h Add Quantize OP 6 years ago
randint_op.cc add 'seed' arguemnt of randint API () 5 years ago
randint_op.cu add 'seed' arguemnt of randint API () 5 years ago
random_crop_op.cc API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … () 5 years ago
random_crop_op.cu
random_crop_op.h Delete Ref & VectorRef and add GetDataSafely () 5 years ago
randperm_op.cc improve efficiency of runtime InferVarType () 5 years ago
randperm_op.cu [OP] Add randperm op () 5 years ago
randperm_op.h [OP] Add randperm op () 5 years ago
range_op.cc [Operator] Add range op. () 6 years ago
range_op.cu [Operator] Add range op. () 6 years ago
range_op.h [Operator] Add range op. () 6 years ago
rank_attention.cu.h fix conflict, test=develop () 5 years ago
rank_attention_op.cc Add rank_attention_op attributes for GPU memory in contrib () 5 years ago
rank_attention_op.cu Add rank_attention_op attributes for GPU memory in contrib () 5 years ago
rank_attention_op.h fix conflict, test=develop () 5 years ago
rank_loss_op.cc Imperative tracer refactoring () 5 years ago
rank_loss_op.cu
rank_loss_op.h
recurrent_op.cc Imperative tracer refactoring () 5 years ago
recurrent_op.h OP (recurrent) error message enhancement () 5 years ago
reorder_lod_tensor_by_rank_op.cc Op (reorder_lod_tensor_by_rank) error message enhancement () 5 years ago
requantize_op.cc Replace risky GetInputType method with secure IndicateVarDataType interface () 5 years ago
requantize_op.h Add Requantize OP () 6 years ago
reshape_op.cc rename macro, test=develop () 5 years ago
reverse_op.cc Imperative tracer refactoring () 5 years ago
reverse_op.cu
reverse_op.h make reverse op support negative axis () 5 years ago
rnn_memory_helper_op.cc GradMaker for dygraph () 5 years ago
roi_align_op.cc modify some op for dyg rcnn () 5 years ago
roi_align_op.cu modify some op for dyg rcnn () 5 years ago
roi_align_op.h modify some op for dyg rcnn () 5 years ago
roi_pool_op.cc API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement () 5 years ago
roi_pool_op.cu modify some op for dyg rcnn () 5 years ago
roi_pool_op.h modify some op for dyg rcnn () 5 years ago
roll_op.cc add new api for Paddle2.0: nonzero, index_selct, roll, cross () 5 years ago
roll_op.cu add new api for Paddle2.0: nonzero, index_selct, roll, cross () 5 years ago
roll_op.h add new api for Paddle2.0: nonzero, index_selct, roll, cross () 5 years ago
row_conv_op.cc Imperative tracer refactoring () 5 years ago
row_conv_op.cu fix row_conv_op to force it support lodtensor and tensor input simultaneously, test=develop () 6 years ago
row_conv_op.h
run_program_op.cc Implement StaticModelRunner to support dygraph fine-tune static graph pre-training model () 5 years ago
run_program_op.cu.cc Implement StaticModelRunner to support dygraph fine-tune static graph pre-training model () 5 years ago
run_program_op.h Implement StaticModelRunner to support dygraph fine-tune static graph pre-training model () 5 years ago
sample_logits_op.cc API/OP error message enhancement () 5 years ago
sample_logits_op.cu fix lod_reset bug, test=develop () 5 years ago
sample_logits_op.h API/OP error message enhancement () 5 years ago
sampling_id_op.cc GradMaker for dygraph () 5 years ago
sampling_id_op.cu
sampling_id_op.h
save_combine_op.cc improve efficiency of runtime InferVarType () 5 years ago
save_combine_op.cu add register op_data_type of pad/expand_as et.al () 5 years ago
save_combine_op.h supports loading model from memory, test=develop () 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 () 5 years ago
save_op.cu checkpoint pr be moved here, test=develop 6 years ago
save_op.h Op (Save/Load) error message enhancement, test=develop () 5 years ago
scale_op.cc improve efficiency of runtime InferVarType () 5 years ago
scale_op.cu refine math_op_patch, test=develop () 6 years ago
scale_op.h update ops's unittest data type from float32 to float64 and shape over 100 () 5 years ago
scatter.cu.h Replace TemporaryAllocator by CUDADeviceContextAllocator () 6 years ago
scatter.h refine some PADDLE_ENFORCE codes for unify PADDLE_ASSERT_MSG () 6 years ago
scatter_nd_add_op.cc rename macro, test=develop () 5 years ago
scatter_nd_add_op.cu add scatter_nd op and scatter_nd_add op () 6 years ago
scatter_nd_add_op.h add scatter_nd op and scatter_nd_add op () 6 years ago
scatter_op.cc rename macro, test=develop () 5 years ago
scatter_op.cu add register op_data_type of pad/expand_as et.al () 5 years ago
scatter_op.h fix lod_reset bug, test=develop () 5 years ago
scatter_test.cc
search_compute.h add noavx_axpy and noavx_axpy_noadd () 5 years ago
seed_op.cc add cuda kernel for seed, test=develop () 5 years ago
seed_op.cu add cuda kernel for seed, test=develop () 5 years ago
seed_op.h Dropout with seed () 5 years ago
select_input_op.cc Api/Op (select_input/select_ouput) error message enhancement. () 5 years ago
select_op_helper.h Api/Op (select_input/select_ouput) error message enhancement. () 5 years ago
select_output_op.cc Api/Op (select_input/select_ouput) error message enhancement. () 5 years ago
selu_op.cc improve efficiency of runtime InferVarType () 5 years ago
selu_op.cu Add selu () 6 years ago
selu_op.h revert revert 16144 6 years ago
shape_op.cc Override GetKernelTypeForVar to avoid device transform, test=develop () 5 years ago
shape_op.cu Sequence mask support tensor () 6 years ago
shape_op.h
shard_index_op.cc fix typo words () 5 years ago
shard_index_op.cu add the framework support for distfc () 5 years ago
shard_index_op.h add the framework support for distfc () 5 years ago
shrink_rnn_memory_op.cc OP(compare/get_places/shrink_rnn_memory) error message enhancement () 5 years ago
shuffle_batch_op.cc Imperative tracer refactoring () 5 years ago
shuffle_batch_op.h add shuffle batch op () 5 years ago
shuffle_channel_op.cc Imperative tracer refactoring () 5 years ago
shuffle_channel_op.cu fix some grad op desc maker () 6 years ago
shuffle_channel_op.h fix some grad op desc maker () 6 years ago
sigmoid_cross_entropy_with_logits_op.cc Imperative tracer refactoring () 5 years ago
sigmoid_cross_entropy_with_logits_op.cu Replace TemporaryAllocator by CUDADeviceContextAllocator () 6 years ago
sigmoid_cross_entropy_with_logits_op.h Add generate_mask_labels_op to support Mask-RCNN and refine some code. () 6 years ago
sign_op.cc update error info of ops,add some test cases for raise message () 5 years ago
sign_op.cu
sign_op.h
similarity_focus_op.cc GradMaker for dygraph () 5 years ago
similarity_focus_op.h
size_op.cc GradMaker for dygraph () 5 years ago
size_op.cu add size op () 6 years ago
size_op.h add size op () 6 years ago
slice_op.cc rename macro, test=develop () 5 years ago
slice_op.cu add tensor(tensor and tensor in list) support for argument starts and ends in slice op; () 6 years ago
slice_op.h add tensor(tensor and tensor in list) support for argument starts and ends in slice op; () 6 years ago
smooth_l1_loss_op.cc update enhance error message for Initializer, smooth_l1 () 5 years ago
smooth_l1_loss_op.cu Fix Eigen macro when using GPU 6 years ago
smooth_l1_loss_op.h
softmax_cudnn_op.cu.cc refine softmax kernel. test=develop 6 years ago
softmax_op.cc improve efficiency of runtime InferVarType () 5 years ago
softmax_op.cu.cc Add fp16 backward support () 6 years ago
softmax_op.h fix format. test=develop 6 years ago
softmax_with_cross_entropy_op.cc Imperative tracer refactoring () 5 years ago
softmax_with_cross_entropy_op.cu fix typo words () 5 years ago
softmax_with_cross_entropy_op.h Softmax_cross_entropy op add axis () 6 years ago
space_to_depth_op.cc rename macro, test=develop () 5 years ago
space_to_depth_op.cu add register op_data_type of pad/expand_as et.al () 5 years ago
space_to_depth_op.h
spectral_norm_op.cc Update OP_INOUT_CHECK () 5 years ago
spectral_norm_op.cu fix spectral_norm doc. test=develop 6 years ago
spectral_norm_op.h fix format. test=develop 6 years ago
split_lod_tensor_op.cc Error Message Enhancement () 5 years ago
split_op.cc fix typo word () 5 years ago
split_op.cu.cc Add fp16 support for pad and split () 6 years ago
split_op.h Imperative tracer refactoring () 5 years ago
split_selected_rows_op.cc improve efficiency of runtime InferVarType () 5 years ago
split_selected_rows_op.cu
split_selected_rows_op.h add some check 6 years ago
spp_op.cc GradMaker for dygraph () 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 API/OP error message enhancement () 5 years ago
squared_l2_distance_op.cu Fix Eigen macro when using GPU 6 years ago
squared_l2_distance_op.h Security issue () 6 years ago
squared_l2_norm_op.cc API/OP error message enhancement () 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 () 5 years ago
squeeze_op.cc rename macro, test=develop () 5 years ago
squeeze_op.cu.cc register fp16 kernel for some ops () () 5 years ago
squeeze_op.h add input type and dtype check for squeeze () 6 years ago
stack_op.cc Imperative tracer refactoring () 5 years ago
stack_op.cu Refine stack op to improve xlnet performance, test=develop () 5 years ago
stack_op.h Refine stack op to improve xlnet performance, test=develop () 5 years ago
strided_memcpy.h rewrite ddim 6 years ago
strided_memcpy_test.cc
strided_slice_op.cc rename macro, test=develop () 5 years ago
strided_slice_op.cu Strided slice () 6 years ago
strided_slice_op.h high-performance dygraph slice () 5 years ago
sum_op.cc improve efficiency of runtime InferVarType () 5 years ago
sum_op.cu remove unused code test=develop () 5 years ago
sum_op.h Add some error meesage and dtyp, dtyep check for some ops () 5 years ago
sync_batch_norm_op.cc Imperative tracer refactoring () 5 years ago
sync_batch_norm_op.cu Add trainable_statistics in attr for batch_norm. () 5 years ago
sync_batch_norm_op.cu.h Optimize the error messages of paddle CUDA API () 5 years ago
tdm_child_op.cc Add Tdm child OP in contrib () 5 years ago
tdm_child_op.h Add Tdm child OP in contrib () 5 years ago
tdm_sampler_op.cc Add Tdm sampler op in Contrib () 5 years ago
tdm_sampler_op.h Add Tdm sampler op in Contrib () 5 years ago
teacher_student_sigmoid_loss_op.cc Refine error message, test=develop () 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 () 5 years ago
temporal_shift_op.cu fix adaptive_pool2d/pool3d error message. test=develop () 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 () 5 years ago
test_leaky_relu_grad_grad_functor.cc fix leaky_relu op when alpha is zero, test=develop () 6 years ago
test_leaky_relu_grad_grad_functor.cu fix leaky_relu op when alpha is zero, test=develop () 6 years ago
test_leaky_relu_grad_grad_functor.h fix leaky_relu op when alpha is zero, test=develop () 6 years ago
top_k_op.cc Imperative tracer refactoring () 5 years ago
top_k_op.cu Add TopK Op Grad CPU&GPU Kernel test=develop () 5 years ago
top_k_op.h Add TopK Op Grad CPU&GPU Kernel test=develop () 5 years ago
trace_op.cc Add trace op () 5 years ago
trace_op.cu Add trace op () 5 years ago
trace_op.h Add trace op () 5 years ago
transpose_op.cc Imperative tracer refactoring () 5 years ago
transpose_op.cu Add unittest for transformer prediction in dygraph_to_static () 5 years ago
transpose_op.h Add unittest for transformer prediction in dygraph_to_static () 5 years ago
tree_conv_op.cc test=develop, error message of tree_conv OP enhancement () 5 years ago
tree_conv_op.cu Tree conv op () 6 years ago
tree_conv_op.h Tree conv op () 6 years ago
tril_triu_op.cc add tril op and triu op () 5 years ago
tril_triu_op.cu add tril op and triu op () 5 years ago
tril_triu_op.h add tril op and triu op () 5 years ago
truncated_gaussian_random_op.cc API/OP error message enhancement () 5 years ago
truncated_gaussian_random_op.cu
unbind_op.cc add unbind op () 5 years ago
unbind_op.cu.cc add unbind op () 5 years ago
unbind_op.h add unbind op () 5 years ago
unfold_op.cc rename macro, test=develop () 5 years ago
unfold_op.cu add unfold op (new op),test=develop () 6 years ago
unfold_op.h add unfold op (new op),test=develop () 6 years ago
uniform_random_batch_size_like_op.cc GradMaker for dygraph () 5 years ago
uniform_random_op.cc improve efficiency of runtime InferVarType () 5 years ago
uniform_random_op.cu Modify the style of function names () 6 years ago
uniform_random_op.h OP error message enhancement of l2_normalize, matmul, mean, etc 5 years ago
unique_op.cc Add some error meesage and dtyp, dtyep check for some ops () 5 years ago
unique_op.h Add some error meesage and dtyp, dtyep check for some ops () 5 years ago
unique_with_counts_op.cc Add some error meesage and dtyp, dtyep check for some ops () 5 years ago
unique_with_counts_op.h Add the op of unique_with_counts, expand count function of the op unique () 6 years ago
unpool_op.cc API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … () 5 years ago
unpool_op.cu.cc
unpool_op.h fix security bugs : () 6 years ago
unsqueeze_op.cc rename macro, test=develop () 5 years ago
unsqueeze_op.cu.cc register fp16 kernel for some ops () () 5 years ago
unsqueeze_op.h Compatible int32 and int64 for attr in concat/split/unsqueeze. test=develop () 5 years ago
unstack_op.cc Imperative tracer refactoring () 5 years ago
unstack_op.cu add kernel for unstack_op, test=develop () 6 years ago
unstack_op.h add kernel for unstack_op, test=develop () 6 years ago
utils.h Use system allocator in OpTest () 5 years ago
var_conv_2d_op.cc Imperative tracer refactoring () 5 years ago
var_conv_2d_op.h Add var_conv_2d op () 6 years ago
warpctc_op.cc support Exhaustive search in dygraph () 5 years ago
warpctc_op.cu.cc
warpctc_op.h fix -Wno-error=sign-compare warning in gcc8 () 5 years ago
where_index_op.cc add new api for Paddle2.0: nonzero, index_selct, roll, cross () 5 years ago
where_index_op.cu add new api for Paddle2.0: nonzero, index_selct, roll, cross () 5 years ago
where_index_op.h add new api for Paddle2.0: nonzero, index_selct, roll, cross () 5 years ago
where_op.cc polish tensor.where codes and english document () 5 years ago
where_op.cu add paddle.tensor interface () 5 years ago
where_op.h Implement a new C++ operator where and API tensor.where () 5 years ago