.. |
amp
|
Fix/isfinite on windows (#24927)
|
5 years ago |
benchmark
|
Replace all errors thrown by LOG(FATAL) with PADDLE_THROW (#24759)
|
5 years ago |
collective
|
Revert/barrier for sync (#25417)
|
5 years ago |
controlflow
|
fix logical_* ops' doc (#25479)
|
5 years ago |
detail
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
detection
|
Fix index overflow bug of the CUDA kernel loop increment (#25435)
|
5 years ago |
distributed
|
Revert/barrier for sync (#25417)
|
5 years ago |
distributed_ops
|
Revert/barrier for sync (#25417)
|
5 years ago |
elementwise
|
[oneDNN]elementwise_add and elementwise_mul int8 support (#24984)
|
5 years ago |
fused
|
Fix FC + GRU fuse pass (#25687)
|
5 years ago |
jit
|
don't re-generate header file if content doesn't change (#25130)
|
5 years ago |
lite
|
supports xpu runtime, test=develop (#25554)
|
5 years ago |
math
|
Add NOMINMAX define due to windows.h max/min macro conflict (#25637)
|
5 years ago |
metrics
|
Fix index overflow bug of the CUDA kernel loop increment (#25435)
|
5 years ago |
mkldnn
|
[oneDNN] cache cosmetics improvement (#25576)
|
5 years ago |
nccl
|
Polish reader folder error message (#24698)
|
5 years ago |
optimizers
|
Fix index overflow bug of the CUDA kernel loop increment (#25435)
|
5 years ago |
reader
|
Polish reader folder error message (#24698)
|
5 years ago |
reduce_ops
|
Add support the 5d, 6d tensor support for the reduce ops
|
5 years ago |
sequence_ops
|
add fp64 support in sequence_pool, test=develop (#25662)
|
5 years ago |
tensorrt
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
CMakeLists.txt
|
[Dy2stat] Fix Memory Optimization in run_program_op and Add SimNet as Unit Test (#25383)
|
5 years ago |
activation_cudnn.cu.cc
|
Delete Ref & VectorRef and add GetDataSafely (#22997)
|
6 years ago |
activation_cudnn_op.cu.cc
|
Delete Ref & VectorRef and add GetDataSafely (#22997)
|
6 years ago |
activation_op.cc
|
New features, add sinh and cosh op, test=develop (#25495)
|
5 years ago |
activation_op.cu
|
support elu_op double grad (#21822)
|
6 years ago |
activation_op.h
|
New features, add sinh and cosh op, test=develop (#25495)
|
5 years ago |
add_position_encoding_op.cc
|
OP(warpctc, add_position_encoding, scaled_dot_product_attention) error message enhancement (#24261)
|
6 years ago |
add_position_encoding_op.h
|
OP(warpctc, add_position_encoding, scaled_dot_product_attention) error message enhancement (#24261)
|
6 years ago |
addmm_op.cc
|
test=develop, add addmm op (#23384)
|
6 years ago |
addmm_op.cu
|
test=develop, add addmm op (#23384)
|
6 years ago |
addmm_op.h
|
test=develop, add addmm op (#23384)
|
6 years ago |
affine_channel_op.cc
|
API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118)
|
6 years ago |
affine_channel_op.cu
|
Enable inplace support for some ops (#19612)
|
6 years ago |
affine_grid_cudnn_op.cu.cc
|
Add affine grid generator op (#12238)
|
7 years ago |
affine_grid_op.cc
|
Enhance checking in some operator. (#24473)
|
5 years ago |
affine_grid_op.h
|
test=develop (#16783)
|
7 years ago |
allclose_op.cc
|
improve efficiency of runtime InferVarType (#22778)
|
6 years ago |
allclose_op.cu
|
Add allclose_op (#23335)
|
6 years ago |
allclose_op.h
|
Add allclose_op (#23335)
|
6 years ago |
arg_max_op.cc
|
GradMaker for dygraph (#19706)
|
6 years ago |
arg_max_op.cu
|
Change tensor uses proto::VarType::type
|
7 years ago |
arg_min_max_op_base.h
|
API(argsort, argmax, argmin, cast, diag) error message enhancement
|
6 years ago |
arg_min_op.cc
|
GradMaker for dygraph (#19706)
|
6 years ago |
arg_min_op.cu
|
Change tensor uses proto::VarType::type
|
7 years ago |
argsort_op.cc
|
rename inplace/no_need_buffer inferer, part2, test=develop (#24733)
|
5 years ago |
argsort_op.cu
|
Optimize the error messages of paddle CUDA API (#23816)
|
6 years ago |
argsort_op.h
|
Correct CPU gradients of the argsort op (#22739)
|
6 years ago |
array_operator.h
|
OP (tensor_array_read_write) error message enhancement. test=develop (#23468)
|
6 years ago |
array_to_lod_tensor_op.cc
|
Imperative tracer refactoring (#22457)
|
6 years ago |
assert_op.cc
|
Add Assert Op (#24280)
|
6 years ago |
assign_op.cc
|
[Dy2Stat]Support list pop (#24250)
|
6 years ago |
assign_op.h
|
optimize assign op to avoid copy data from GPU to GPU (#21181)
|
6 years ago |
assign_op_test.cc
|
Add select_input_op and select_output_op (#21016)
|
6 years ago |
assign_value_op.cc
|
Add the support of bool list for assign_value op (#23774)
|
6 years ago |
assign_value_op.cu.cc
|
Add the support of bool list for assign_value op (#23774)
|
6 years ago |
assign_value_op.h
|
Add the support of bool list for assign_value op (#23774)
|
6 years ago |
attention_lstm_op.cc
|
enhance attention_lstm and param_attr error message (#23678)
|
6 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)
|
6 years ago |
average_accumulates_op.cu
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
average_accumulates_op.h
|
…
|
|
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)
|
6 years ago |
batch_norm_op.cc
|
Update err message (#24422)
|
6 years ago |
batch_norm_op.cu
|
Update err message (#24422)
|
6 years ago |
batch_norm_op.h
|
improve efficiency of runtime InferVarType (#22778)
|
6 years ago |
batch_size_like.h
|
rename inplace/no_need_buffer inferer, part2, test=develop (#24733)
|
5 years ago |
bce_loss_op.cc
|
Fix bce_loss (#23746)
|
6 years ago |
bce_loss_op.cu
|
Fix index overflow bug of the CUDA kernel loop increment (#25435)
|
5 years ago |
bce_loss_op.h
|
Add bce_loss op (#23388)
|
6 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)
|
6 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)
|
6 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)
|
6 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)
|
7 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)
|
6 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)
|
6 years ago |
bilinear_tensor_product_op.cu
|
Fix Eigen macro when using GPU
|
7 years ago |
bilinear_tensor_product_op.h
|
fix typo words (#22653)
|
6 years ago |
bmm_op.cc
|
create bmm op and move several api from fluid.layers to tensor (#23457)
|
6 years ago |
bmm_op.cu
|
create bmm op and move several api from fluid.layers to tensor (#23457)
|
6 years ago |
bmm_op.h
|
create bmm op and move several api from fluid.layers to tensor (#23457)
|
6 years ago |
bpr_loss_op.cc
|
enhance cvm bpr_loss adam adagrad adamax ftrl error message, test=develop (#24452)
|
6 years ago |
bpr_loss_op.h
|
enhance cvm bpr_loss adam adagrad adamax ftrl error message, test=develop (#24452)
|
6 years ago |
cast_op.cc
|
API(argsort, argmax, argmin, cast, diag) error message enhancement
|
6 years ago |
cast_op.cu
|
…
|
|
cast_op.h
|
Revert "cherry picked windows patches."
|
7 years ago |
center_loss_op.cc
|
API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794)
|
6 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)
|
6 years ago |
cholesky_op.cu
|
Remove cusolver potrfBatched support on Windows. (#24338)
|
6 years ago |
cholesky_op.h
|
Add cholesky_op (#23543)
|
6 years ago |
chunk_eval_op.cc
|
API(dynamic_gru, chunk_eval, BeamSearchDecoder) error message enhancement (#24513)
|
6 years ago |
chunk_eval_op.h
|
API(dynamic_gru, chunk_eval, BeamSearchDecoder) error message enhancement (#24513)
|
6 years ago |
clip_by_norm_op.cc
|
Add DGC(Deep Gradient Compression) interface. (#15841)
|
7 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)
|
6 years ago |
clip_op.cu
|
add clamp api, test=develop (#23273)
|
6 years ago |
clip_op.h
|
add clamp api, test=develop (#23273)
|
6 years ago |
coalesce_tensor_op.cc
|
Refine adam op to improve performance, test=develop (#22346)
|
6 years ago |
concat_op.cc
|
refine the concat Op for API 2.0 test=develop (#25307)
|
5 years ago |
concat_op.cu.cc
|
Register fp16 for concat_op (#18563)
|
6 years ago |
concat_op.h
|
fix concat dimension (#25606)
|
5 years ago |
conv_cudnn_helper.h
|
fix conv_transpose Op fp16 error test=develop (#24695)
|
5 years ago |
conv_cudnn_op.cu
|
support Exhaustive search in dygraph (#23415)
|
6 years ago |
conv_cudnn_op_cache.h
|
Code Cleanup: delete three useless raw variables in Conv2D (#19644)
|
6 years ago |
conv_op.cc
|
Op(conv2d_fusion) error message enhancement. (#23596)
|
6 years ago |
conv_op.cu.cc
|
…
|
|
conv_op.h
|
improve efficiency of runtime InferVarType (#22778)
|
6 years ago |
conv_shift_op.cc
|
Remove extraneous comma in error messages (#24478)
|
6 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
|
imporve error messages for conv, conv_transpose, cos_sim, group_norm (#23675)
|
6 years ago |
conv_transpose_op.cu
|
conv_transpose supports channel_last input, test=develop, test=document_preview (#20072)
|
6 years ago |
conv_transpose_op.h
|
[MKL-DNN] Conv2d and Conv2d transpose MKL-DNN NHWC support (#21466)
|
6 years ago |
cos_sim_op.cc
|
API/OP error message enhancement (#23691)
|
6 years ago |
cos_sim_op.cu
|
Fix Eigen macro when using GPU
|
7 years ago |
cos_sim_op.h
|
refine cos_sim infershape
|
7 years ago |
crf_decoding_op.cc
|
Format error message for ops (#24482)
|
6 years ago |
crf_decoding_op.h
|
Format error message for ops (#24482)
|
6 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)
|
6 years ago |
crop_op.h
|
Improving error reporting messages for ops (#24438)
|
6 years ago |
crop_tensor_op.cc
|
Improving error reporting messages for ops (#24438)
|
6 years ago |
crop_tensor_op.cu
|
All elements in attr(shape) of crop_tensor can be -1 and int32/64 kernel registered (#20756)
|
6 years ago |
crop_tensor_op.h
|
Improving error reporting messages for ops (#24438)
|
6 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
|
7 years ago |
cross_entropy_op.h
|
Enhance error message of cross_entropy_op, sigmoid_cross_entropy_with_logits_op (#24485)
|
6 years ago |
cross_op.cc
|
add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176)
|
6 years ago |
cross_op.cu
|
add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176)
|
6 years ago |
cross_op.h
|
add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176)
|
6 years ago |
ctc_align_op.cc
|
API/OP (center_loss, fluid.one_hot, prroi_pool, roi_pool, ctc_greed_decoder) error message enhancement (#23794)
|
6 years ago |
ctc_align_op.cu
|
refine ctc align op with padding (#19926)
|
6 years ago |
ctc_align_op.h
|
refine ctc align op with padding (#19926)
|
6 years ago |
cudnn_lstm_op.cc
|
Imperative tracer refactoring (#22457)
|
6 years ago |
cudnn_lstm_op.cu.cc
|
replace CUDNN_ENFORCE with PADDLE_ENFORCE_CUDA_SUCCESS, test=develop (#22109)
|
6 years ago |
cudnn_rnn_cache.h
|
replace CUDNN_ENFORCE with PADDLE_ENFORCE_CUDA_SUCCESS, test=develop (#22109)
|
6 years ago |
cum_op.h
|
API(has_inf, has_nan, cumsum, fsp_matrix, increment) error message enhancement, test=develop (#23769)
|
6 years ago |
cumsum_op.cc
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
cumsum_op.cu
|
cusum op optimization for GPU kernel (#24321)
|
6 years ago |
cvm_op.cc
|
rename inplace/no_need_buffer inferer, part4, test=develop (#24781)
|
5 years ago |
cvm_op.cu
|
Fix index overflow bug of the CUDA kernel loop increment (#25435)
|
5 years ago |
cvm_op.h
|
Remove attribute in Allocator::Allocate (#17878)
|
6 years ago |
data_norm_op.cc
|
OP(datanorm lookupsparsetable lookuptable) error message enhancement (#24506)
|
6 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
|
7 years ago |
deformable_conv_filter.cu.h
|
add deformable conv v1 op and cpu version of deformable conv v2 (#18500)
|
6 years ago |
deformable_conv_func.h
|
add deformable conv v1 op and cpu version of deformable conv v2 (#18500)
|
6 years ago |
deformable_conv_op.cc
|
Refine error message, test=develop (#23823)
|
6 years ago |
deformable_conv_op.cu
|
add deformable conv v1 op and cpu version of deformable conv v2 (#18500)
|
6 years ago |
deformable_conv_op.h
|
Fix compling warning in deformable conv. (#20036)
|
6 years ago |
deformable_conv_v1_op.cc
|
Refine error message, test=develop (#23823)
|
6 years ago |
deformable_conv_v1_op.cu
|
add deformable conv v1 op and cpu version of deformable conv v2 (#18500)
|
6 years ago |
deformable_conv_v1_op.h
|
Fix compling warning in deformable conv. (#20036)
|
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 (#23726)
|
6 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)
|
6 years ago |
delete_var_op.cc
|
GradMaker for dygraph (#19706)
|
6 years ago |
dequantize_abs_max_op.cc
|
add dequantize_abs_max op and modify lookup_table op (#20899)
|
6 years ago |
dequantize_abs_max_op.cu
|
add dequantize_abs_max op and modify lookup_table op (#20899)
|
6 years ago |
dequantize_abs_max_op.h
|
add dequantize_abs_max op and modify lookup_table op (#20899)
|
6 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)
|
6 years ago |
dequantize_op.cc
|
Replace risky GetInputType method with secure IndicateVarDataType interface (#20668)
|
6 years ago |
dequantize_op.h
|
Add Dequantize OP
|
7 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)
|
6 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)
|
6 years ago |
dgc_clip_by_norm_op.cu
|
Add DGC(Deep Gradient Compression) interface. (#15841)
|
7 years ago |
dgc_clip_by_norm_op.h
|
Fix dgc bug. (#16602)
|
7 years ago |
dgc_op.cc
|
Optimize error message, include dgc, nccl, size op (#24456)
|
6 years ago |
dgc_op.cu
|
Add DGC(Deep Gradient Compression) interface. (#15841)
|
7 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)
|
6 years ago |
diag_embed_op.cu
|
add diag_embed op (#23385)
|
6 years ago |
diag_embed_op.h
|
add diag_embed op (#23385)
|
6 years ago |
diag_op.cc
|
API(argsort, argmax, argmin, cast, diag) error message enhancement
|
6 years ago |
diag_op.cu
|
Add Diag Op(#17027)
|
7 years ago |
diag_op.h
|
Add Diag Op(#17027)
|
7 years ago |
dist_op.cc
|
add dist op (#23503)
|
6 years ago |
dist_op.cu
|
add dist op (#23503)
|
6 years ago |
dist_op.h
|
fix the CI random failure for dist op (#23743)
|
6 years ago |
dot_op.cc
|
add new dot op(#23418)
|
6 years ago |
dot_op.cu
|
add new dot op(#23418)
|
6 years ago |
dot_op.h
|
add new dot op(#23418)
|
6 years ago |
dropout_op.cc
|
API/OP error message enhancement (#23691)
|
6 years ago |
dropout_op.cu
|
add cuda kernel for seed, test=develop (#23749)
|
6 years ago |
dropout_op.h
|
Update err message (#24422)
|
6 years ago |
dropout_op_test.cc
|
minor fix
|
7 years ago |
edit_distance_op.cc
|
Format error message for ops (#24482)
|
6 years ago |
edit_distance_op.cu
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
edit_distance_op.h
|
support Tensor input for edit_distance op (#18162)
|
6 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)
|
6 years ago |
erf_op.cu
|
add erf op (#21785)
|
6 years ago |
erf_op.h
|
add erf op (#21785)
|
6 years ago |
expand_as_op.cc
|
Format error message for ops (#24482)
|
6 years ago |
expand_as_op.cu
|
add register op_data_type of pad/expand_as et.al (#21718)
|
6 years ago |
expand_as_op.h
|
fix the compile cost long time test=develop (#21064)
|
6 years ago |
expand_op.cc
|
Improving error reporting messages for ops (#24438)
|
6 years ago |
expand_op.cu
|
register fp16 kernel for some ops (#22650) (#22696)
|
6 years ago |
expand_op.h
|
Improving error reporting messages for ops (#24438)
|
6 years ago |
eye_op.cc
|
fix error message, test=develop (#24425)
|
6 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
|
add the c++ part of Imperative QAT. test=develop (#25446)
|
5 years ago |
fake_dequantize_op.cu
|
rewrite the cuda kernels of channel_wise_quant_op and channe_wise_dequant_op. test=develop
|
7 years ago |
fake_dequantize_op.h
|
improve error messages of fake_dequantize_op. test=develop (#23556)
|
6 years ago |
fake_quantize_op.cc
|
Quantization-aware training for dygraph (#24634)
|
5 years ago |
fake_quantize_op.cu
|
add the c++ part of Imperative QAT. test=develop (#25446)
|
5 years ago |
fake_quantize_op.h
|
add the c++ part of Imperative QAT. test=develop (#25446)
|
5 years ago |
fc_op.cc
|
[DNNL] Fix accuracy in INT8 FC (#22404)
|
6 years ago |
fc_op.cu.cc
|
Implement the GPU kernel of fc operator (#19687)
|
6 years ago |
fc_op.h
|
INT8 Fully-connected (#17641)
|
6 years ago |
fill_any_like_op.cc
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
fill_any_like_op.cu
|
Add the zeros, ones, ones_like, zeros_like for api 2.0, test=develop (#23471)
|
6 years ago |
fill_any_like_op.h
|
Add the error raise for some operators, add some test cases
|
6 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)
|
6 years ago |
fill_constant_batch_size_like_op.h
|
fill_constant_batch_size_like OP precious problem fix (#21337)
|
6 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)
|
6 years ago |
fill_constant_op.h
|
add tensor support for gaussian_random_op test=develop (#24389)
|
6 years ago |
fill_op.cc
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
fill_op.cu.cc
|
add kernel for fill_op, test=develop (#19719)
|
6 years ago |
fill_op.h
|
Delete Ref & VectorRef and add GetDataSafely (#22997)
|
6 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)
|
7 years ago |
fill_zeros_like_op.h
|
…
|
|
filter_by_instag_op.cc
|
Update paddle enforce message (#24498)
|
6 years ago |
filter_by_instag_op.h
|
Fix instag (#22632)
|
6 years ago |
flatten_op.cc
|
rename inplace/no_need_buffer inferer, part2, test=develop (#24733)
|
5 years ago |
flatten_op.cu.cc
|
add kernel for flatten_op, test=develop (#19472)
|
6 years ago |
flatten_op.h
|
add kernel for flatten_op, test=develop (#19472)
|
6 years ago |
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)
|
6 years ago |
fsp_op.cu
|
[slim] Add quantization strategy and distillation strategy. (#16408)
|
7 years ago |
fsp_op.h
|
Remove disable flag in test_fsp_op.py (#22171)
|
6 years ago |
gather.cu.h
|
Fix index overflow bug of the CUDA kernel loop increment (#25435)
|
5 years ago |
gather.h
|
fix error message, test=develop (#24425)
|
6 years ago |
gather_nd_op.cc
|
rename inplace/no_need_buffer inferer, part2, test=develop (#24733)
|
5 years ago |
gather_nd_op.cu
|
fix error message, test=develop (#24425)
|
6 years ago |
gather_nd_op.h
|
fix error message, test=develop (#24425)
|
6 years ago |
gather_op.cc
|
rename inplace/no_need_buffer inferer, part2, test=develop (#24733)
|
5 years ago |
gather_op.cu
|
fix error message, test=develop (#24425)
|
6 years ago |
gather_op.h
|
fix error message, test=develop (#24425)
|
6 years ago |
gather_test.cc
|
…
|
|
gather_tree_op.cc
|
Replace risky GetInputType method with secure IndicateVarDataType interface (#20668)
|
6 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)
|
6 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
|
rand API: remove out, device, stop_gradient; add name (#25246)
|
5 years ago |
gaussian_random_op.cu
|
add tensor support for gaussian_random_op test=develop (#24389)
|
6 years ago |
gelu_op.cc
|
Add DNNL GELU kernels (#22426)
|
6 years ago |
gelu_op.cu
|
add approximation for gelu, test=develop (#22961)
|
6 years ago |
gelu_op.h
|
add MKL computation back to gelu's non-approximate part (#23420)
|
6 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)
|
6 years ago |
grid_sampler_cudnn_op.cu.cc
|
Optimize the error messages of paddle CUDA API (#23816)
|
6 years ago |
grid_sampler_op.cc
|
Update OP_INOUT_CHECK (#23757)
|
6 years ago |
grid_sampler_op.h
|
code style fix
|
7 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)
|
6 years ago |
group_norm_op.h
|
fixed group_norm's bug and modified unittest (#20506)
|
6 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
|
7 years ago |
gru_op.h
|
Fix the uninitialized gru_value.output_value. (#17197)
|
7 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
|
7 years ago |
gru_unit_op.h
|
complete gru_unite_op and test
|
7 years ago |
hash_op.cc
|
fix check and error message for flatten hash is_empty op (#24434)
|
6 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)
|
6 years ago |
hinge_loss_op.cc
|
Error message enhancement of 6 op (#23759)
|
6 years ago |
hinge_loss_op.cu
|
Fix Eigen macro when using GPU
|
7 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)
|
6 years ago |
huber_loss_op.cu
|
Fix Eigen macro when using GPU
|
7 years ago |
huber_loss_op.h
|
Add dygraph execution context (#20157)
|
6 years ago |
im2sequence_op.cc
|
Enhance checking in some operator. (#24473)
|
5 years ago |
im2sequence_op.cu
|
Fix Eigen macro when using GPU
|
7 years ago |
im2sequence_op.h
|
fix security bugs : (#17464)
|
7 years ago |
increment_op.cc
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
increment_op.cu
|
…
|
|
increment_op.h
|
…
|
|
index_sample_op.cc
|
Update index sample (#24109)
|
6 years ago |
index_sample_op.cu
|
Update index sample (#24109)
|
6 years ago |
index_sample_op.h
|
Update index sample (#24109)
|
6 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)
|
6 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)
|
6 years ago |
inplace_abn_op.cu
|
Add inplace abn op (#22806)
|
6 years ago |
inplace_abn_op.h
|
Add inplace abn op (#22806)
|
6 years ago |
instance_norm_op.cc
|
fix instance norm in dy (#24717)
|
5 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)
|
6 years ago |
interpolate_op.cc
|
rename inplace/no_need_buffer inferer, part 1, test=develop (#24711)
|
5 years ago |
interpolate_op.cu
|
add linear interpolate operator (#23357)
|
6 years ago |
interpolate_op.h
|
add linear interpolate operator (#23357)
|
6 years ago |
inverse_op.cc
|
Add the implementation of inverse (#23310)
|
6 years ago |
inverse_op.cu.cc
|
Add the implementation of inverse (#23310)
|
6 years ago |
inverse_op.h
|
Add the implementation of inverse (#23310)
|
6 years ago |
is_empty_op.cc
|
fix check and error message for flatten hash is_empty op (#24434)
|
6 years ago |
is_empty_op.cu.cc
|
Rewrite is_empty op to avoid unnecessary data transform. (#15509)
|
7 years ago |
is_empty_op.h
|
Rewrite is_empty op to avoid unnecessary data transform. (#15509)
|
7 years ago |
isfinite_op.cc
|
API(has_inf, has_nan, cumsum, fsp_matrix, increment) error message enhancement, test=develop (#23769)
|
6 years ago |
isfinite_op.cu
|
Fix Eigen macro when using GPU
|
7 years ago |
isfinite_op.h
|
enhance isinf/isnan in tensor util, avoid copy back to cpu (#12688)
|
7 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
|
7 years ago |
kldiv_loss_op.h
|
remove eval() calls in Eigen, test=develop (#21498)
|
6 years ago |
kron_op.cc
|
fix kron_op: when only one input needs gradient, test=develop (#24269)
|
6 years ago |
kron_op.cu
|
add kron op (#24105)
|
6 years ago |
kron_op.h
|
fix kron_op: when only one input needs gradient, test=develop (#24269)
|
6 years ago |
l1_norm_op.cc
|
API/OP error message enhancement (#23684)
|
6 years ago |
l1_norm_op.cu
|
Fix Eigen macro when using GPU
|
7 years ago |
l1_norm_op.h
|
API/OP error message enhancement (#23684)
|
6 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)
|
6 years ago |
label_smooth_op.h
|
Fix default label dim of label_smooth_op. test=develop (#21862)
|
6 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)
|
6 years ago |
layer_norm_op.h
|
restrict block num of layer_norm_grad cuda block to 128 (#23878)
|
6 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)
|
6 years ago |
linspace_op.cc
|
Add the error raise for some operators, add some test cases
|
6 years ago |
linspace_op.cu
|
Fix index overflow bug of the CUDA kernel loop increment (#25435)
|
5 years ago |
linspace_op.h
|
test=develop
|
7 years ago |
load_combine_op.cc
|
fix mix input type error, test=develop
|
7 years ago |
load_combine_op.cu
|
checkpoint pr be moved here, test=develop
|
7 years ago |
load_combine_op.h
|
Op (Save/LoadCombine) error message enhancement (#23647)
|
6 years ago |
load_op.cc
|
memory leak for cpu (#21174)
|
6 years ago |
load_op.cu
|
checkpoint pr be moved here, test=develop
|
7 years ago |
load_op.h
|
Op (Save/Load) error message enhancement, test=develop (#23650)
|
6 years ago |
lod_array_length_op.cc
|
API(fluid.layers.array_length) error message enhancement (#23547)
|
6 years ago |
lod_rank_table_op.cc
|
improve efficiency of runtime InferVarType (#22778)
|
6 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)
|
6 years ago |
lod_tensor_to_array_op.cc
|
improve efficiency of runtime InferVarType (#22778)
|
6 years ago |
log_loss_op.cc
|
API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118)
|
6 years ago |
log_loss_op.cu
|
Fix Eigen macro when using GPU
|
7 years ago |
log_loss_op.h
|
…
|
|
lookup_sparse_table_op.cc
|
OP(datanorm lookupsparsetable lookuptable) error message enhancement (#24506)
|
6 years ago |
lookup_table_dequant_op.cc
|
add lookup_table_dequant_op (#22900)
|
6 years ago |
lookup_table_dequant_op.h
|
add lookup_table_dequant_op (#22900)
|
6 years ago |
lookup_table_op.cc
|
rename inplace/no_need_buffer inferer, part 1, test=develop (#24711)
|
5 years ago |
lookup_table_op.cu
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
lookup_table_op.h
|
OP(datanorm lookupsparsetable lookuptable) error message enhancement (#24506)
|
6 years ago |
lookup_table_v2_op.cc
|
rename inplace/no_need_buffer inferer, part 1, test=develop (#24711)
|
5 years ago |
lookup_table_v2_op.cu
|
optimize embedding cuda kernel lookup_table_v2,test=develop (#25587)
|
5 years ago |
lookup_table_v2_op.h
|
Add dygraph execution context (#20157)
|
6 years ago |
lrn_op.cc
|
Error message enhancement of 6 op (#23759)
|
6 years ago |
lrn_op.cu
|
lrn supports channel_last input, test=develop (#20954)
|
6 years ago |
lrn_op.h
|
Error message enhancement of 6 op (#23759)
|
6 years ago |
lstm_op.cc
|
API(dynamic_lstm, dynamic_lstmp) error message enhancement (#24450)
|
6 years ago |
lstm_op.cu.cc
|
…
|
|
lstm_op.h
|
API(dynamic_gru, chunk_eval, BeamSearchDecoder) error message enhancement (#24513)
|
6 years ago |
lstm_unit_op.cc
|
Imperative tracer refactoring (#22457)
|
6 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)
|
6 years ago |
lstmp_op.cc
|
API(dynamic_lstm, dynamic_lstmp) error message enhancement (#24450)
|
6 years ago |
lstmp_op.cu
|
…
|
|
lstmp_op.h
|
API(dynamic_gru, chunk_eval, BeamSearchDecoder) error message enhancement (#24513)
|
6 years ago |
margin_rank_loss_op.cc
|
API/OP (margin_rank_loss, nce, row_conv, positive_negative_pair) erro… (#24246)
|
6 years ago |
margin_rank_loss_op.cu
|
…
|
|
margin_rank_loss_op.h
|
…
|
|
match_matrix_tensor_op.cc
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 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
|
added reshape transpose matmul fuse pass (#23754)
|
6 years ago |
max_sequence_len_op.cc
|
fix error info for transpose sequence_conv_pool max_sequence_len sequ… (#24437)
|
6 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)
|
6 years ago |
maxout_op.cu.cc
|
…
|
|
maxout_op.h
|
maxout supports channel_last input (#20846)
|
6 years ago |
mean_iou_op.cc
|
OP Normal, Uniform, Xavier Initializer, smooth_l1, mean_iou error message enhancement (#23751)
|
6 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)
|
6 years ago |
mean_op.h
|
OP error message enhancement of l2_normalize, matmul, mean, etc
|
6 years ago |
merge_lod_tensor_op.cc
|
OP clip, merge_lod_tensor, convert/elementwise error message enhancement (#23742)
|
6 years ago |
merge_selected_rows_op.cc
|
Improving error reporting messages for ops (#24438)
|
6 years ago |
merge_selected_rows_op.cu.cc
|
Fix clip.py (#14718)
|
7 years ago |
merge_selected_rows_op.h
|
Fix clip.py (#14718)
|
7 years ago |
meshgrid_op.cc
|
Add meshgrid op (#23736)
|
6 years ago |
meshgrid_op.cu
|
Add meshgrid op (#23736)
|
6 years ago |
meshgrid_op.h
|
Add meshgrid op (#23736)
|
6 years ago |
minus_op.cc
|
OP(minus) error message enhancement. test=develop (#23621)
|
6 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)
|
6 years ago |
modified_huber_loss_op.cu
|
…
|
|
modified_huber_loss_op.h
|
refine Error message of modified_huber_loss (#24417)
|
6 years ago |
mul_op.cc
|
improve efficiency of runtime InferVarType (#22778)
|
6 years ago |
mul_op.cu.cc
|
support fc_op double grad (#17317)
|
7 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)
|
6 years ago |
multiplex_op.cu
|
Upgrade Error Message for AucOP & MultiplexOP (#24458)
|
6 years ago |
multiplex_op.h
|
Upgrade Error Message for AucOP & MultiplexOP (#24458)
|
6 years ago |
nce_op.cc
|
rename inplace/no_need_buffer inferer, part 1, test=develop (#24711)
|
5 years ago |
nce_op.h
|
Add dygraph execution context (#20157)
|
6 years ago |
nll_loss_op.cc
|
add nll_loss op test=develop (#23758)
|
6 years ago |
nll_loss_op.cu
|
Fix index overflow bug of the CUDA kernel loop increment (#25435)
|
5 years ago |
nll_loss_op.h
|
add nll_loss op test=develop (#23758)
|
6 years ago |
norm_op.cc
|
API/OP error message enhancement (#23684)
|
6 years ago |
norm_op.cu
|
…
|
|
norm_op.h
|
test=develop
|
7 years ago |
norm_utils.h
|
add instance norm (#19500)
|
6 years ago |
one_hot_op.cc
|
Error message enhancement of 6 op (#23759)
|
6 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)
|
6 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)
|
6 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)
|
6 years ago |
op_debug_string_test.cc
|
extend elementwise broadcast function (#20957)
|
6 years ago |
p_norm_op.cc
|
fix compile problem on windows and some invalid argument check
|
6 years ago |
p_norm_op.cu
|
fix compile problem on windows and some invalid argument check
|
6 years ago |
p_norm_op.h
|
Add new norm api, support frobenius norm and p-order vector norm. (#23716)
|
6 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 |
pad_constant_like_op.cc
|
OP(pad, pad2d, pad_constant_like) error message enhancement (#23882)
|
6 years ago |
pad_constant_like_op.cu
|
add register op_data_type of pad/expand_as et.al (#21718)
|
6 years ago |
pad_constant_like_op.h
|
Update the precision of pad, pad2d, pad_constant_like's unit tests from fp32 to fp64 (#22394)
|
6 years ago |
pad_op.cc
|
OP(pad, pad2d, pad_constant_like) error message enhancement (#23882)
|
6 years ago |
pad_op.cu
|
add register op_data_type of pad/expand_as et.al (#21718)
|
6 years ago |
pad_op.h
|
Add fp16 support for pad and split (#19881)
|
6 years ago |
partial_concat_op.cc
|
Imperative tracer refactoring (#22457)
|
6 years ago |
partial_concat_op.cu
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
partial_concat_op.h
|
add partial_concat op in contrib (#22528)
|
6 years ago |
partial_sum_op.cc
|
Imperative tracer refactoring (#22457)
|
6 years ago |
partial_sum_op.cu
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
partial_sum_op.h
|
add partial_sum op in contrib (#22292)
|
6 years ago |
pixel_shuffle_op.cc
|
Fix err message (#24507)
|
6 years ago |
pixel_shuffle_op.cu
|
Add Pixel shuffle OP (#15782)
|
7 years ago |
pixel_shuffle_op.h
|
Add Pixel shuffle OP (#15782)
|
7 years ago |
pool_cudnn_op.cu.cc
|
replace CUDNN_ENFORCE with PADDLE_ENFORCE_CUDA_SUCCESS, test=develop (#22109)
|
6 years ago |
pool_op.cc
|
improve efficiency of runtime InferVarType (#22778)
|
6 years ago |
pool_op.cu.cc
|
…
|
|
pool_op.h
|
[MKL-DNN] Pool & LRN Grad Ops NHWC support (#21747)
|
6 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
|
7 years ago |
positive_negative_pair_op.cc
|
API/OP (margin_rank_loss, nce, row_conv, positive_negative_pair) erro… (#24246)
|
6 years ago |
positive_negative_pair_op.h
|
update CMakeLists.txt
|
7 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)
|
6 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)
|
6 years ago |
prroi_pool_op.cu
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
prroi_pool_op.h
|
fix typo words (#22653)
|
6 years ago |
psroi_pool_op.cc
|
Update paddle enforce message (#24498)
|
6 years ago |
psroi_pool_op.cu
|
this is for psroi_pool op, test=develop (#14796)
|
7 years ago |
psroi_pool_op.h
|
Update paddle enforce message (#24498)
|
6 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)
|
6 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)
|
6 years ago |
pull_sparse_op.h
|
add fleet pslib pull and push sparse op and push dense op (#23139)
|
6 years ago |
pull_sparse_v2_op.cc
|
add fleet pslib pull and push sparse op and push dense op (#23139)
|
6 years ago |
pull_sparse_v2_op.h
|
add fleet pslib pull and push sparse op and push dense op (#23139)
|
6 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)
|
6 years ago |
py_func_op.cc
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
py_func_op.h
|
try fix py2
|
7 years ago |
pyramid_hash_op.cc
|
add noavx_axpy and noavx_axpy_noadd (#24207)
|
6 years ago |
quantize_op.cc
|
[DNNL] Fix accuracy in INT8 FC (#22404)
|
6 years ago |
quantize_op.h
|
Add Quantize OP
|
7 years ago |
queue_generator_op.cc
|
add queue_generator_op, dequeue_op, enqueue_op and ut (#24481)
|
5 years ago |
randint_op.cc
|
add 'seed' arguemnt of randint API (#23809)
|
6 years ago |
randint_op.cu
|
add 'seed' arguemnt of randint API (#23809)
|
6 years ago |
random_crop_op.cc
|
API/OP (affine_channel, group_norm, layer_norm, random_crop, unpool, … (#24118)
|
6 years ago |
random_crop_op.cu
|
…
|
|
random_crop_op.h
|
API/OP (group_norm, layer_norm, random_crop, unpool) error message enhancement (#24413)
|
6 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
|
[OP] Add randperm op (#23292)
|
6 years ago |
range_op.cc
|
fix error log, test=develop (#24419)
|
6 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)
|
6 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)
|
6 years ago |
rank_attention_op.cu
|
Add rank_attention_op attributes for GPU memory in contrib (#23915)
|
6 years ago |
rank_attention_op.h
|
fix conflict, test=develop (#23298)
|
6 years ago |
rank_loss_op.cc
|
OP(rank_loss, similarity_focus, squeeze) error message enhancement (#24448)
|
6 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)
|
6 years ago |
recurrent_op.h
|
OP (recurrent) error message enhancement (#23481)
|
6 years ago |
reorder_lod_tensor_by_rank_op.cc
|
Op (reorder_lod_tensor_by_rank) error message enhancement (#23552)
|
6 years ago |
requantize_op.cc
|
Replace risky GetInputType method with secure IndicateVarDataType interface (#20668)
|
6 years ago |
requantize_op.h
|
Add Requantize OP (#15318)
|
7 years ago |
reshape_op.cc
|
rename inplace/no_need_buffer inferer, part 1, test=develop (#24711)
|
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
|
optimize error message, test=develop (#24420)
|
6 years ago |
roi_align_op.cu
|
Fix index overflow bug of the CUDA kernel loop increment (#25435)
|
5 years ago |
roi_align_op.h
|
optimize error message, test=develop (#24420)
|
6 years ago |
roi_pool_op.cc
|
Update paddle enforce message (#24498)
|
6 years ago |
roi_pool_op.cu
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
roi_pool_op.h
|
Update paddle enforce message (#24498)
|
6 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)
|
6 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)
|
6 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
|
Implement StaticModelRunner to support dygraph fine-tune static graph pre-training model (#23171)
|
6 years ago |
run_program_op.cu.cc
|
Implement StaticModelRunner to support dygraph fine-tune static graph pre-training model (#23171)
|
6 years ago |
run_program_op.h
|
[Dy2Stat] Fix scope in run_program_op (#25579)
|
5 years ago |
sample_logits_op.cc
|
Remove extraneous comma in error messages (#24478)
|
6 years ago |
sample_logits_op.cu
|
fix lod_reset bug, test=develop (#21392)
|
6 years ago |
sample_logits_op.h
|
Remove extraneous comma in error messages (#24478)
|
6 years ago |
sampling_id_op.cc
|
SamplingID Op fix error print (#24521)
|
6 years ago |
sampling_id_op.cu
|
…
|
|
sampling_id_op.h
|
SamplingID Op fix error print (#24521)
|
6 years ago |
save_combine_op.cc
|
improve efficiency of runtime InferVarType (#22778)
|
6 years ago |
save_combine_op.cu
|
add register op_data_type of pad/expand_as et.al (#21718)
|
6 years ago |
save_combine_op.h
|
supports loading model from memory, test=develop (#24098)
|
6 years ago |
save_load_combine_op_test.cc
|
checkpoint pr be moved here, test=develop
|
7 years ago |
save_load_op_test.cc
|
checkpoint pr be moved here, test=develop
|
7 years ago |
save_op.cc
|
improve efficiency of runtime InferVarType (#22778)
|
6 years ago |
save_op.cu
|
checkpoint pr be moved here, test=develop
|
7 years ago |
save_op.h
|
Op (Save/Load) error message enhancement, test=develop (#23650)
|
6 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
|
update ops's unittest data type from float32 to float64 and shape over 100 (#22544)
|
6 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)
|
6 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)
|
6 years ago |
scatter_nd_add_op.h
|
fix error message, test=develop (#24447)
|
6 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)
|
6 years ago |
scatter_op.h
|
fix error message, test=develop (#24447)
|
6 years ago |
scatter_test.cc
|
Fix bug in uts
|
7 years ago |
search_compute.h
|
support build on arm. test=develop (#25212)
|
5 years ago |
seed_op.cc
|
add cuda kernel for seed, test=develop (#23749)
|
6 years ago |
seed_op.cu
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
seed_op.h
|
Dropout with seed (#21590)
|
6 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)
|
6 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
|
improve efficiency of runtime InferVarType (#22778)
|
6 years ago |
selu_op.cu
|
Add selu (#14415)
|
7 years ago |
selu_op.h
|
revert revert 16144
|
7 years ago |
shape_op.cc
|
fix error log, test=develop (#24419)
|
6 years ago |
shape_op.cu
|
register fp16 kernel, test=develop (#25630)
|
5 years ago |
shape_op.h
|
[Dy2stat] Support len syntax (#24638)
|
5 years ago |
shard_index_op.cc
|
Improving error reporting messages for ops (#24438)
|
6 years ago |
shard_index_op.cu
|
Improving error reporting messages for ops (#24438)
|
6 years ago |
shard_index_op.h
|
Improving error reporting messages for ops (#24438)
|
6 years ago |
shrink_rnn_memory_op.cc
|
OP(compare/get_places/shrink_rnn_memory) error message enhancement (#23780)
|
6 years ago |
shuffle_batch_op.cc
|
Imperative tracer refactoring (#22457)
|
6 years ago |
shuffle_batch_op.h
|
add shuffle batch op (#21674)
|
6 years ago |
shuffle_channel_op.cc
|
Imperative tracer refactoring (#22457)
|
6 years ago |
shuffle_channel_op.cu
|
fix some grad op desc maker (#16581)
|
7 years ago |
shuffle_channel_op.h
|
fix some grad op desc maker (#16581)
|
7 years ago |
sigmoid_cross_entropy_with_logits_op.cc
|
Enhance error message of cross_entropy_op, sigmoid_cross_entropy_with_logits_op (#24485)
|
6 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)
|
7 years ago |
sign_op.cc
|
update error info of ops,add some test cases for raise message (#23750)
|
6 years ago |
sign_op.cu
|
"fix op. test=develop"
|
7 years ago |
sign_op.h
|
…
|
|
similarity_focus_op.cc
|
OP(rank_loss, similarity_focus, squeeze) error message enhancement (#24448)
|
6 years ago |
similarity_focus_op.h
|
OP(rank_loss, similarity_focus, squeeze) error message enhancement (#24448)
|
6 years ago |
size_op.cc
|
Optimize error message, include dgc, nccl, size op (#24456)
|
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
|
rename inplace/no_need_buffer inferer, part4, test=develop (#24781)
|
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)
|
6 years ago |
smooth_l1_loss_op.cu
|
Fix Eigen macro when using GPU
|
7 years ago |
smooth_l1_loss_op.h
|
…
|
|
softmax_cudnn_op.cu.cc
|
refine softmax kernel. test=develop
|
7 years ago |
softmax_op.cc
|
Update paddle enforce message (#24498)
|
6 years ago |
softmax_op.cu.cc
|
Add fp16 backward support (#14202)
|
7 years ago |
softmax_op.h
|
fix format. test=develop
|
7 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)
|
6 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)
|
6 years ago |
space_to_depth_op.h
|
test=develop
|
7 years ago |
spectral_norm_op.cc
|
Update OP_INOUT_CHECK (#23757)
|
6 years ago |
spectral_norm_op.cu
|
fix spectral_norm doc. test=develop
|
7 years ago |
spectral_norm_op.h
|
fix PADDLE_THROW in spectral_norm_op.h. test=develop (#24414)
|
6 years ago |
split_lod_tensor_op.cc
|
Error Message Enhancement (#23483)
|
6 years ago |
split_op.cc
|
fix typo word (#22784)
|
6 years ago |
split_op.cu.cc
|
Add fp16 support for pad and split (#19881)
|
6 years ago |
split_op.h
|
Imperative tracer refactoring (#22457)
|
6 years ago |
split_selected_rows_op.cc
|
test=develop, error info improvement (#24496)
|
6 years ago |
split_selected_rows_op.cu
|
…
|
|
split_selected_rows_op.h
|
test=develop, error info improvement (#24496)
|
6 years ago |
spp_op.cc
|
Update paddle enforce message (#24498)
|
6 years ago |
spp_op.cu.cc
|
…
|
|
spp_op.h
|
add adaptive pool 2d & 3d. test=develop
|
7 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
|
7 years ago |
squared_l2_distance_op.h
|
Refine `squared_l2_distance_grad` error message (#24409)
|
6 years ago |
squared_l2_norm_op.cc
|
API/OP error message enhancement (#23684)
|
6 years ago |
squared_l2_norm_op.cu
|
Fix Eigen macro when using GPU
|
7 years ago |
squared_l2_norm_op.h
|
API/OP error message enhancement (#23684)
|
6 years ago |
squeeze_op.cc
|
Refine squeeze, test=develop (#25281)
|
5 years ago |
squeeze_op.cu.cc
|
register fp16 kernel for some ops (#22650) (#22696)
|
6 years ago |
squeeze_op.h
|
Refine squeeze, test=develop (#25281)
|
5 years ago |
stack_op.cc
|
Imperative tracer refactoring (#22457)
|
6 years ago |
stack_op.cu
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
stack_op.h
|
Refine stack op to improve xlnet performance, test=develop (#22142)
|
6 years ago |
strided_memcpy.h
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
strided_memcpy_test.cc
|
refactor(memory): rewrite memory allocation and make it extentable
|
7 years ago |
strided_slice_op.cc
|
rename inplace/no_need_buffer inferer, part3, test=develop (#24734)
|
5 years ago |
strided_slice_op.cu
|
Strided slice (#19642)
|
6 years ago |
strided_slice_op.h
|
Support int32 int64 and fix bug (#24407)
|
6 years ago |
sum_op.cc
|
rename inplace/no_need_buffer inferer, part 1, test=develop (#24711)
|
5 years ago |
sum_op.cu
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
sum_op.h
|
Add some error meesage and dtyp, dtyep check for some ops (#23762)
|
6 years ago |
sync_batch_norm_op.cc
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
sync_batch_norm_op.cu
|
Add trainable_statistics in attr for batch_norm. (#24072)
|
6 years ago |
sync_batch_norm_op.cu.h
|
fix compile when with_nccl=off. test=develop (#24444)
|
6 years ago |
tdm_child_op.cc
|
Add Tdm child OP in contrib (#23241)
|
6 years ago |
tdm_child_op.h
|
Add Tdm child OP in contrib (#23241)
|
6 years ago |
tdm_sampler_op.cc
|
Add Tdm sampler op in Contrib (#23290)
|
6 years ago |
tdm_sampler_op.h
|
Add Tdm sampler op in Contrib (#23290)
|
6 years ago |
teacher_student_sigmoid_loss_op.cc
|
Refine error message, test=develop (#23823)
|
6 years ago |
teacher_student_sigmoid_loss_op.h
|
remove some comments & refine doc & put template class in .h
|
7 years ago |
temporal_shift_op.cc
|
Update OP_INOUT_CHECK (#23757)
|
6 years ago |
temporal_shift_op.cu
|
fix adaptive_pool2d/pool3d error message. test=develop (#23658)
|
6 years ago |
temporal_shift_op.h
|
fix format. test=develop
|
7 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)
|
6 years ago |
tensor_formatter.cc
|
Add Assert Op (#24280)
|
6 years ago |
tensor_formatter.h
|
Add Assert Op (#24280)
|
6 years ago |
test_leaky_relu_grad_grad_functor.cc
|
fix leaky_relu op when alpha is zero, test=develop (#19833)
|
6 years ago |
test_leaky_relu_grad_grad_functor.cu
|
fix leaky_relu op when alpha is zero, test=develop (#19833)
|
6 years ago |
test_leaky_relu_grad_grad_functor.h
|
fix leaky_relu op when alpha is zero, test=develop (#19833)
|
6 years ago |
top_k_op.cc
|
Imperative tracer refactoring (#22457)
|
6 years ago |
top_k_op.cu
|
Add TopK Op Grad CPU&GPU Kernel test=develop (#22628)
|
6 years ago |
top_k_op.h
|
Add TopK Op Grad CPU&GPU Kernel test=develop (#22628)
|
6 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
|
fix error info for transpose sequence_conv_pool max_sequence_len sequ… (#24437)
|
6 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
|
Add Support for SelectedRows for Transpose OP and Fix a Bug That SelectedRows Cannot be Supported in SimNet (#25536)
|
5 years ago |
tree_conv_op.cc
|
test=develop, error message of tree_conv OP enhancement (#23574)
|
6 years ago |
tree_conv_op.cu
|
Tree conv op (#15217)
|
7 years ago |
tree_conv_op.h
|
Tree conv op (#15217)
|
7 years ago |
tril_triu_op.cc
|
add tril op and triu op (#23469)
|
6 years ago |
tril_triu_op.cu
|
add tril op and triu op (#23469)
|
6 years ago |
tril_triu_op.h
|
add tril op and triu op (#23469)
|
6 years ago |
truncated_gaussian_random_op.cc
|
API/OP error message enhancement (#23717)
|
6 years ago |
truncated_gaussian_random_op.cu
|
Fix truncated norm (#13785)
|
7 years ago |
unbind_op.cc
|
add unbind op (#23359)
|
6 years ago |
unbind_op.cu.cc
|
add unbind op (#23359)
|
6 years ago |
unbind_op.h
|
add unbind op (#23359)
|
6 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)
|
6 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
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 years ago |
uniform_random_op.cu
|
Modify the style of function names (#20071)
|
6 years ago |
uniform_random_op.h
|
OP error message enhancement of l2_normalize, matmul, mean, etc
|
6 years ago |
unique_op.cc
|
Add some error meesage and dtyp, dtyep check for some ops (#23762)
|
6 years ago |
unique_op.h
|
Add some error meesage and dtyp, dtyep check for some ops (#23762)
|
6 years ago |
unique_with_counts_op.cc
|
Add some error meesage and dtyp, dtyep check for some ops (#23762)
|
6 years ago |
unique_with_counts_op.h
|
Add the op of unique_with_counts, expand count function of the op unique (#18720)
|
6 years ago |
unpool_op.cc
|
API/OP (group_norm, layer_norm, random_crop, unpool) error message enhancement (#24413)
|
6 years ago |
unpool_op.cu.cc
|
…
|
|
unpool_op.h
|
fix security bugs : (#17464)
|
7 years ago |
unsqueeze_op.cc
|
rename inplace/no_need_buffer inferer, part3, test=develop (#24734)
|
5 years ago |
unsqueeze_op.cu.cc
|
register fp16 kernel for some ops (#22650) (#22696)
|
6 years ago |
unsqueeze_op.h
|
Update paddle enforce message (#24498)
|
6 years ago |
unstack_op.cc
|
update error message for unstack op and lamb op; test=develop (#24439)
|
6 years ago |
unstack_op.cu
|
add kernel for unstack_op, test=develop (#19538)
|
6 years ago |
unstack_op.h
|
add kernel for unstack_op, test=develop (#19538)
|
6 years ago |
utils.h
|
Support int32 int64 and fix bug (#24407)
|
6 years ago |
var_conv_2d_op.cc
|
Add macro BOOST_GET to enrich the error information of boost :: get (#24175)
|
6 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)
|
6 years ago |
where_index_op.cc
|
add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176)
|
6 years ago |
where_index_op.cu
|
add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176)
|
6 years ago |
where_index_op.h
|
add new api for Paddle2.0: nonzero, index_selct, roll, cross (#23176)
|
6 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)
|
6 years ago |
where_op.h
|
Implement a new C++ operator where and API tensor.where (#23220)
|
6 years ago |