lilong12
ed9dd7c9f0
add send and recv ops ( #28590 )
...
* update, test=develop
5 years ago
Zhong Hui
a829357e4d
register the op version for some ops
...
register the op version for some ops
5 years ago
Zhou Wei
bf6e7cba7a
updata 2.0 API english doc ( #28525 )
...
* make Numpy version is below 1.19.3
* fix 2.0 doc
5 years ago
YUNSHEN XIE
7b1619e69b
disable test_trt_dynamic_shape_transformer_prune,test=document_fix ( #28588 )
5 years ago
Zhou Wei
849467b5aa
fix user set CUDA_VISIBLE_DEVICES start/end with quotation marks ( #28547 )
5 years ago
Shang Zhizhou
8699f38d08
裁剪transformer模型trt支持;修复tensorRT不支持DeletePass的bug ( #28517 )
...
* skip_layernorm_op done
* add unittest
* slice op convertor support trt < 6
* skip_layernorm only work in ernie
5 years ago
joejiong
08d2413142
add log2 operator ( #28319 )
...
As the title
5 years ago
lidanqing
0fc181dbd0
[Fix bug] If the pass name is not found, IsCompatible should return false ( #28475 )
5 years ago
Wilber
1bf4836580
[Inference] Add TryShrinkMemory interface. ( #28409 )
5 years ago
wangchaochaohu
c52fe48f6f
fix the GetKernelTypeForVar of input for fluid.gather ( #28534 )
5 years ago
wangchaochaohu
d7cfee9b31
Checkout point add ( #28488 )
...
* upgrade pass capability
5 years ago
Pei Yang
75196cda40
Paddle-TRT int8 support mul op channelwise quant ( #28422 )
...
* paddle-trt support mul channelwise quant
* add support for depthwise_conv2d
* add errmsg for unsupported op type
5 years ago
zhupengyang
47cbf61dd4
fix softmax unittest float16 random error ( #28480 )
5 years ago
YUNSHEN XIE
369605be1d
fix cmake error when execute build_inference_lib ( #28503 )
5 years ago
Wilber
645e999afc
fix api_impl test. ( #28483 )
5 years ago
YUNSHEN XIE
1e698c600e
fix cmake error when setting ut timeout properity ( #28492 )
5 years ago
wangchaochaohu
e14ed71cc2
refine the performance of gather Op ( #28458 )
5 years ago
YUNSHEN XIE
ba0756325a
exec ut no more than 15s 1 ( #28439 )
...
* disable ut test_parallel_executor_fetch_isolated_var,test=document_fix
* test for limiting ut exec time as 15S
* fix an error caused by cannot find ut
* fix some error
* can not find test_transformer
* fix error caused by ut not run in windows
* fix error caused by Compiler Options
* fix error caused by setting timeout value as 15 in python/paddle/tests/CMakeLists.txt
* setting timeout value to 120s for old ut
* add the timeout value setting
* fix error caused by ut only run in coverage_ci
* add analyzer_transformer_profile_tester
* fix some error
* fix some error
* fix error with inference option
* fix error with inference option setting as ON_INFER
* add some ut to set timeout
* modified some option
* fix error
* fix some timeout error
* fix error
* fix error
* fix timeout for test_analyzer_bfloat16_resnet50
* fix error
* setting timeout properity for some ut
* first pr for new ut timeout as 15S
5 years ago
Chen Weihang
155b4f9b6c
Remove selected rows all reduce over height check ( #28460 )
...
* remove slelected rows all reduce over height check
* polish unittest
5 years ago
taixiurong
fad4744aa4
fix crash in adam in xpu, *test=kunlun ( #28433 )
5 years ago
QingshuChen
6bba8e57b1
fix batch_norm_xpu bug & remove xpusimulator dependence ( #28430 )
...
*test=kunlun
5 years ago
Wilber
ced5c40c41
Update memory release interface. ( #28456 )
5 years ago
joanna.wozna.intel
7821759d48
Add bfloat16 softmax and gelu ( #28394 )
...
* Add bfloat16 softmax and gelu
* Add pass attr bfloat16_enabled_op_types
* Changes from review
5 years ago
iducn
ba0fe0a812
revert the modified shell script ( #28453 )
5 years ago
Chen Weihang
c42e656179
Add retry for dygraph parallel socket bind ( #28404 )
...
* add retry for dygraph parallel socket bind
* change to loop always
* fix writing error
5 years ago
石晓伟
c41fd033e5
check op_version_registry in CI test, test=develop ( #28402 )
5 years ago
Jacek Czaja
ca41541472
[oneDNN]Sum bf16 kernel ( #28382 )
...
* - Added sum bf16 oneDNN
test=develop
* - Fix to UT of sum bf16
test=develop
5 years ago
Chen Weihang
23439b1688
show cpp stack when catch signal ( #28415 )
5 years ago
Leo Chen
44a476c2ab
support cuda pinned place ( #28416 )
5 years ago
lidanqing
12b9587be5
Add conv_bias pass version python test ( #28278 )
...
* add conv_bias pass version test
* update according to reviews
5 years ago
Wilber
05114693cf
[Inference] Memory modification for ShrinkMemory. ( #28355 )
5 years ago
Leo Chen
8b2436a776
Add broadcast_shape api ( #28257 )
...
* add broadcast_shape api
* add ut
* follow comments
* add example code, test=dodument_fix
* update example code, test=document_fix
5 years ago
石晓伟
21a63f6f90
enhance the op_version_registry, test=develop ( #28347 )
...
* enhance the op_version_registry, test=develop
* add unittests, test=develop
* enhance the op_version_registry, test=develop
* fix bugs, test=develop
* revert pybind_boost_headers.h, test=develop
* fix a attribute bug, test=develop
5 years ago
Shang Zhizhou
ea851796e5
TensorRT中ernie模型推理性能优化,支持变长输入 ( #28367 )
...
* fp16 result ok
* change -DWITH_NVINFER_PLUGIN toconfig.EnableTensorRtOSS
* auto detect special slice op converter for ernie with trt oss
* ernie oss only support fp16
* fix special_slice_plugin serialize bug
* matmul in tensorrt ok
* ernie unittest ok
* add matmul tensorrt unittest
* remove demo code
5 years ago
Jacek Czaja
84cc61b2cd
[oneDNN] sum op refactor ( #28318 )
5 years ago
Wilber
6f0f45f69c
copy_to_cpu support uint8 ( #28372 )
5 years ago
Wilber
09fd2b2aab
Paddle support compile on sw ( #27858 )
5 years ago
Leo Chen
6115c14fca
Pool2d cuda kernel supports fp16 ( #28316 )
...
* pool2d cuda kernel supports fp16
* fix compile issue of template
* add ut
5 years ago
Guo Sheng
9a600df373
Add rnn_op ( #28197 )
...
* Add rnn_op.
test=develop
* Fix rnn_op grad maker's drop_empty_grad.
test=develop
5 years ago
wangchaochaohu
0f4b6247c8
refine the gpu config for performance optimization ( #28291 )
5 years ago
Huihuang Zheng
acc11c2a62
Retry CUDA Initialization to Fix Random Failure, test=develop ( #28323 )
...
This PR is follow up of #28213 . On that PR we tried to decrease GPU usage, however the CI still randomly failed. So I added retry logic for the initialization of nccl and cusolver. If the initialization failed, we can retry to avoid the random failure.
5 years ago
wangguanzhong
5262b02585
add generate_proposals_v2 op ( #28214 )
...
* add generate_proposals_v2 op
5 years ago
石晓伟
d9b5f1261c
update the version of pybind, test=develop ( #28284 )
...
* update version pybind to v2.4.3, test=develop
* update unittests, test=develop
5 years ago
Leo Chen
18c86fb2fb
hide some logs of p2p ( #28307 )
5 years ago
lidanqing
8cd1c102d9
Enable GRU infer model running CAPI ( #28313 )
...
* enable infer model running CAPI
* output size should bigger than 0
5 years ago
wangguanzhong
1c385e26f9
add op_function_generator for box_coder ( #28303 )
...
* add op_function_generator for box_coder
* fix format
5 years ago
iducn
f763cb81a6
Modify the shell script according to the specification ( #28302 )
...
* 01:Modify the shell script according to the specification
* 01:Modify the shell script according to the specification
5 years ago
joanna.wozna.intel
571a63e7ec
Add bf16 transpose2, reshape2, concat ops ( #28195 )
5 years ago
Guanghua Yu
e8f2614da5
Enhance multiclass_nms op to support LoD for dygraph mode ( #28276 )
...
* Enhance multiclass_nms to support LoD for dygraph mode
* fix some error in multiclass_nms
* update GetLodFromRoisNum to GetNmsLodFromRoisNum
5 years ago
石晓伟
842a4e5abd
fix analyzer_capi_tester, test=develop ( #28289 )
5 years ago
Leo Chen
8953038400
Fix transpose in conv cudnn kernel when addto enabled ( #28295 )
5 years ago
Tao Luo
e1e666a05f
fix conv mkldnn build error ( #28288 )
5 years ago
Jacek Czaja
0b678d401b
- sum ( #28233 )
...
test=develop
5 years ago
Jacek Czaja
c11d9b3035
[oneDNN ] conv2d fwd&bwd optimization ( #27871 )
5 years ago
wangxinxin08
41d26a8287
update matrix nms op to api 2.0 ( #28265 )
...
* update matrix nms op to api 2.0
* modify code according to review
5 years ago
Leo Chen
7fcb32ddf3
fill_constant op supports NINF ( #28270 )
5 years ago
wangchaochaohu
6905608cea
refine yolo box Op for performace optimization ( #28155 )
5 years ago
wangchaochaohu
cdadc8f019
refine temporal_shift_op for performance optimization using gpu kernel config ( #28114 )
5 years ago
Zhang Ting
fdc06f2158
add Fuse bn add act pass ( #28196 )
...
* add fuse_bn_add_act pass
5 years ago
Chen Weihang
813b2ade34
Enrich the python error types of paddle & polish format ( #28124 )
...
* add multiple exception type
* define all exception & polish compile pystack
* mapping paddle error to python exception
* polish static mode error format
* fix failed unittests
* fix dytostatic test_error
* fix check_nan_inf failed
* add unittest for coverage
* revert some code try to solve compile error
* refactor enforce & error change
* polish code & add unittest
5 years ago
Adam Osewski
7db747d9e8
oneDNN BatchNorm + Act fusion pass. ( #27912 )
5 years ago
Zhou Wei
fb7f85291b
fix print tensor place,add cpu/cuda/pin_memory API for Tensor ( #28200 )
5 years ago
mapingshuo
81244fbfab
add sharding strategy in fleet( #27900 )
...
* add sharding
5 years ago
Chen Weihang
2babd6ff67
Add compile limit for PADDLE_ENFORCE without error message ( #28221 )
...
* add compile limit for paddle enforce
* polish elementwise_op_function.cu.h
* fix failed unittest
* fix windows compile failed
* detail polish
* revert no type constructor
5 years ago
lidanqing
4ea2330759
use FLAGS_use_mkldnn to prevent unnecessary attrs copy ( #28146 )
5 years ago
Double_V
2db77be423
fix wrong data type, test=develop ( #28203 )
5 years ago
Feiyu Chan
efe6e2840c
fix strided_slice_op's GetExpectedKernelType ( #28192 )
...
* fix strided_slice_op's GetExpectedKernelType when input tensor is at CUDAPinnedPlace
* add unittest for tensors in cuda pinned place
* skip test for cuda pinned place on cpu machines
5 years ago
Leo Chen
1f3be85914
Fix bug of fetch_async_op_handle when fetching the feed variable ( #28194 )
...
* fix bug of fetch_async_op_handle
* revert some changes of test_buffer_shared_memory_reuse_pass
* revert some changes of test_buffer_shared_memory_reuse_pass
5 years ago
WangXi
e450823b8b
Fix nccl op test failed, test=develop ( #28172 )
5 years ago
Wilber
f935ca8a50
[lite-xpu-subgraph] Fix xpu compile and test xpu ci. ( #27932 )
5 years ago
danleifeng
f29fb396df
dygraph nccl init support host domain name ( #28107 )
...
* nccl init support hostname and ip; test=develop
5 years ago
wangguanzhong
5cd97a1cb0
support multiclass nms for multi-batch, test=develop ( #28154 )
5 years ago
Pei Yang
602d2ce5c9
change avg pooling from trt plugin to trt layer ( #28032 )
5 years ago
Double_V
5289b72acc
fix Wmaybe-uninitialized warning in pooling.cc, test=develop ( #28126 )
5 years ago
Zhou Wei
5d7000215a
fix dynamic_loader more safe and error message on windows ( #28117 )
5 years ago
wangguanzhong
d1e1f17482
fix generate_proposal_labels in cascade-rcnn series model, test=develop ( #27892 )
...
* fix generate_proposal_labels in cascade-rcnn series model, test=develop
* fix example code & unittest, test=develop
* update code from review comments, test=develop
5 years ago
Leo Chen
a911c19eb0
fill_constant op supports NaN and Inf ( #28109 )
...
* fill_constant supports nan and inf
* add ut
5 years ago
zhupengyang
6dd64b0a30
randperm run error in multi-gpus ( #27942 )
5 years ago
Double_V
d43f75e4cc
add rois_num for roi_align xpu OP ( #28077 )
...
* add stack pool2d roi_align xpu op,test=kunlun
* error message opt, test=kunlun
* add xpu unittest,test=kunlun
* skip check grad,test=kunlun
* fix boostget , test=kunlun
* error message opt for XPU, test=kunlun
* add rois_num for roi_align xpu OP, test=develop
5 years ago
xiaoting
e3d02c9574
rm max_input in conv2d for kunlun, test=kunlun ( #28062 )
5 years ago
joanna.wozna.intel
a21b57109c
Add AVX512 instruction check for C-API ( #28087 )
...
* Add AVX512 instruction check for C-API
* Fix formatting
5 years ago
wangchaochaohu
463c72c2d9
refine gpu kernel config for Paddle ( #28085 )
5 years ago
yinhaofeng
2cb1ecb99e
lookup_table_v2_op_xpu report errors;test=kunlun ( #28064 )
...
* lookup_table_v2_op_xpu report errors;test=kunlun
* lookup_table_v2_op_xpu report errors;test=kunlun
5 years ago
yinhaofeng
6f0c3d1f06
xpu adam op ( #28031 )
...
* lookup_table_xpu op report errors;test=kunlun
* add adam xpu op;test=kunlun
* reset lookup
* change adam wrong;test=kunlun
5 years ago
TeslaZhao
a5c95cd588
Add xpu transpose2 op.test=kunlun ( #28086 )
5 years ago
Chengmo
5f04875c30
Fix xpu error message ( #28061 )
...
* fix error message,test=kunlun
* fix, test=kunlun
5 years ago
LutaoChu
c8d32c8c10
Fix diag OP bug on Windows Python3.8
...
Fix diag OP bug on Windows Python3.8 ,remove the std::min
5 years ago
Pei Yang
a0b2f93689
reduce trt warning message ( #28011 )
5 years ago
huangxu96
d466893820
Allclose op ( #27891 )
...
* Still has bugs.
* Fixed allclose_op bug, which cannot deal with some cases of fp64 inputs.
* improved CUDA kernel performance.
* Changed CUDA code.
* Fixed a bug in cuda kernel which cannot deal with large dimension input, and added an unittest for it.
* Add a test case for float32 input.
5 years ago
pangyoki
975bd8873b
Fix error message of multinomial op ( #27946 )
...
* fix multinomial doc
* fix multinomial error message
* little doc change
* fix Categorical class doc
* optimize format of error message
* fix CPU Kernel error message format
* fix isinf and isnan error in WindowsOPENBLAS CI
* delete inf and nan
* add manual_seed in sample code
* little error message change
* change error message to InvalidArgument
* add full point for error message and add manual_seed in CPU environment
5 years ago
Kaipeng Deng
b6eff4427c
update yolo_box support h != w. test=develop ( #27327 )
5 years ago
Double_V
c1eed1fa24
error message opt for XPU, test=kunlun ( #27972 )
...
* add stack pool2d roi_align xpu op,test=kunlun
* error message opt, test=kunlun
* add xpu unittest,test=kunlun
* skip check grad,test=kunlun
* fix boostget , test=kunlun
* error message opt for XPU, test=kunlun
5 years ago
pangyoki
4c5b779a99
Add truncated_gaussian_random XPU kernel ( #27861 )
...
* Add truncated_gaussian_random_op XPU kernel
* Add truncated_gaussian_random_op XPU kernel, test=kunlun
* little change, test=kunlun
* change boost_get to BOOST_GET_CONST
* change boost_get to BOOST_GET_CONST, test=kunlun
* little change, test=kunlun
* use Generator to generate random number and optimize format, test=kunlun
* little change, test=kunlun
* add TODO, test=kunlun
5 years ago
pangyoki
5b8e500135
Add gaussian_random XPU kernels ( #27853 )
...
* Add gaussian_random XPU kernels
* commit kunlun, test=kunlun
* new version, test=kunlun
* change boost_get to BOOST_GET_CONST, test=kunlun
* use Generator to generate random number and optimize format, test=kunlun
* add TODO, test=kunlun
5 years ago
pangyoki
74ce039743
Add uniform_random XPU kernel ( #27846 )
...
* support uniform_random op on Baidu Kunlun
* change dtype of attr shape from int to int64_t
* kunlun ci, test=kunlun
* new version, test=kunlun
* change boost_get to BOOST_GET_CONST
* change boost_get to BOOST_GET_CONST, test=kunlun
* use Generator to generate random number and optimize format
* run Kunlun CI, test=kunlun
* add TODO, test=kunlun
5 years ago
xiaoting
abf4d52a74
Polish kunlun error ( #27974 )
...
* polish error message,test=kunlun
* polish error,test=kunlun
* polish error,test=kunlun
* polish error,test=kunlun
5 years ago
liuyuhui
3e9568653b
add cast/concat/assign xpu op ( #27911 )
...
* addd
* add cast_op_xpu, test=kunlun
* fix bug for cast_op_xpu,test=kunlun
* add concat_op_xpu, test=kunlun
* slove conflicts, test=kunlun
* fix bug,test=kunlun
* add assign_op_xpu, test=kunlun
* fix bug,test=kunlun
* test=kunlun;test=develop
* fix concat bug,test=kunlun
* fix check_dygraph set in test_concat_op_xpu.py,test=kunlun
* fix error message,test=kunlun
Co-authored-by: mapingshuo <mps2012@yeah.net>
5 years ago
Guo Sheng
fa9d3fa5bf
Incorporate cudnn_lstm into LSTM api ( #27217 )
...
* Incorporate cudnn_lstm into LSTM api.
test=develop
* Make coalesce_tensor support alignment optionally.
test=develop
* Reorganize RNN apis. test=develop
* Fix cudnn rnn layout conversion.
test=develop
* Add sequence_length support for RNN cudnn implement.
Add optional init_h and init_c gradient for cudnn_lstm_op.
test=develop
* Use create_parameter for rnn cudnn impl.
test=develop
* Move `self._flat_weight = self.create_parameter()` in RNNBase to main_program.
test=develop
* Update RNN api unittest to use set_device.
test=develop
* Fix set_place for unit tests of RNN apis.
test=develop
* Fix use_align in coalesce_tensor_op.
test=develop
* Adjust RNN apis arguments according to comments.
test=develop
* Polish documents for SimpleRNN apis.
test=develop
* Refine random seed in cudnn_lstm_op.
Expose rnn params from sublayers to RNN.
test=develop
* Fix RNN saving for jit.save.
Refine cudnn_lstm dropout behavior.
test=develop
* Fix doc of GRU. test=develop
* Use ShareDataWith to avoid copying for cudnn_lstm_op test.
test=develop
* Remove updates on cudnn_lstm temporarily.
test=develop
* Use ShareDataWith to avoid copying for cudnn_lstm_op test.
test=develop
* Refine random seed in cudnn_lstm_op.
test=develop
* Fix test_lstm by adjust ConcreteProgram buffer getter.
test=develop
* Use create_parameter instead of create_var for rnn._flat_weight for static graph usage.
test=develop
* Remove W input for cudnn_lstm to pass unused_var_check.
test=develop
* Add test_predict for RNN unit tests coverage.
test=develop
* Fix code style of rnn.
test=develop
* Fix F.rnn usage in rnn.py.
test=develop
5 years ago
chentianyu03
05fd49e974
change paddle.fluid.layers.reduce_sum to paddle.sum in sample codes ( #27998 )
...
* change paddle.fluid.layers.reduce_sum to paddle.sum in sample codes
* format codes
5 years ago
Guanghua Yu
f94d053705
error message optimization in mean_xpu,softmax_with_cross_entropy_op_xpu,test=kunlun ( #27967 )
5 years ago
Jack Zhou
d330cf66cc
Fix xpu enforce ( #27978 )
...
* test=kunlun;
Add elementwise XPU OP kernel for KUNLUN core, including (but still cannot process common broadcast):
* elementwise_div op
* elementwise_max op
* elementwise_mul op (with grad op)
* elementwise_sub op (with grad op)
* 0.05->0.01
* add xpu error message description;test=kunlun
5 years ago
lidanqing
7cb4a8b8f2
[oneDNN] Conv dilation support ( #27914 )
...
* conv dilated mkldnn support: forward and backward pass
* add mkldnn conv_transpose dilation UT
test=develop
* remove unnecessary PADDLE_ENFORCE
* add int8 and bf16 dilated conv UT
* update according to reviews
5 years ago
mapingshuo
64c2634995
fix kunlun kernel of reshape op ( #27988 )
5 years ago
tangwei12
202bfab1be
Feature/large scale kv save base/delta ( #27470 )
...
* add size method for large scale
* add large scale UT
* add ut for checkpoint
5 years ago
123malin
aa3b4ed717
【paddle.fleet】geo send sparse optimize ( #27719 )
...
* test=develop, fix geo sgd communicator
* test=develop, gloo_init_method
* test=develop, bug fix for gloo http_init
5 years ago
Zhou Wei
2ac6c6c3af
fix bug of tensor copy of CUDAPinnedPlace ( #27966 )
5 years ago
joanna.wozna.intel
840c521b77
Fix problem with flags fp32 and int8 ( #27954 )
5 years ago
mapingshuo
5ccaaab8aa
reshape support bool, test=develop ( #27944 )
5 years ago
Qinghe JING
4a4f773658
Add reduce sum and reduce mean xpu op ( #27939 )
...
* add reduce xpu op test=develop;test=kunlun
* add reduce xpu op test=develop;test=kunlun
* add reduce xpu op test=develop;test=kunlun
* add reduce xpu op test=develop;test=kunlun
* add reduce xpu op test=develop;test=kunlun
5 years ago
Zhou Wei
bf412f4665
add tensor clone ( #27953 )
...
* add tensor clone
* fix unittest test_var_base
5 years ago
Feiyu Chan
2e845182d9
support channel last in BatchNorm*d
...
1. support channel last in BatchNorm*d (#27875 )
2. fix a bug in batch_norm_op cuda kernel by extracting ResizeToChannelFist(Last), TransToChannelFirst(Last) to operators/layer_utils.h
5 years ago
guofei
6bbb6e7f45
Implement the function of OutScaleForTraining/OutScaleForInference in dygraph ( #26601 )
...
* Implement the function of OueScaleForTraining/OutScaleForInference in dygraph
test=develop
5 years ago
chentianyu03
d05058d268
Remove and reorganize the alias of APIs ( #27717 )
...
* modify cond while_loop to paddle.static.nn.cond
* modify crop_tensor to paddle.crop
* modify Variable to paddle.static.Variable
* remove nn.beam_search, nn.beam_search_decode, nn.gather_tree
* remove bpr_loss, center_loss, rank_loss, smooth_l1, teacher_student_sigmoid_loss, edit_distance, sampled_softmax_with_cross_entropy in nn.functional
* remove apis in nn.functional.learn_rate.py
* remove pool2d, pool3d, adaptive_pool2d, adaptive_pool3d in nn.functional
* remove apis in nn.functional.vision
* remove erf, soft_relu in nn.functional.activation
* remove apis in nn.functional.extension
* remove nn.functional.rnn
* remove hash from nn.functional.lod
* remove row_conv from nn.functional.extension
* remove one_hot, pad2d, pad_constant_like from nn.functional.common
* remove nn.gather_tree, nn.BilinearTensorProduct, nn.Pool2D, nn.Pad2D
* remove apis from optimizer.__init
* remove tensor.creation.fill_constant
* remove elementwise_mul in nn.functional.common and modify to paddle.multiply
* remove tensor.stat.reduce_mean
* remove reduce_all, reduce_any in tensor.logic
* remove apis in tensor.math
* remove apis in tensor.__init__
* remove has_inf, has_nan in tensor.search
* remove apis in framework.__init__
* remove apis in paddle.__init__
* remove apis in nn.functional.__init__
* modify removed alias apis to raw api in doc and unittests
* fix remove grid_sample bug
* modify removed alias apis to raw api in doc and unittests
* modify removed alias apis to raw api in doc and unittests
* modify removed alias apis to raw api in doc and unittests
* modify removed alias apis to raw api in doc and unittests
* modify removed alias apis to raw api in doc and unittests
* modify removed alias apis to raw api in doc and unittests
* delete alias api relastions in doc
* reserve paddle.compat, paddle.sysconfig
* remove unittest for paddle.reduce_all, paddle.reduce_any
* modify removed alias apis to raw api in doc and unittests
* recover paddle.save and paddle.load
* resolve conflicts
* fix sample code missing paddle.enable_static() bug
* fix sample code missing paddle.enable_static() bug
* fix to_string sample code error
5 years ago
Leo Chen
9a2a4b5f65
Support setting xpu place in dygraph mode ( #27909 )
...
* support setting xpu place
* add ut, test=kunlun
5 years ago
Thunderbrook
3ee6ad6ec5
solve bug in pull_dense_worker ( #27918 )
...
* op error info
* style
* code format
* create pin var bug
5 years ago
MRXLT
263a9e97fd
Fix adam ( #27778 )
...
* fix adam
* fix gpu adam
* fix code style
* fix ut
* update ut add cuda code
5 years ago
Double_V
b0edda4d99
kunlun add op ( #27890 )
...
* add stack pool2d roi_align xpu op,test=kunlun
* error message opt, test=kunlun
* add xpu unittest,test=kunlun
* skip check grad,test=kunlun
* fix boostget , test=kunlun
5 years ago
Jack Zhou
c791df09cf
Add elementwise XPU OP kernel for KUNLUN core, including (but still cannot process common broadcast
...
Add elementwise XPU OP kernel for KUNLUN core, including (but still cannot process common broadcast
5 years ago
wangchaochaohu
c5fcc96d5b
xpu support for fill_constant Op ( #27675 )
5 years ago
Chengmo
328cb289ed
【paddle.fleet】fix sparse load ( #27680 )
...
* add sparse tensor load method
5 years ago
tangwei12
cf70d5b350
fix paddle error informations ( #27889 )
5 years ago
wawltor
95aa53425d
update the code for the topk message optimize
...
update the code for the topk message optimize
5 years ago
Chen Weihang
4ba977c720
Polish some error message in opeators ( #27876 )
...
* polish some error message
* add white list
* revert shell script change
5 years ago
123malin
a4f850748a
【paddle.fleet】bug fix for parameter_recv ( #27838 )
...
* test=develop, bug fix for parameter_recv
* test=develop, for unittest, test_fleet_rolemaker_new
5 years ago
QingshuChen
2712d07644
support kunlun matmul_v2 ( #27910 )
...
*test=kunlun
5 years ago
zhang wenhui
5a83496c8d
Multi task ( #26002 )
...
* add multitask
* add multitask, test=develop
* fix code style, test=develop
* add partail push dense, test=develop
* fix has_kay in py3, test=develop
* fix, test=develop
* fix, test=develop
* fix, test=develop
5 years ago
zhang wenhui
7a58431c0a
fix norm api doc, test=develop ( #27652 )
...
* fix norm api doc, test=develop
* fix error message, test=develop
* fix api norm, test=develop
* add adagrad, test=develop
* fix bug, test=develop
* fix bug, test=develop
* add spetral_norm, test=develop
* fix adagrad, test=develop
* merge , test=develop
5 years ago
yinhaofeng
3eb106da6d
Lookup table v2 xpu ( #27888 )
...
* add lookup_table_v2_op_xpu, test=kunlun
* add lookup_table_v2_op_xpu, test=kunlun
* change some Tips ,test=kunlun
5 years ago
Zhang Ting
d5cc144c60
tune backward filter algorithm for float16 ( #27529 )
...
* use exhaustive_search for float16
* tune algo only when dtype is float16
5 years ago
wanghuancoder
41aad9bfcd
revert 4 files, from clear include by iwyu, test=develop ( #27895 )
5 years ago
hutuxian
3f2a6ab65d
fix error msg ( #27887 )
5 years ago
xiaoting
ae01801f0a
Add dropout and log_loss for kunlun ( #27790 )
...
* add dropout,log_loss, test=kunlun
* fix dropout, test=kunlun
* polish error message, test=kunlun
* change boost::get to BOOST_GET_CONST, test=kunlun
* fix copyright, test=kunlun
5 years ago
Guanghua Yu
70c8c31371
support mean,softmax_with_cross_entropy on Baidu Kunlun ( #27792 )
...
* support mean,softmax_with_cross_entropy on Baidu Kunlun,test=kunlun
* fix unittests error,test=kunlun
* delete boost::get,test=kunlun
5 years ago
Chengmo
1607e87cb9
add xpu sgd & momentum ( #27728 )
...
* add xpu sgd & momentum
5 years ago
Leo Chen
049696bf67
Refine the format of printing tensor ( #27673 )
...
* add sumary feature
* refine printting tensor
* add sci_mode
* add sample code
* fix indent error
* fix _format_item
* polish code
* support item indent
* add ut
* set place for ut
* fix py2 issue
* fix ut
5 years ago
hong19860320
c90d35564b
Add batch_norm and layer_norm XPU kernels ( #27818 )
5 years ago
joanna.wozna.intel
ddcd1b5381
Add bfloat16 resnet50 test ( #27755 )
5 years ago
xiaoting
6da7a7458b
add conv for xpu, test=kunlun ( #27809 )
...
* add conv for xpu, test=kunlun
* polish error_message, test=kunlun
* polish error_message, test=kunlun
* fix copyrigth, test=kunlun
5 years ago
Thunderbrook
04be37c57f
add xpu slice op ( #27349 )
...
* add xpu slice op
test=xpu
* add slice xpu op
test=xpu
* code style
test=kunlun
* style
test=kunlun
* format
test=kunlun
5 years ago
Thunderbrook
8c25dfaacc
op error info ( #27856 )
...
* op error info
* style
* code format
5 years ago
Wilber
345574a6ed
Demo CMakeLists add openmp flag. ( #27848 )
5 years ago
ShenLiang
6d63cd2b93
add gather_op xpu, test=kunlun ( #27822 )
...
* add gather_op xpu, test=develop, test=kunlun
* fix ut, test=develop, test=kunlun
* fix the ut,test=develop, test=kunlun
5 years ago
Feiyu Chan
1d95a0fbc3
fix error message for nce_op ( #27863 )
5 years ago
gongweibao
4237fefeb4
Add shellcheck tools and modify copyright hook ( #27722 )
5 years ago
Chengmo
c5f2802d56
【paddle.fleet】Update fleetrun & ps-heter ( #27472 )
...
* refine fleetrun.ps_launch
* update fleet run for multi device support
* ps_graph support ps-gpu
* fix heter save
* add heter save unittest
* fix unittest & simple code
* update fleetrun
* fix fleetrun
* fix launch barrier
* fix role maker
* add paddlecloud rolemaker unittest
* rename heter_worker_device_guard
5 years ago
Shang Zhizhou
bbc837ee72
add info log for trt input dynamic shape check ( #27796 )
...
* add info log for trt input dynamic shape check
* fix error msg error
5 years ago
guofei
2e1bca99ca
Refine the gradient calculation errors caused by renaming in while_grad ( #27814 )
...
test=develop
5 years ago
wanghuancoder
8fa4c09889
add load_op_xpu for Baidu Kunlun ( #27817 )
...
* add load_op_xpu for Baidu Kunlun, test=kunlun
* add is_compiled_with_xpu for unit test, test=kunlun
* add is_compiled_with_xpu for unit test, test=kunlun
5 years ago
Wilber
9005c5a260
Lite subgraph support arm cpu. ( #27827 )
5 years ago
Jacek Czaja
55e63763ec
[oneDNN] adaptive pool support ( #27747 )
5 years ago
chen zhiyu
6335e6a0a6
add musl option ( #27798 )
5 years ago
yongqiangma
e8a5aefbbd
update CUDAPlace doc. test=document_fix ( #27711 )
5 years ago
Zhang Ting
16999ae49d
use IndexList to improve performance of instance_norm op ( #25132 )
...
* use IndexList to improve performance, test=develop
* remove EIGEN_HAS_INDEX_LIST, test=develop
* use IndexList only when EIGEN_HAS_INDEX_LIST is true
5 years ago
GaoWei8
36bb056ed6
Add flattern weight of lstm ( #27192 )
...
* add flattern weight of lstm
5 years ago
Guanghua Yu
7779790c61
error message optimization in softmax_with_cross_entropy_op ( #27772 )
...
* error message optimization in softmax_with_cross_entropy_op
* fix some unsuited comment
5 years ago
zhupengyang
659d04df2c
hsigmoid -> hsigmoid_loss/HSigmoidLoss; refine docs ( #27745 )
5 years ago
TeslaZhao
070ac9590c
Add double grad in Squeeze and Unsqueeze ( #27810 )
...
* Add double grad in Squeeze and Unsqueeze
* Add double grad in Squeeze and Unsqueeze
5 years ago
Jack Zhou
d4359b0f39
add the kunlun kernel for the paddle 2.0
...
Add xpu kernel for KUNLUN core:
* accuracy op
* sign op
* scale op
* sum op
Add default atol in xpu unittest.
5 years ago
mapingshuo
840d54de9b
add XPU support for shape op and reshape op ( #27804 )
5 years ago
cc
8fabb1c32f
Add test attribute in channelwise_quant op, test=develop ( #27742 )
...
* Add test attribute in channelwise_quant op, test=develop
5 years ago
wangxinxin08
ad99e638fd
add double grad op for matmul ( #27776 )
...
* add matmul doublegrad op
* fix compile errors
* modify code according to review
* delete float16
5 years ago
zhupengyang
0025e0d87b
refine APIs: brelu, hardsigmoid, hardswish, maxout ( #27658 )
5 years ago
zhupengyang
5098891fdf
add softmax xpu kernel ( #27700 )
5 years ago
Double_V
f6ad2375be
fix pool3d bug, test=develop ( #27718 )
...
* fix pool3d bug, test=develop
* fix unitest, test=develop
* fix test and fix pool2d bug, test=develop
5 years ago
石晓伟
0d27591642
save operator version infomation to program desc, test=develop ( #27668 )
5 years ago
Qi Li
b8d2a021f0
fix ut error of test_recognize_digits, test=develop ( #27791 )
5 years ago
Jacek Czaja
631c1f3018
- Fix to 27398 ( #27770 )
...
test=develop
- compilation fix
test=develop
5 years ago
Feiyu Chan
0a7bab4e34
fix error mesage for negative_positive_pair_op and nce_op ( #27779 )
5 years ago
zhupengyang
395cb561aa
refine logsumexp error message and docs ( #27713 )
5 years ago
smallv0221
057e28bc8f
API(lstm_unit, lstmp, sequence_mask, sequence_enumerate, sequence_conv) error message enhancement ( #27572 )
...
* API(Compute) error message enhancement on line 44, 50, 53.
* lstm_unit error message enhancement.
lstmp error message enhancement.
sequence_conv error message enhencement.
sequence_enumerate error message enhencement.
sequence_mask error message enhencement.
* Update lstm_unit_op.cc
* Update lstm_unit_op.h
* error msg enhancement.
* Update sequence_conv_op.cc
* Update lstm_unit_op.cc
* Update sequence_conv_op.cc
* Update sequence_enumerate_op.cc
* Update sequence_enumerate_op.cu
* Update sequence_enumerate_op.h
* Update sequence_pool_op.h
* error message enhencement.
* error message enhancement.
5 years ago
Jacek Czaja
606611d351
[oneDNN] GRU BF16 kernel ( #27731 )
5 years ago
xiemoyuan
6c1acf34ed
Optimize the error message for OP ( #27617 )
...
* Optimize the error message for OPs.
* Optimize the error message for OPs in details.
5 years ago
cc
ec7d11a492
refine fused_elemwise_activation error message ( #27734 )
5 years ago
Zhen Wang
365c2c9c89
fix error message showing in UpdateLossScalingOp ( #27596 )
5 years ago
LielinJiang
9089841b6e
Fix bilateral inference shape bug ( #26822 )
...
* fix bilateral bug
5 years ago
Yiqun Liu
65207b4560
Polish the error message of fc, fused_fc_elementwise_layernorm and fused_embedding_seq_pool. ( #27692 )
...
* Polish the error message of fc_op.
* Polish the error message of fused_fc_elementwise_layer_norm op.
* Polish an error message in fused_embedding_seq_pool_op.
5 years ago
Wojciech Uss
f399bed8d9
Add an option to set number of warmup iterations ( #27739 )
5 years ago
Jacek Czaja
b9fda2ff09
Fix to issue #25537 ( #27546 )
...
* - condidate fix to issue #25537
test=develop
* - UT for transpose NHWC
test=develop
5 years ago
Wojciech Uss
966447e338
Added support for quantization of fusion_gru ( #27518 )
5 years ago
joanna.wozna.intel
0cd4907eba
Add avx512 core instructions check ( #27732 )
...
* Add avx instructions check
* Small fix
* Change function name
* Change uint to unsigned int
5 years ago
hong19860320
7a96d5788d
Optimize the error messages of the CUDA implementation of activation ops ( #27741 )
...
test=develop
5 years ago
tangwei12
fd616fadc2
repen heartbeat ut ( #27684 )
5 years ago
Qi Li
f373269df0
update histogram op for performance optimization, test=develop ( #24912 )
5 years ago
MRXLT
20fb01fb00
fix distributed error info ( #27206 )
...
* fix distributed error info
* bug fix; notest
* error info refine
* update error info
* update error info
* update error info
* bug fix
* bug fix
* bug fix
* bug fix
5 years ago
pangyoki
7cd2c13f1b
add multinomial op ( #27219 )
...
* add multinomial cpu kernel
* fix C++ notype error
* fix windows ci array len error
* let array len be const
* change array to vector
* add cuda kernrl with num_distribution is 1, and not support replacement=False
* add multinomial python api
* support num_distribution different multinomial distributions
* add multinomial python api unittest
* change output dtype to int64
* fix coverage prob
* optimize format
* fix dtype of output error, should be int64_t
5 years ago
Zhang Ting
d2369dd91f
modify docs of CPUPlace and CUDAPinnedPlace, test=document_fix ( #27587 )
5 years ago
Wojciech Uss
42d175385d
Add support for (de/re)quantization with shift ( #27481 )
5 years ago
123malin
cc780b1977
test=develop, optimize geo communicator ( #26857 )
...
* test=develop, optimize geo communicator
5 years ago
Pei Yang
8a4f85feb9
Add unittests and OP version registry for quant_conv2d_dequant_fuse_pass ( #27689 )
5 years ago
yukavio
7b46fb0f14
fix generate_proposals and affine grid error info ( #27636 )
5 years ago
Chen Weihang
b14ecb8632
Polish api BuildStrategy/ExecutionStrategy doc & code example ( #27662 )
...
* polish BuildStrategy api doc & example
* polish ExecutionStrategy api doc & example
* polish details
5 years ago
AshburnLee
c3a3df6466
Add cuda support for unique op ( #27646 )
...
* unique op for cuda is added
* add support for cuda
* Add cuda support for unique op.
* Add support for int32_t and int64_t.
* For old version, process by cpu
* Add VisitDataType for thrust
5 years ago
lilong12
bbc2add703
Initialize gloo for low level collective apis ( #27672 )
...
* add gloo initializer, test=develop
5 years ago
wawltor
29f4922906
optimize the error meesage for detetion_map_op
...
optimize the error meesage for detetion_map_op
5 years ago
whs
daf5aa9b8b
Fix round in grid sample op ( #27657 )
5 years ago
arlesniak
0ecf441af1
Add support for mkldnn ops types selection with FLAGS in dygraph ( #27482 )
...
* Add support for mkldnn ops types selection with FLAGS in dygraph
* use regex to match DNNL verbose
* python3 encoding fix
5 years ago
Wilber
2bc70ab2e2
Fix lite_resnet50 unit test. ( #27611 )
5 years ago
ysh329
2f9cdd9038
API/OP clip_by_norm_op error message enhancement. test=develop ( #27614 )
...
* Fix clip_by_norm_op error message. test=develop
* test=develop
* test=develop
5 years ago
yongqiangma
aac57159c9
enhance array_to_lod_tensor_op lod_tensor_to_array_op errors informaiton ( #27386 )
...
* enhance array_to_lod_tensor_op lod_tensor_to_array_op errors information. test=develop
5 years ago
lilong12
36c0410223
Revert "Initialize gloo for low level collective apis ( #27356 )", test=document_fix ( #27665 )
5 years ago