Shibo Tao
c8d0d1419b
add paddle.utils.deprecated. ( #25912 )
...
* add paddle.utils.deprecated.
* add docstring. test=develop
* add alias paddle.utils.deprecated. test=develop
* rm deprecated in python/paddle/fluid/annotations.py. test=develop
* 1. check version before warning. 2. bug fix. test=develop
* bug fix. test=develop
* use paddle.fluid.require_version. test=develop
* fix doc
* fix doc. test=develop
* fix doc. test=develop
* bug fix. test=develop
* use packaging.version. test=develop.
* enhance doc. test=develop
* add compare_version function. test=develop
* add version.py. test=develop
* remove packaging. test=develop
* move compare_version to deprecated.py. test=develop
* remove print. test=develop
* fix. test=develop
* fix. test=develop
* fix. test=develop
* fix. test=develop
* inline. test=develop
* fix. test=develop
5 years ago
LielinJiang
ffcb6537c5
Add uncombined_weight_to_state_dict api ( #25649 )
...
* add uncombined_weight_to_state_dict API
5 years ago
wawltor
a43b0d155d
Update the code for the sort api
...
update the sort api, delete unused ouput index tensor
5 years ago
WangXi
2c9d0f3cb9
【paddle.fleet】Add dgc to fleet meta optimizer ( #25738 )
...
Add dgc to fleet meta optimizer, rm dgc from optimizer all
5 years ago
Dong Daxiang
4adac0e309
【paddle.fleet】Add fleet base context ( #25954 )
...
* generate context during compile
5 years ago
Chen Weihang
36027490d8
Verify correctness of jit.save/jit.load - part 1 ( #25915 )
5 years ago
Zhen Wang
82374dc12f
Add some error messages for the op without double grads. ( #25951 )
...
* Add some error messages for the op without double grads.
* fix the test_imperative_double_grad UT.
5 years ago
LielinJiang
948bc8b7bb
Add apply for Layer ( #25812 )
...
* add apply for Layer
5 years ago
danleifeng
3dd2e3801a
【paddle.fleet】add fleetrun command for distributed running ( #25806 )
...
* add fleetrun command for distributed running; test=develop
5 years ago
wawltor
a697e94693
Update the code of the compare ops for the broadcast function
...
Update the code for the compare ops for the broadcast function
5 years ago
Aurelius84
8ec4af278d
【Dy2stat】Fix is_test switch incorrectly in PartialProgram ( #25809 )
...
* fix eval() sync problem
* add unittest
* modify according reviewer
* fix unittest failed
5 years ago
wangchaochaohu
ff717d5158
Add support for tuple of concat Op test=develop ( #25800 )
5 years ago
Huihuang Zheng
e5514935cb
Modify Executor Example Code to Use fluid.data, test=document_fix ( #25893 )
...
As the title
5 years ago
Dong Daxiang
78afbb1216
fix typo in fleet base ( #25919 )
5 years ago
WuHaobo
f0b8871741
Delete inverse out ( #25925 )
...
* test=develop,test=document_fix, remove the out args
* delete out in inverse
5 years ago
WuHaobo
12bed4a931
remove all op with out args ( #25570 )
...
* test=develop,test=document_fix, remove the out args
* Revert "test=develop,test=document_fix, remove the out args"
This reverts commit f430799bc82ee327d14a04c3bb1ea712d39d1cef.
* test=develop,test=document_fix, remove the out args
* remove all the out args
* remove all the out args
* test=develop, remove all the out args
* test=develop, remove all the out args
* test=develop, remove out args in matmul testcase
* test=develop, fix the bugs of out args testcase in logsumexp
* test=develop, fix the bugs of out args testcase in elementwise_add
* test=develop, fix the bugs of out args testcase in elementwise_div
* test=develop, fix the bugs of out args testcase in activation
* test=develop, fix the bugs of out args testcase in addcmul
* test=develop, fix the bugs of out args
* test=develop, fix the bugs of out args in API example
* test=develop, fix the bugs of out args in kron testcase
* test=develop, fix the bugs of out args in kron testcase
* test=develop, remove out args
* test=develop, remove out args
* test=develop, fix the coverage
* test=develop, polish codestyle
* test=develop, Update math.py
* test=develop, polish codestyle
* test=develop, polish codestyle
* test=develop, polish codestyle
* test=develop, polish codestyle
* test=develop, polish the test_activation_op.py
* test=develop, Update math.py
* test=develop, fix the failed CI
* test=develop, add core.ops
* test=develop, add core.ops change clamp to clip
* test=develop, add core.ops change clamp to clip
* test=develop, write testcase for clamp OP
5 years ago
WangXi
a6c87fd091
Add amp to fleet meta optimizer, test=develop ( #25770 )
5 years ago
Pei Yang
9e9a569dae
add trt int8 support for elementwise_mul and scale ( #25676 )
5 years ago
xujiaqi01
d11c140e28
fix dump, fix cvm check ( #25400 )
...
* fix dump, fix cvm check
test=develop
* fix
test=develop
* fix
test=develop
* fix
test=develop
5 years ago
JZ-LIANG
8ebffc78c9
add lars to fleet meta optimizer ( #25884 )
5 years ago
Dong Daxiang
8d2896f1fe
【paddle.fleet】Fleet run graph in Executor and add two more strategies ( #25844 )
...
* split meta optimizer files
* add graph execution in execution, update two properties in DistributedStrategy, unit tests for these features
5 years ago
gentelyang
6773fcc1ba
fix stratege.set_program_config ( #25864 )
5 years ago
Yi Liu
427c5529ea
add localsgd meta optimizer ( #25758 )
...
* add localsgd meta optimizer
5 years ago
Zhang Ting
2d24f56a7a
avoid data transfer, test=develop ( #25810 )
5 years ago
lilong12
f40a50d124
add pipeline optimizer for fleet ( #25768 )
...
* add pipeline optimizer
5 years ago
yukavio
f6ac5990aa
fix quant unit test ( #25792 )
5 years ago
Bai Yifan
2131559d08
Remove slim from paddle framework ( #25666 )
...
* Remove slim from paddle framework
test=develop
Co-authored-by: wanghaoshuang <wanghaoshuang@baidu.com>
5 years ago
ShenLiang
bca303165a
fix inverse bug ( #25641 )
...
* fix inverse bug, test=develop
* fix the untest, test=develop
* add singular checking, test=develop
* fix the utest, test=develop
* use memory::copy, test=develop
* fix bost_get, test=develop
* fix position, test=develop
5 years ago
lilong12
a07b62623e
hidden the dataset call of pipeline to train_from_dataset ( #25834 )
...
* hidden the explicit setting of dataset for pipeline training.
5 years ago
lilong12
f132c2f40e
Modify pipeline demo to use the new pipelineoptimizer api. ( #25374 )
...
* modify pipeline demo, test=develop
5 years ago
wawltor
595a719795
Update the api for the compare_ops
...
Update the code for the compare_ops, update the api and doc
5 years ago
wangchaochaohu
fc6fed3283
(Variable --->Tensor) refine the OP doc for API2.0 ( #25737 )
5 years ago
wangchaochaohu
32b9577b2a
refine the split op for API 2.0 test=develop ( #25320 )
5 years ago
lilong12
8a68d2c213
Revert "add device attr for regularizer, test=develop ( #24981 )" ( #25375 )
...
This reverts commit ab5a1fb853
.
5 years ago
lilong12
5f30e57cdd
fix test_pipeline, test=develop ( #25808 )
...
* fix test_pipeline, test=develop
5 years ago
Chen Weihang
d47304e6d9
Refine paddle error stack format ( #25790 )
...
* refine error stack format
* polish compile traceback format
* polish detail format
5 years ago
mapingshuo
c70f592002
add gradient Merge optimizer to meta ( #25763 )
...
* add gradient Merge optimizer to meta, test=develop
5 years ago
tangwei12
caa90a6510
Integrated Trainer of Parameter Server (API add `fluid.contrib.layers.sparse_embedding` only) ( #22957 )
...
* Integrated Trainer of Parameter Server
5 years ago
qingqing01
af74675b5a
Remove paddle.incubate.hapi.loss and reuse paddle.nn.layer.loss in high level API ( #25590 )
...
* Remove paddle.incubate.hapi.loss and reuse the paddle.nn.layer.loss in high level API
5 years ago
liym27
2a191d8fa5
fix error in convert_dtype: ValueError->TypeError and polish message ( #25788 )
5 years ago
liym27
452be8950a
[Dy2Stat-ErrorMessage] Add interface:create_origin_info_map and attach_origin_info for AST node ( #25627 )
...
* Add interface:create_origin_info_map and attach_origin_info for AST node. test=develop
* Fix code according to comments from reviewers. test=develop
5 years ago
hong
c2a21ca9c9
Fix dygraph grad bugs ( #25781 )
...
* fix double grad visitid unit; test=develop
* change name hash_pair to HashPair; test=develop
* follow comment; test=develop
5 years ago
hong
5023482ad9
Fix imperative orc attention unitest ( #25797 )
...
* reduce hidden size and loop number; test=develop
* change loop number; remove useless code; test=develop
5 years ago
wawltor
dc42e3c4bc
Fix the argsort and sort api for the paddle api2.0 ( #25514 )
...
Fix the argsort and sort op for the api2.0, and update the api
5 years ago
cc
42189be67b
[Quant] Remove the output for moving_average_abs_max_scale op ( #25697 )
...
* Remove the output for moving_average_abs_max_scale op, test=develop
5 years ago
Dong Daxiang
a96d54ac19
Generate final strategy ( #25782 )
...
* refine strategy compiler and meta optimizers
make async as a_sync
5 years ago
zhupengyang
0ca1bb56df
refine docs of rand, randn, randint, randperm, zeros_like, arange ( #25633 )
5 years ago
Chen Weihang
23d1228c4d
remove ProgramTranslator.save_inference_model ( #25740 )
...
* remove ProgramTranslator.save_inference_model
* adapt save_quantized_model
* revert buffer check implemention
* remove useless import function
5 years ago
Chen Weihang
1b3081b1b4
Simplify BufferedReader to improve DataLoader performance ( #25648 )
...
* simplify buffered reader to improve DataLoader performance
* fix 22 failed unittests
* fix cuda pinned context condition
* fix test_reader_reset failed
* fix two failed unittests
* change unittest place
* polish error messaage
* polish cast op GetExpecctedKernelType
* remove debug info in unittest
5 years ago
Huihuang Zheng
b3f58d3086
TracedLayer Error Message Enhancement ( #25734 )
...
Enhance TracedLayer Error Message
Note: this PR uses assert to check type somewhere and check_type somewhere, the reason is that the check_type skips checking when it is under dygraph mode.
5 years ago
yukavio
c9285a18a0
saving inference model when user define activation or weight preprocess function ( #25749 )
...
* saving inference model for user defined quantization model
* saving inference model for user defined quantization model
* fixed ci coverage
5 years ago
mapingshuo
3e2a348886
add string variable support for RecomputeOptimizer ( #25728 )
5 years ago
Dong Daxiang
920d998f1e
add more settings for distributed strategy ( #25685 )
...
* add more settings for distributed strategy
Basically, DistributedStrategy has several parts of configurations:
- BuildStrategy: the same as paddle.fluid.BuildStrategy, but the distributed arguments are moved out of BuildStrategy
- ExecutionStrategy: the same as paddle.fluid.ExecutionStrategy
- collective communication configs: nccl_comm_num, hierarchical allreduce and so on
- distributed algorithms: async_update(mainly used in PS), lars, lamb and so on
5 years ago
Sylwester Fraczek
1aaa26f102
add dnnl sigmoid (logistic) activation ( #25745 )
5 years ago
cc
650d7223bc
Fix test_quantization_scale_pass by change the model, test=develop ( #25710 )
5 years ago
zhupengyang
d2f7ac61ee
ones_like API: remove device, input -> x ( #25663 )
5 years ago
wangchaochaohu
1e4ab728fb
refine the concat Op for API 2.0 test=develop ( #25307 )
5 years ago
Wojciech Uss
43f3d0cce3
Add an option to choose inference targets in Quant tests ( #25582 )
...
test=develop
5 years ago
LutaoChu
b158a21bda
fix bug: cross OP behavior is not as expected when axis=0
...
fix the cross OP behavior is not as expected when axis=0
5 years ago
mapingshuo
ed72406558
add gradient Merge Optimizer ( #25625 )
5 years ago
Yi Liu
f45f8363eb
records the offset of log when creating by paddle.distributed.launch ( #25725 )
...
test=develop
5 years ago
Huihuang Zheng
4fd558556a
Fix PE Unit Test Failure, test=develop ( #25693 )
...
Based on the comment here b5f8784cab/paddle/fluid/framework/details/build_strategy.h (L49)
The unit test which compares Reduce and AllReduce must have diff. The PR_CI_Night runs on P40 machine and it has 8GB GPU, which is smaller than the 16GB normal CI machines. So we decrease the batch size in the past to make it runnable: https://github.com/PaddlePaddle/Paddle/pull/24651/files . Decreasing the batch size makes the difference occurs often. So this PR replace the absolute delta by relative delta.
Before this PR, the unit test failure happens with probability about 1/100. After this PR it doesn't happen.
5 years ago
Zhen Wang
cea5086853
Fix the double grad bug for the star gan. ( #25655 )
...
* fix the double grad bug for the star gan. test=develop
* update the retain_graph parameter doc. test=develop
* add the unit test for the retain_graph parameter. test=develop
5 years ago
Chen Weihang
e8caffbb4a
fix jit.save input_spec type change problem ( #25683 )
...
* fix jit.save input type change error
* add unittes
5 years ago
mapingshuo
ea60e64470
correct the LookaheadOptimizer programDesc, test=develop ( #25688 )
5 years ago
qingqing01
b5f8784cab
Refine Model of high level API ( #25559 )
...
* Refine Model
1. Take the network (instance of Layer) as the input of Model.
2. Refine set_dict/load_dict of Layer.
3. Refine Input interface, so update code sample about Input
5 years ago
xujiaqi01
4152d39962
add fleet metric ( #25463 )
...
* add fleet distributed metrics
* test=develop
5 years ago
Wilber
0e23dc3a2d
[Compile] Update compile for arm FT2000 ( #25651 )
5 years ago
Chen Weihang
c9d6f6335c
Remove useless warning in executor #25692
5 years ago
Leo Chen
4ec1251a1e
Refine squeeze, test=develop ( #25281 )
...
* refine squeeze, test=develop
* update squeeze, test=develop
* refine compile-time infershape, test=develop
* add more unittest, test=develop
* follow comments, test=develop
* add update_api, test=develop
* follow comments, test=develop
5 years ago
Dong Daxiang
28064c2dc9
fix gen nccl id bug ( #25669 )
...
* fix gen nccl id bug
5 years ago
cnn
70cee22fde
New features, add sinh and cosh op, test=develop ( #25495 )
...
* New features, add sinh and cosh op, test=develop
* remove duplicate test function and remove out paramters, test=develop
* Add out paramters temporary, remove later. test=develop
* remove out args, PR 25570, test=develop
* remove TestParameter, test=developx
* add test api for static dygraph, test=develop
* add backword unittests for sinh and cosh, test=develop
5 years ago
Zhang Ting
a1350744eb
register fp16 kernel, test=develop ( #25630 )
5 years ago
mapingshuo
5453a912fe
add fp64 support in sequence_pool, test=develop ( #25662 )
...
add fp64 support in sequence_pool, test=develop
5 years ago
LielinJiang
8dea7bed2a
Add some transform apis ( #25357 )
...
* add more vision transfrom apis
5 years ago
Leo Chen
417b243968
fix best_fit_allocator_test on windows, test=develop ( #25650 )
...
* fix best_fit_allocator_test on windows, test=develop
* enable best_fit_allocator_test and test_math_op_patch_var_base, test=develop
5 years ago
xujiaqi01
3448455b71
fix dataset py3 ( #25012 )
...
* fix dataset py3 error
* test=develop
5 years ago
Leo Chen
a4512dae30
fix test, test=develop ( #25634 )
5 years ago
Leo Chen
1ab4101d6c
add ci check for changing op-related api without core.ops, test=develop ( #25596 )
...
* add ci check for changing op-related api without core.ops, test=develop
* generate api_source_md5 file when build, test=develop
* add failed example, test=develop
* add failed example, test=develop
* handle exception, test=develop
5 years ago
Shibo Tao
e3736d73cf
add op multiply, delete op elementwise_mul from math.py. ( #25480 )
...
* add op multiply, delete op elementwise_mul from math.py. test=develop,test=document_fix
* bug fix. test=develop,test=document_fix
* bug fix. test=develop,test=document_fix
* bug fix. test=develop,test=document_fix
* bug fix. test=develop,test=document_fix
* add unittest for multiply op. test=develop.
* fix code style. test=develop
* use random input. test=develop
* add test error case for static computation graph. test=develop
* add np.random.seed(7)
* increase input ndarray size. test=develop
* change float32 to float64. test=develop
5 years ago
Huihuang Zheng
60da88540f
[Dy2stat] Modify print for dynamic type ( #25612 )
...
Modify the print in Dy2stat for dynamic type. Unit test is covered in old test_print.py
5 years ago
Aurelius84
dfe4e67e7a
Add friendly Error message in save_inference_model ( #25617 )
5 years ago
Aurelius84
ca1185d06b
[Dy2Stat] Fix scope in run_program_op ( #25579 )
...
* add reinforcement learning model test=develop
* align backward test=develop
* add gym in paddle_build.sh test=develop
* rm pip install in script test=develop
* refine paddle_build.sh test=develop
* fix sed error in macOS test=develop
* polish code test=develop
* fix scope problem
* refine code by reviewer comment
5 years ago
wangchaochaohu
2092660c43
Ones op for API 2.0: remove the device and out parameters ( #25497 )
5 years ago
wangchaochaohu
4a44ffdd24
refine the eye Op for API 2.0 test=develop ( #25295 )
5 years ago
zhupengyang
cd933c0aa2
refine error message of randint ( #25613 )
5 years ago
Zhou Wei
f8ec5f0fce
just skip case of distribute on windows ( #25581 )
...
just skip case of distribute on windows
5 years ago
LutaoChu
bbe8f7bdcd
update cross op parameters for API 2.0
...
* update cross op parameters
5 years ago
Zhou Wei
1ab60544f2
windows CI scripts for xly,test=develop,test=win ( #25533 )
...
windows CI scripts for xly
5 years ago
Huihuang Zheng
a0b3c0dde8
Write Simnet Correctly and Enable Multiple Return Test ( #25574 )
...
We found that the reason of multiple return error in SimNet is that I wrote wrong task_mode. If we set task_mode as "pairwise" correctly, which is a format of the model input data, the multiple return won't have problem in the unit test. In this PR we corrected the task_mode and enable multiple return in SimNet unit test.
5 years ago
Dong Daxiang
e657d7062d
fleet base initial implementation and the API ( #25442 )
...
refactor fleet api under paddle.fleet
update DistributedStrategy
5 years ago
Aurelius84
1a5d3defb1
[Dy2stat] Add Reinforcement learning unittest ( #25445 )
...
* add reinforcement learning model test=develop
* align backward test=develop
* add gym in paddle_build.sh test=develop
* rm pip install in script test=develop
* refine paddle_build.sh test=develop
* fix sed error in macOS test=develop
* polish code test=develop
5 years ago
zhupengyang
5a2d15a1d0
arange API: start default is 0, end default is None ( #25452 )
5 years ago
Chen Weihang
630f23ced3
fix test pe seresnext unittests failed on windows ( #25584 )
5 years ago
Peihan
885e88552a
resolve inference_pass_test input lodtensor case, test=develop ( #25541 )
...
* refine infer ir pass tests, test=develop
* commit to change copy_from_cpu input to np array, test=develop
5 years ago
Huihuang Zheng
0d8545f818
Enable MNIST Multiple 'return' as Unit Test ( #25556 )
...
Enable multiple "return" statement in MNIST as Unit test in dy2stat.
5 years ago
Leo Chen
76d1f8a1e9
fix test_activation_op, test=develop ( #25562 )
...
* fix test_activation_op, test=develop
* remove paddle.mul related unittest, test=develop
5 years ago
Shibo Tao
6602ccf4ca
delete mul op. ( #25499 )
...
* delete mul op. test=develop,test=document_fix
* bug fix. test=develop,test=document_fix
5 years ago
WuHaobo
73409d5039
Fix log1p ( #25488 )
5 years ago
Huihuang Zheng
d8fe517bf8
Add Support for SelectedRows for Transpose OP and Fix a Bug That SelectedRows Cannot be Supported in SimNet ( #25536 )
...
This PR fixes a bug that SelectedRows cannot be supported in SimNet. The reason of this bug is that dygraph basic_engine didn't copy var's type when the var needs to be accumulated during backward. So when a var is SelectedRows and needs to be accumulated, like SimNet which calls net for two times, the var's type will be changed to default LoDTensor thus bug happens. To fix it, we just also copy the type.
Without this PR, the accumulated SelectedRows parameters in dygraph will be changed into LoDTensor. So when we fixed the bug of supporting SelectedRows in SimNet, we found `test_imperative_lod_tensor_to_selected_rows` failed and threw the error that SelectedRows was not supported for Transpose OP. To fix it, too, this PR also added support for SelectedRows for Transpose OP.
5 years ago
liym27
0f8dc611c8
[Dy2Static] Convert assert stmt with new function `convert_assert`. ( #25551 )
5 years ago
Aurelius84
cf3c51a6ad
[Dy2Stat] Remove op call stack in PartialProgram ( #25420 )
...
* remove op call stack test=develop
* fix typo test=develop
5 years ago
Wilber
848aca7ae8
[CI] [Lite-Subgraph] CI add lite subgraph check. ( #25346 )
5 years ago
Shibo Tao
71c71e684c
fix logical_* ops' doc ( #25479 )
...
* fix doc of logical_* op.
* fix doc of op pow.
* fix comment syntax error9D
* fix operator reciprocal demo.
* fix logical_* ops' doc. test=develop,test=document_fix
* bug fix. test=develop,test=document_fix
* bug fix. test=develop,test=document_fix
* bug fix. test=develop,test=document_fix
* bug fix. test=develop,test=document_fix
5 years ago
Shibo Tao
a4d3335b6d
Fix elementwise ops ( #25500 )
5 years ago
Shibo Tao
a2f141c099
fix reciprocal op doc( #25498 )
5 years ago
Leo Chen
b796d8facb
make preloading ligbomp more robust, test=develop ( #25527 )
...
add try..catch...
5 years ago
LielinJiang
7129f544f0
Add bilateral_slice op ( #25401 )
...
* add bilateral slice op
5 years ago
YUNSHEN XIE
70554c9f97
disable TestSoftmaxFP16Op2 in test_softmax_op ( #25519 )
5 years ago
wangchaochaohu
e4017e5c4f
refine the index_select Op for API 2.0 test=develop ( #25296 )
5 years ago
zhupengyang
2250120245
randint API: remove out, devive, stop_gradient; add name ( #25433 )
...
* randint API: remove out, devive, stop_gradient; add name; test=develop
* test=develop
* test=develop
* test=develop
5 years ago
yaoxuefeng
5d3766ff3d
modify flip test=develop ( #25312 )
...
According to paddle 2.0 standard
1, change flip api attr name 'dim' to 'axis'.
2, support empty axis
3, change example code to imperative mode.
5 years ago
zhupengyang
f8eccb0b1c
zeros_like API: remove device; input -> x ( #25413 )
5 years ago
yaoxuefeng
f795a1bf12
modify meshgrid test=develop ( #25319 )
...
According to paddle 2.0 standard.
1, chang api to def meshgrid(*args, **kwargs) we hide name argument in **kwargs.
2, add relate ut.
3, change example code to imperative mode
5 years ago
YUNSHEN XIE
62aeef7cf9
disable test_pipeline ( #25518 )
5 years ago
liym27
10d572a707
[Dy2stat] Add Seq2Seq Attention model as ProgramTranslator Unit Test ( #25422 )
5 years ago
zhupengyang
25029254bc
randn API: remove out, devive, stop_gradient; add name ( #25409 )
5 years ago
Chen Weihang
41d2247275
[Dy2static] Refactor ProgramTranslator save_inference_model API ( #24989 )
...
* experimental refactoring, test=develop
* add TranslatedLayer & remove StaticModelRunner, test=develop
* revert tracedlayer change, test=develop
* fix test_mnist unittest error, test=develop
* add doc & examples, test=develop
* polish doc details, test=develop
* add imperative.jit module, test=develop
* change TranslatedLayer pos, test=develop
* adjust jit module import path, test=develop
* polish doc based review result
* add SaveLoadConfig.separate_params to save paraams separately
* add Layer.buffer support, test=develop
* polish doc details based review result, test=develop
* polish details baesd review comments, test=develop
* add empty str check for param, test=develop
* add unittests, test=develop
* polish details based review comment, test=develop
* remove blanks in comment, test=develop
* polish doc details, test=develop
* update imperative doc link, test=develop
* add api attr for load, test=develop
5 years ago
YUNSHEN XIE
3e45d44d0c
disable unittest test_user_defined_quantization,test=develop ( #25451 )
5 years ago
leesusu
856e6d3348
Correct parameter l2 passed to ftrl op ( #25223 )
5 years ago
Kaipeng Deng
20ee36bdea
make default_collate_fn visible. test=develop ( #25244 )
...
* make default_collate_fn visible. test=develop
5 years ago
Zhen Wang
ee44bcddd8
add more unit tests for imperative qat. test=develop ( #25486 )
5 years ago
tangwei12
fd961b0dfb
Fix/distibuted fleet ctr ut ( #25474 )
...
* test_dist_fleet_ctr disable, test=develop
5 years ago
liym27
435fc4f0af
[while grad]Support pruning op in find_op_path about while sub-block when appending backward ( #25330 )
...
Prune OPs which are not related with loss in while sub-block when constructing backward OP path.
5 years ago
yaoxuefeng
aaa7cbd56f
modify trace api test=develop ( #25397 )
5 years ago
Huihuang Zheng
f9ac5fb992
[Dy2stat] Fix Memory Optimization in run_program_op and Add SimNet as Unit Test ( #25383 )
...
Add Similarity Net as unit test. During the unit test, we found three problems:
1. The run_program_op has memory optimization error when running dy2stat net multiple times.
2. The support for SelectedRows can cause problem in dy2stat.
3. The return grammar has problem.
This PR fixes the 1. problem but modify codes for the 2. 3. problems to make PR smaller. I will fix those two problems in the next PR(s)
5 years ago
yaoxuefeng
c42d662e2a
modify roll test=develop ( #25321 )
5 years ago
wangchaochaohu
bdc2c2dba8
full Op:remove device, out and stop_gradient parameter for API 2.0 test=develop ( #25257 )
5 years ago
Zhen Wang
548cdbc544
Quantization-aware training for dygraph ( #24634 )
...
* Add the imperative quantization aware training.
* This is the python part of Imperative QAT. test=develop
5 years ago
wangchaochaohu
0b2ec49ff9
refine the linspace Op for API 2.0 test=develop ( #25284 )
5 years ago
Zhou Wei
914ff10a8f
fix state dict to save/load learning rate scheduler ( #25403 )
...
* fix optimizer.state_dict and LRScheduler.state_dict to save/load dygraph,test=develop
* fix optimizer.state_dict and LRScheduler.state_dict to save/load dygraph,test=develop
* Add a judgment that state_dict/set_dict is used incorrectly,test=develop
* fix some doc error,test=develop
* fix current_step_lr for _LearningRateEpochDecay,test=develop
* remove some unsed code to improve coverage,test=develop
* remove some unsed code to improve coverage,test=develop
5 years ago
zhupengyang
5b573c58e2
randperm API: remove out, devive, stop_gradient; add name ( #25410 )
5 years ago
Chen Weihang
ccb98cde2e
open deccorator test, test=develop ( #25464 )
5 years ago
Zhou Wei
93ad339450
add new API:LambdaDecay,test=develop ( #24801 )
...
add new API:LambdaDecay
5 years ago
Leo Chen
c27413e9cb
Attempt to resolve the TLS problem ( #25390 )
...
* attempt to resolve tls problem, test=develop
* add glibc version check, test=develop
* fix regex, test=develop
* refine get_libc_ver, test=develop
* refine get_libc_ver, test=develop
5 years ago
Zhen Wang
bb45af02ac
add the c++ part of Imperative QAT. test=develop ( #25446 )
5 years ago
wangchaochaohu
090a331d30
refine the full_like Op for API 2.0 test=develop ( #25294 )
5 years ago
hong
fed0588571
Fix parameter list iterator bug ( #25089 )
...
* fix optimizer parameter is a iterator; test=develop
* fix parameter list None bug; test=develop
* use is not None; test=develop
* change list to iterable; test=develop
5 years ago
Leo Chen
91f7b4e0e3
refine as_lodtensor, test=develop ( #25286 )
...
* refine as_lodtensor, test=develop
* fix test, test=develop
* add unittest, test=develop
* handle nested_list, test=develop
* handle nested_list, test=develop
5 years ago
Jacek Czaja
050a9bf79d
[oneDNN] LRN cleanup ( #25416 )
5 years ago
tangwei12
4b3778a3ee
Revert/barrier for sync ( #25417 )
...
* add retry for prefetch
* Revert "Fix/sync barrier (#25016 )"
This reverts commit be6a315fbd
.
* reopen dist UT, test=develop
* remove fl UT, test=develop
5 years ago
Dong Daxiang
3395008f11
remove async configuration from distributed_strategy.py ( #25425 )
...
test=develop
5 years ago
Kaipeng Deng
01cf8e893f
fix test_multiprocess_dataloader_exception failed on CPU-only version ( #25406 )
...
* fix test_multiprocess_dataloader_exception failed on CPU only version. test=develop
5 years ago
Leo Chen
1e897f66ee
Refine __str__ of VarBase and ParamBase, test=develop ( #25345 )
...
* clean __str__ of VarBase and ParamBase, test=develop
* clean to_string, test=develop
* update unittest, test=develop
5 years ago
WangXi
1c7215ace4
Speedup reader check_input_array when item is array ( #25395 )
5 years ago
ceci3
52be62c5ae
fix instance norm in dy ( #24717 )
...
* fix bn & in in dy, test=develop
* update instance_norm,test=develop
* fix bugs,test=develop
* add more case in unittest,test=develop
* fix,test=develop
* fix,test=develop
5 years ago
Aurelius84
619848fa3a
fix timeout test=develop ( #25412 )
5 years ago
lilong12
e39aa70ec7
add the support for pipeline ( #24560 )
...
* add device_worker for pipeline, test=develop
5 years ago
Huihuang Zheng
30185efdae
Add If-Else-Return of Yolov3 as Unittest ( #25385 )
...
As the title
5 years ago
gongweibao
80f1c50738
Fix typo in interface. ( #24779 )
5 years ago
cc
5c8e79956e
Use the specificed scope in post quant, test=develop ( #25384 )
5 years ago
zhupengyang
eb3173e2b6
rand API: remove out, device, stop_gradient; add name ( #25246 )
5 years ago
cc
22720a1535
Fix post quant save bug, test=develop ( #25370 )
5 years ago
Huihuang Zheng
ff7af219f1
Fix a Cudnn Deterministic Random Failure, test=develop ( #25389 )
...
As the title
5 years ago
zhupengyang
6de75082cb
fix test_hsigmoid windows ci ( #25311 )
5 years ago
Feiyu Chan
e3223ad704
fix nce sample code for python3, test=develop ( #25103 )
...
fix nce sample code for python3 compatability.
5 years ago
hong
84f9b9ef49
Connect stop gradient with trainbale ( #25248 )
...
* connect stop_gradient with trainable; test=develop
* add value error message; test=develop
5 years ago
Dong Daxiang
d5e40d1ba9
Paddle fleet distributed strategy ( #25379 )
...
* add paddle.fleet.DistributedStrategy for 2.0
5 years ago
Kaipeng Deng
0954e907f6
fix test_multiprocess_dataloader_exception SIGABRT. test=develop ( #25381 )
5 years ago
tianshuo78520a
e917352bc6
Fix scipy ( #25387 )
5 years ago
Aurelius84
23a958cdf1
fix unittest failed test=develop ( #25392 )
5 years ago
ceci3
fc0da42b73
add Pad2D and LeakyReLU ( #25177 )
...
* add Pad2D and Leaky_ReLU, test=develop
* update,test=develop
* change name,test=develop
* add unittest and redine docs,test=develop
5 years ago
Wojciech Uss
d0a921ba98
Quant2 updates and fixes ( #25313 )
5 years ago
Chen Weihang
869d59ccfe
try to fix two unittests, test=develop ( #25372 )
5 years ago
hong
88e05c4048
fix parallel ssa graph executor test hang; test=develop ( #25358 )
5 years ago
wawltor
d44ba589f3
Fix some doc apis example,scale ops
...
Fix the doc example api for the scale op
5 years ago
cc
d8f4714bc1
[Quantization] Save output threshold by argname_index ( #25272 )
...
* Save output threshold by argname_index, test=develop
5 years ago
littletomatodonkey
64b4612290
Fix softmax unittest ( #25371 )
...
* test=develop, fix softmax
5 years ago
Zhen Wang
2989c012f2
[DygraphToStatic]Add cast transform for dygraph_to_static. ( #25325 )
...
* add cast transform and its UT for dygraph_to_static.
5 years ago
Aurelius84
bdad383c1d
fix test_mobile_net random failed test=develop ( #25364 )
5 years ago
Aurelius84
a3dfff51ad
[Dy2stat] Disable test_lac on windows ( #25359 )
...
* fix test_lac timeout test=develop
* disable it on windows test=develop
5 years ago
lilong12
3d96601b82
modify pipeline optimizer to only support the mode of sync pipeline training ( #25065 )
...
* modify pipeline optimizer, test=develop
5 years ago
Zhou Wei
b555378e18
fix Layer.__dir__ to show the parameters/sublayers/buffers/attr/method of the Layer ( #25197 )
...
* show the attr and functions of the Layer,test=develop
* add buffer for dir,test=develop
* fix __dir__,test=develop
* fix doc of Layer.__dir__, test=develop
5 years ago
Kaipeng Deng
74468bf428
add mish op. ( #24565 )
...
* add mish op. test=develop
5 years ago
Zhou Wei
8de89e67e9
support tuple/list init for VarBase ( #25231 )
...
* support tuple/list init for VarBase,test=develop
* fix doc of fluid.dygraph.to_variable,test=develop
* fix doc of fluid.dygraph.to_variable,test=develop
5 years ago
Zhen Wang
dc17ac9199
fix import fluid error in dygraph_to_static. test=develop ( #25195 )
5 years ago
Yi Liu
b0f18947f3
fix the compatibility of PY2 and PY3 in paddle.distributed.launch ( #25304 )
...
* fix the compatibility of PY2 and PY3 in paddle.distributed.launch
test=develop
* only pull log of local rank 0
test=develop
* log exception if UnicodeEncodeError occurs when pulling log in
paddle.distributed.launch
test=develop
Co-authored-by: SunGaofeng <peakbee@gmail.com>
5 years ago
Yang Zhang
6d6efafeeb
Add `matrix_nms_op` ( #24400 )
...
* Add `matrix_nms_op`
test=develop
* Make ci happy
test=develop
* Exit early when no detection
test=develop
* Fix license year
test=develop
* Output index as well
test=develop
* Match nms2 lod behavior and add `return_index` flag
test=develop
* Make CI happy
test=develop
* Fix wording
test=develop
5 years ago
danleifeng
064d0ce386
fix check_type bug and example code in hash api; test=develop ( #25253 )
5 years ago
tangwei12
9825a9f3ca
disable distributed UT temporary ( #25300 )
...
* disable distributed UT temporary,enable it soon, test=develop
5 years ago
chalsliu
46214e5937
Disable test_conv3d_transpose_op ( #25298 )
...
test=develop
5 years ago
Kaipeng Deng
826c607e0c
Fix test multiprocess dataloader static ( #25287 )
...
* fix test_multiprocess_dataloader_static random fail. test=develop
5 years ago
Aurelius84
ed262b804c
[Dy2stat] Add Sentiment and LAC model for unittest ( #25071 )
...
* add sentiment unittest
* add LAC model
* add test=develop
* rename tmp test=develop
* fix timeout test=develop
* undo tmp_var test=develop
5 years ago
Chengmo
e85fcaa712
Fix fluid.embedding in Distributed Training ( #25174 )
...
* test=develop, fix_embedding
5 years ago
Zhou Wei
c701588b14
add base class of LearningRateEpochDecay, and API: MultiStepDecay, and API: StepDecay ( #24821 )
...
* add new API: MultiStepDecay, a new learing rate strategy, test=develop
* add new API: MultiStepDecay, a new learing rate strategy,test=develop
* add new API: MultiStepDecay, a new learing rate strategy,test=develop
* add base class of LearningRateEpochDecay, and MultiStepDecay, and StepDecay, test=develop
* fix doc to add coverage,test=develop
5 years ago
Aurelius84
494cb36d09
Modify tmp var name prefix in dygraph ( #25280 )
...
* Modify tmp var name prefix in dygraph test=develop
* refine comment test=develop
5 years ago
Aurelius84
82ec247a02
fix random failed on GPU test=develop ( #25293 )
5 years ago
Zhou Wei
c505c4dbea
add new API: optimizer.set_lr ( #24455 )
...
* add new api: optimizer.set_lr, test=develop
* add API doc and example code for optimizer.set_lr,test=develop
* add API doc and example code for optimizer.set_lr,test=develop
* Modified doc to :api_attr: imperative,test=develop
5 years ago
WuHaobo
6bf7df475c
Fix English doc of the activation OPs, such as exp, rsqrt, abs....... ( #25258 )
5 years ago
Kaipeng Deng
001c0674ee
disable test_multiprocess_dataloader_static for random fail in Py35 CI. test=develop ( #25265 )
5 years ago
Huihuang Zheng
5e8e6dad72
[Dy2stat] Support Various-Length Return Grammar in Dy2stat ( #25249 )
...
Support Various-Length Return Grammar in Dy2stat. This PR is a follow-up of https://github.com/PaddlePaddle/Paddle/pull/25176 .
The basic idea is putting no-value placeholder variables at `return` statement to make all `return` statement have same length, after that the static graph can have fixed fetch output (code at return_transformer.py). Then remove those no-value placeholder when we finally return dygraph result (code at partial_program.py).
However, various length return in Bert model is still not supported. The dy2stat can change the code as I wish but some ops which check shape at compile time (e.g. Reshape, MatMul) will throw error because of the no-value-placeholder may not have the required shape. Is this a matter? To me, those no-value placeholder will be replaced as really values meeting shape requirements at run time, so I think the solution should be some way to do the compile-time checking. By the way, every time when we have dynamic shape, it often causes problem in dy2stat. We should find a way to handle it in the future.
Fixing various return in Bert is my TODO thing and I will also find some other existing models for verification.
5 years ago
Aurelius84
de27569eca
[Dy2Stat] fix diff of cycle GAN model on GPU ( #25233 )
...
* fix GPU diff test=develop
* refine code test=develop
5 years ago
Wojciech Uss
23a4f54b73
rename qat into quant ( #24948 )
...
test=develop
5 years ago
123malin
f1a9593d69
test=develop, bug fix for index_select and roll op ( #25251 )
5 years ago
Yi Liu
5209b9a510
cat log to stdout when setting log_dir in launch ( #25147 )
...
test=develop
5 years ago
hong
dbc3fd5eb4
fix LinearLrWarmup bug; test=develop ( #24913 )
5 years ago
tangwei12
f6f7df9cd5
decrease test data, test=develop ( #25252 )
5 years ago
Tao Luo
2d5aa74321
add test_parallel_executor_profiler.py ( #25200 )
...
* add test_parallel_executor_profiler.py
test=develop
* set exec_strategy.num_threads=1
* skip check_profile_result
* add TODO for test_profiler
test=develop
5 years ago
Wojciech Uss
56fa3880e3
rename qat into quant in filenames only ( #25194 )
...
test=develop
5 years ago
Aurelius84
02adf68dcc
[Dy2stat]Support buffers and register_buffer in Layer ( #24888 )
...
* support to save varBase created in __init__ test=develop
* polish code test=develop
* refine to_static_var test=develop
* refine warning test=develop
* add unitteset for to_static_var test=develop
* fix logger test=develop
* polish buffers en doc test=develop
* fix param_guard test=develop
* refine en doc test=develop
5 years ago
Wilber
4c964abdf7
support build on arm. test=develop ( #25212 )
5 years ago
Huihuang Zheng
6f631a27c7
[Dy2stat] Add Basic Support for Grammar 'return' ( #25176 )
...
This PR added basic support for 'return' grammar in dy2stat. It supports the control flow of 'return'.
The basics idea is using a return value variable to store the early return statements and boolean state variables with if-else to skip the statements after the return statements.
**This PR is very basic support. There are some corner cases I didn't develop/test**. For example, 'return None', 'return different length of variables', 'return non-tensor and tensor together', 'no return statement'. **These corner cases will be done in my next PRs**. Target date is this week.
**Note**:
1. for the unit test, I changed test_program_translator.py because the StaticCode of `dyfunc_with_if_else` will change. To guarantee the correctness of `dyfunc_with_if_else`, I also run it in `TestRecursiveReturn` in test_return.py.
2. I commented the early return code in bert_dygraph_model.py because 'return different length of variables' is unsupported now. I also know that there are some other models used early return and we didn't enable it in the unit test. I will add support for it in next PRs and then re-enable those tests.
5 years ago
Aurelius84
cb0472b05a
merge into one function test=develop ( #25184 )
5 years ago
liu zhengxi
68e93d8a17
Fix beam_search InferShape ( #25169 )
...
* fix beam_search infershape, test=develop
* fix beam search op unittest, test=develop
5 years ago
chalsliu
cd4d9122e7
Remove RUN_SERIAL TRUE ( #25179 )
5 years ago
Aurelius84
38d2d13d8b
[Dy2stat] Add CycleGAN model for unitttest ( #25072 )
...
* add cycle_gan_model
* align train test=develop
* modify image_size into 64 to avoid TimeOut test=develop
* TODO in GPU test=develop
5 years ago
FDInSky
1f24c84a3f
fix conv3d_transpose_test timeout error ( #25004 )
...
* test=develop fix conv3d_transpose_test error
5 years ago
Tao Luo
a965ac4c61
disable PE usage in test_profiler.py ( #25172 )
...
test=develop
5 years ago
LielinJiang
b6e4be178d
fix test download, test=develop ( #25158 )
5 years ago
Zhou Wei
a7cf562447
fix sample code error of fluid.dygraph.NaturalExpDecay,test=develop ( #25092 )
...
fix sample code error of fluid.dygraph.NaturalExpDecay
5 years ago
Tao Luo
9ba585f5bf
fix PE in test_profiler.py ( #25144 )
5 years ago
iducn
f282599229
disable unitest for gcc8( #25134 )
5 years ago
Aurelius84
e8134e873a
[Dy2stat]Refine caches of converting function ( #25085 )
...
* Refine caches of converting func test=develop
* fix if statement test=develop
* refine cache code test=develop
* rm unuse import statement test=develop
* Polish code comment test=develop
5 years ago
Aurelius84
8d6de44012
Refine check_type Error Message for @declarative ( #25098 )
...
* Refine check_type for @declarative test=develop
5 years ago
Chen Weihang
b23801a262
polish tensor set error messag, test=develop ( #25113 )
5 years ago
Zhou Wei
542a226c3e
add new API: set_global_initializer ( #24378 )
...
* add new api (set_global_initializer/reset_global_initializer),test=develop
* add new api (set_global_initializer/reset_global_initializer),test=develop
* fix doc and example code of set_global_initializer,test=develop
5 years ago
Chen Weihang
509d3ec5b7
[Dy2static] Add for iterate or enumerate variable list unittest ( #25100 )
...
* add for iter var list, test=develop
* add enumerate unittest, test=develop
5 years ago
liym27
eb1c0901a6
[Dy2Stat]Remove unnecessary vars from gast.comprehension in LoopTransformer. ( #25094 )
5 years ago
Jacek Czaja
a7944904d3
[oneDNN]elementwise_add and elementwise_mul int8 support ( #24984 )
...
* Start implementing int8 eltwise add
test=develop
* - Fix to Michal PR
* - Fix
test=develop
* - Lint fixes
test=develop
* - Added checking if elementwise_mul can be used
test=develop
* - Added attribs to skip_attrs_set
test=develop
* - Improved broadcasting
test=develop
- fixes to compilation
- fix
- fix
- Lint fixes
test=develop
* - removed redundant condition
test=develop
Co-authored-by: Michal Gallus <michal.gallus@intel.com>
5 years ago
LielinJiang
a01113c338
Add relu layer for lenet ( #24874 )
...
* add relu for lenet, test=develop
* fix test model, test=develop
5 years ago
FlyingQianMM
3b28629ee8
fix dtype error in retinanet_target_assgin example codes. test=develop ( #25091 )
5 years ago
liym27
db601f70cc
[Dy2Stat] Add test for dygraph seq2seq model. ( #25054 )
...
* The arg of append() can be not Tensor temporarily.
* Add Seq2Seq as ProgramTranslator Unit Test.
* set dtype of vocab_size_tensor to int64 to pass Windows-CI.
5 years ago
cc
8fc31d501b
Support conv2d_traspose quantize, test=develop ( #25084 )
5 years ago
Leo Chen
fa657b3dbb
fix bug of prelu when rank not equal 4, test=develop ( #25067 )
...
* fix bug of prelu when rank not equal 4, test=develop
* fix prelu inference, test=develop
* fix api, test=develop
* fix shape when mode is chennel, test=develop
* remove debug code, test=develop
* add unittest, test=develop
5 years ago
Huihuang Zheng
2c500c30bd
Handle Windows flaky test ( #25070 )
...
As the title
5 years ago
hutuxian
5822862d8a
Monitor Framework ( #24079 )
...
* Add a StatValue class in the backend to represent a stat.
* Add a singleton StatRegistry to maintain the collection of stats.
* For the sake of code neatness, we only support type of int and float, which can cover most of the scenarios.
5 years ago
Huihuang Zheng
21138c05a8
Add test_yolov3 and test_se_resnet Timeout ( #25076 )
...
Some big models can timeout on Windows CPU machine. I added some timeout properties.
5 years ago
Leo Chen
028de857d4
fix dtype error of compare op, test=develop ( #25059 )
5 years ago
Yiqun Liu
9ed16a4347
Fix random fail because of precision problem in unittest of fusion_group ( #25051 )
5 years ago
Divano
67fb840cd2
update scipy version test=develop ( #25007 )
5 years ago
Huihuang Zheng
9b5b726729
[Dy2stat] Add TSM as ProgramTranslator Unit Test. ( #25008 )
...
Add TSM as ProgramTranslator Unit Test. The TSM code is referred from PaddlePaddle/models#4229
5 years ago
Leo Chen
c7a63908b0
replace some logging.warn() with warings.warn(), test=develop ( #25025 )
5 years ago
lilong12
ab5a1fb853
add device attr for regularizer, test=develop ( #24981 )
5 years ago
Aurelius84
0b6145e056
[Dy2stat] Add MobileNet model unittest ( #25018 )
...
* add MobileNet unittest test=develop
* fix cudnn random test=develop
5 years ago
tangwei12
be6a315fbd
Fix/sync barrier ( #25016 )
...
* fix sync barrier with barrier monitor, test=develop
5 years ago
hong
c85c7b2264
Enable load program state in imperative mode ( #24998 )
...
* enable load_program_state run in imperative mode; test=develop
* remove useless code; test=develop
5 years ago
liym27
f16e277859
[Dy2Static]Convert var.shape stmt and Convert the return variables of Tensor-dependent 'if' staments to Tensor if it not ( #24911 )
...
* Support int and long: int or long -> six.integer_types.
* Modify test_tensor_shape: fix bug and modify comment.
* Support convert_var_shape to convert var.shape stmt
* Modify code in ifelse_simple_func.py because don't support return non-Tensor in Tensor-dependent 'if' stament currently.
* Convert the return variables of Tensor-dependent 'if' staments to Tensor if it not. test=develop
5 years ago
liu zhengxi
971ebb2657
decrease the input size for test_transpose_flatten_concat_fuse_pass, test=develop ( #24992 )
5 years ago
Huihuang Zheng
28d074e956
[Dy2stat] Decrease test_yolov3 GPU usage ( #24955 )
...
[Dy2stat] decrease the batch size to decrease GPU usage.
5 years ago
Leo Chen
bfa46c38d5
bn supports reverse_space, test=develop ( #24988 )
5 years ago
liym27
2e238c6eed
[[Dy2Static]]convert for stmt and support variable loaded and created in loop( #24901 )
...
* Move function 'convert_len' to file convert_operators.py
* Support that for statements are transformed to while statements.
* Fix bug: raise None -> return None.
* Support variable loaded and created in loop.
* Use int64 in Py2 and Py3 in function to_static_variable.
5 years ago
wawltor
9a2c1aedcc
Fix the elementwise_div op broadcast failed in some shape
...
Fix the bug for elementwise_div op, when the first var is scalar; Use the shape 1 replace the -1 in shape.
5 years ago
Huihuang Zheng
97708add66
[Dy2stat] Add word2vec as unittest ( #24944 )
...
[Dy2stat] Add word2vec as unittest
5 years ago
wawltor
0eb1b0bc01
Add support the 5d, 6d tensor support for the reduce ops
...
Add the support the 5d,6d tensor support for the reduce ops;
Add the same time, the compile time, it was 22 minutes, it was 21 minutes after fixed.
5 years ago
silingtong123
640196c446
test=develop, remove the tensorrt dll file from windows package ( #24922 )
5 years ago
Michał Gallus
570b7389c2
Fix OpTester from incorrectly converting uint8 data to utf-8 string ( #24854 )
...
test=develop
5 years ago
Aurelius84
6be0ee159e
Support LoDTensorArray in reverse_op ( #24797 )
...
* Support LoDTensorArray in reverse_op test=develop
* polish en doc and unittest code test=develop
* refine sample code test=develop
* add example of LoDTensorArray test=develop
* fix typo test=develop
5 years ago
Leo Chen
6190023ac9
Refine error message in pybind folder ( #24886 )
...
* refine err_msg of pybind.cc, test=develop
* refine err_msg in tensor_py.h, test=develop
* refine error msg, test=develop
* fix test_exception, test=develop
* follow comments, test=develop
5 years ago
Zhou Wei
4058e736ff
temporarily disable these unittests failed on windows ( #24942 )
5 years ago
hong
c233328c58
change zero copy from true to false; test=develop ( #24946 )
5 years ago