JZ-LIANG
958d7212c7
【paddle.fleet】Document refine lars & lamb ( #26533 )
5 years ago
pangyoki
1e53088abc
fix Distribution class problem ( #26535 )
...
* fix problems commented by Lutao
* rename _to_variable to _to_tensor
* fix unittest coverage
* little problem
5 years ago
Aurelius84
67d03bed70
Fix jit.to_static usage ( #26682 )
5 years ago
pangyoki
cb00d50498
../python/CMakeLists.txt ( #26531 )
5 years ago
ShenLiang
33afeb315a
fix the tanh ( #26657 )
...
* fix the tanh
* fix the learning rate
5 years ago
Bai Yifan
8986a82131
fix adaptive gpu grad bug, add doc refine ( #26660 )
5 years ago
Dong Daxiang
98e057bb1e
remove role maker in test_fleet_graph_execution_meta_optimizer.py ( #26674 )
...
test=develop
5 years ago
hong19860320
dbcef732d8
Fix the formula of SELU/selu ( #26675 )
5 years ago
Qi Li
2de034e146
fix prelu, test=develop ( #26613 )
5 years ago
Zhou Wei
7af5cb9b32
fix english doc of all lr_scheduler ( #26619 )
...
* fix doc of lr_scheduler
* fix doc
5 years ago
wawltor
286eca2d9e
update the code for the topk v2
...
add the top v2 for the paddlepaddle api 2.0
5 years ago
LiuChiachi
761ed17db3
Update save inference model to support dygraph ( #25894 )
...
* update save_inference_model for hapi
* update save_inference_model to support dygraph
* fix comments
* fix comments
* test=develop
* test, test=develop
* fix dim test, test=develop
* test, test=develop
* add test_export_deploy_model_dynamic
* fix unittest for hapi: save_inference_model
* fix code style
* accept review by guoshengCS
* fix coverage rate
* update doc for save_inference_model and copyright
* change test model back to LeNet() in test_export_deploy_model
* copy jit.save, use LeNet() to test export deploy model
* add return value for dygraph, and fix doc error
* corrected the doc writing
* Delete redundant import and correct import order in sample code.
* remove 'fluid' and add prepare() and fit() in sample code
* correct usage of API 2.0 in sample code
* fix sample code bugs
* fix code style bugs
* fix test_model.py bugs
* set for_inference=True
* correct usage for static.InputSpec
* update doc for model.save
* correct usage of API 2.0
* rename param name for model.save
* correct for_inference as training
5 years ago
joejiong
d32beea2a9
Add Checking Type for "multiply" operation ( #26508 )
...
Co-authored-by: wujionghao <wujionghao@email.com>
As the title
5 years ago
gongweibao
ed4a4ea37e
fix test=develop ( #26632 )
5 years ago
Dong Daxiang
08d736ad78
【paddle.fleet】add cudnn related strategies to DistributedStrategy ( #26598 )
...
* add cudnn related strategies to DistributedStrategy
5 years ago
Zhang Ting
0a895bc0df
improve unique op ( #26537 )
...
* add unique_v2 op
* remove unique_v2 op
* update doc
5 years ago
zhang wenhui
0679678212
add norm 2.0 api, test=develop ( #26465 )
...
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
* add norm 2.0 api, test=develop
5 years ago
YUNSHEN XIE
a8b5741fb4
add a few unittests for setting timeout properity ( #26630 )
5 years ago
Huihuang Zheng
26d67414fd
Enrich English declarative Doc ( #26538 )
...
As the title.
5 years ago
wanghuancoder
c1f5df5269
optimized transformation form tensor to numpy ( #26447 )
...
* optimized transformation form tensor to numpy, test=develop
* optimized transformation form tensor to numpy, pass pre-commit, test=develop
* modify fetchophandle zerocopy to deepcopy in PE&CUP, test=develop
* modify py:array construct, test=develop
* fix _fetch_var to use deep copy, test=develop
5 years ago
zhupengyang
c80fcf901e
reduce_mean error if keepdim=True and reduce_all=True ( #26614 )
5 years ago
wangchaochaohu
a31dbc8f85
add deprecated for gather api and refine the doc of gather api ( #26579 )
5 years ago
whs
a065a24232
【2.0 API】Enhance affine grid operator ( #26385 )
...
* Enhance affine grid operator:
1. Add cuda kernel
2. Add align corners options
test=develop
* Move new affine_grid api to functional
test=develop
* Add CUDA kernel for affine_grid.
test=develop
* Add more unitest for grid sample API
test=develop
5 years ago
ruri
1f82c0cd62
[Api2.0] add pixel shuffle ( #26071 )
5 years ago
guofei
924734fd3a
Refine typo of english document of paddle.prod ( #26546 )
...
* Refine typo of english document of paddle.prod
test=document_fix
5 years ago
WangXi
7ff197d3ba
Add fleet dgc amp doc, test=document_fix ( #26608 )
5 years ago
yukavio
36868e840c
fix one_hot example doc test=document_fix ( #26585 )
...
* fix one_hot example doc test=document_fix
* fix some bug
5 years ago
wanghuancoder
422a162019
api2.0 paddle.nn.Bilinear and paddle.nn.functional.bilinear ( #26399 )
...
* api2.0 paddle.nn.Bilinear and paddle.nn.functional.bilinear, test=develop
* api2.0 fix code examples, test=develop
* modify test_bilinear_api, about place,to_tensor , test=develop
* re pass pre-commit, test=develop
* Update common.py
* fix BilinearTensorProduct ci error, test=develop
5 years ago
Double_V
c8e18360f1
[API 2.0] add pool2d3d API,test=develop ( #26331 )
...
* add pool2d3d API,test=develop
* add api unitest,test=develop
* fix unittest, test=develop
* fix reviews, test=develop
* return one element when return indices is true, test=develop
* fix low converage; to_variable to to_tensor, test=develop
* sort API params, test=develop
* fix en doc, merge PR#26108 to here, test=develop
* fix en doc, test=develop
5 years ago
qingqing01
78ca8cf0c8
Unify the metrics implementation between low-level and high-level API. ( #26158 )
...
* Move paddle/incubate/hapi/metrics to paddle/metric
* Add Precision, Recall and Auc metric
5 years ago
joejiong
da1efe24d5
Throws TypeError When Logical APIs Do Broadcast Operation ( #26490 )
...
As the title.
Co-authored-by: wujionghao <wujionghao@email.com>
5 years ago
Zhou Wei
407de03905
[2.0API] Reconstruct all API related to LR Scheduler, unify dygraph and static ( #26550 )
...
* Reconstruct all API related to lr scheduler, unify dygraph and static
* Reconstruct all API related to lr scheduler, unify dygraph and static
* fix doc
* fix doc
* fix doc of lr_scheduler
* fix unittest and english doc
* fix english doc
* fix confilt
* fix doc
5 years ago
ceci3
f8dbd7a273
fix syncbn, test=develop ( #26523 )
...
* fix syncbn, test=develop
* fix test,test=develop
* fix unittest,test=develop
5 years ago
Kaipeng Deng
dd3df6933a
fix RandomSampler & BatchSampler. test=develop ( #26559 )
...
* fix RandomSampler & BatchSampler. test=develop
5 years ago
yaoxuefeng
d6e888cace
fix Flatten api test=develop ( #26346 )
5 years ago
cc
0d71cffd65
Add mnist test for post training quantization, test=develop ( #26436 )
...
* Add mnist test for post training quantization, test=develop
5 years ago
whs
79539cf198
【2.0 API】Add CUDA kernel and enhance options for grid_sample ( #26576 )
...
This PR enhance CPU kernel and add new CUDA kernel to make grid_sample support:
- align_corners: with bool type.
- padding mode: which can be in ['zeros', 'reflect', 'border']
- Interpolation mode: which ca be in ['bilinear', 'nearest']
The old CPU and CUDNN version only support align_corners=true, padding_mode='zeros' and interpolation_mode='bilinear'.
The behavior of the new version op in default mode is compatible with the old version.
5 years ago
YUNSHEN XIE
39fe0d35aa
find timeout unittests ( #26371 )
...
* find timeout unittests
* setting timeout value
* fix some error
* fix some error
* fix some error
* fix no newline of end file error
5 years ago
Guo Sheng
317f7ce2ef
[API 2.0] Add transformer apis ( #26418 )
...
* Add MultiHeadAttention api.
test=develop
* Add MultiHeadAttention cache type and gen_cache.
test=develop
* Add TransformerEncoderLayer and TransformerEncoder.
test=develop
* Add Transformer decoder apis.
test=develop
* Add Transformer api.
test=develop
* add unittests for transformer api
* add unittests for transformer api
* Fix some bugs in Transformer apis.
test=develop
* add unittests for encoder, decoder and transformer
* clean conflicts infor in code
* clean Chinese comments
* Add TransformerDecoderCell and TransformerBeamSearchDecoder.
test=develop
* Remove TransformerDecoderCell and TransformerBeamSearchDecoder temporarily.
test=develop
* Add import for Transformer apis.
test=develop
* Update usage of weight_attr and Tensor in Transformer api docs.
test=develop
* Update Transformer apis by renaming MultiheadAttention and cal_kv according to comments.
test=develop
* Fix MultiHeadAttention in test_transformer_api.py.
test=develop
Co-authored-by: LiuChiaChi <709153940@qq.com>
5 years ago
wanghuancoder
90e6819cf2
fix engilsh document for api paddle.fluid.dygraph.enabled, test=develop, test=document_fix ( #26271 )
5 years ago
yaoxuefeng
efee426742
support generator seed in related kernals test=develop ( #26495 )
5 years ago
Bai Yifan
ae4724cfd1
fix type issue ( #26500 )
5 years ago
Zhong Hui
bf4a4636f1
change to use bce_loss op, add shape check for bce_loss
...
change to use bce_loss op, add numel check for bce_loss.
5 years ago
ShenLiang
0e81626081
add div, floor_div, remainder ( #26562 )
...
* add div, floor_div, remainder
5 years ago
Kaipeng Deng
973fdd67f7
Fix dataset resource warning ( #26566 )
...
* fix resource warning. test=develop
5 years ago
Li Fuchen
c2cb8f0033
fix docstr of ctc_loss and CTCLoss, test=document_fix ( #26584 )
5 years ago
qingqing01
24566e951c
Support empty bbox in bipartite math op ( #26488 )
5 years ago
hong19860320
87843bebde
Fix the sample code of SELU/selu ( #26565 )
5 years ago
Jack Zhou
199b0c7c1b
Add isfinite v2 op ( #26344 )
...
add the isnan, isfinite, isinf api for the paddle 2.0
5 years ago
yaoxuefeng
33cffdf3d7
fix datanorm op add attr bug test=develop ( #25000 )
5 years ago
wangchaochaohu
ebf9b2125e
add paddle.gather for API2.0 ( #26455 )
5 years ago
wangchaochaohu
9219b79104
gather_nd Op for API 2.0 refine ( #26540 )
5 years ago
whs
dea7d7d173
【2.0 API】Add conv1d_transpose API ( #26356 )
5 years ago
huangjun12
7bd7b1884b
add alpha_dropout in nn.functional and nn.layer, test=develop ( #26365 )
...
* add alpha_dropout in nn.functional and nn.layer, test=develop
* refine Interface and assertion, test=develop
* fix ci import error, test=develop
* fix alias and use layers.scale, test=develop
* fix doc and training params, test=develop
* refine details in doc, test=develop
* fix doc details, test=develop
5 years ago
zhupengyang
9b14117cac
logsumexp: impl kernel, refine docs ( #26307 )
5 years ago
MRXLT
eeda90d674
[WIP] update optimizer for 2.0 ( #26288 )
...
refine Optimizer/Adam/Admax/RMSProp && add Admw
* buf fix
* update comment
* unify arguments place; notest
* fix ut, test=develop
* bug fix
* fix conflicts, test=develop
* add examples code
* bug fix
* fix comments
* fix sample code
* add sample code for Optimizer
* add adamax ut, test=develop
* fix rmsprop ut, test=develop
* add ut for optimizer.py and adamw.py
* remove TestAdamOptimizerBetaVariable
* update api && add ut
* update doc && fix ut
* add ut
Co-authored-by: mapingshuo <mps2012@yeah.net>
5 years ago
whs
e2b82e0439
【API 2.0】Add conv1d API ( #26350 )
5 years ago
zhupengyang
e6675f4f4d
normal: support mean and std tensor; randn = standard_normal ( #26367 )
5 years ago
LielinJiang
3a9417f4f7
Update 2.0 convolution api ( #26491 )
...
* update Conv2d Conv3d conv2d conv3d api
5 years ago
gongweibao
7c42f056e2
Finetune the performance of the unittests. ( #26402 )
5 years ago
wawltor
6b28456ed0
add the argmax, argmin for the api2.0
...
* add the new api and op for the argmax, argmin
5 years ago
LielinJiang
d26ae9ad87
Update conv_transpose api ( #26427 )
...
* update conv_transpose api
5 years ago
Zhen Wang
c037d6253a
Update the demo of paddle.grad ( #26498 )
...
* update the demo codes of paddle.grad.
5 years ago
hong19860320
c11c83fb3a
Add the parameter checking for softplus and fix the doc string ( #26530 )
5 years ago
ShenLiang
0ca10d310c
add paddle.static.data ( #26525 )
...
* add static data
5 years ago
zhupengyang
81c127d4ec
refine leaky_relu docs ( #26558 )
5 years ago
liuyuhui
66596bd20f
【paddle.fleet】solve the initial configuration about fleet and rolemaker ( #26368 )
...
* solve the initial configuration about fleet and rolemaker
Co-authored-by: seiriosPlus <tangwei12@baidu.com>
5 years ago
WangXi
ed102ea1b5
【API】Add sign and tanh api ( #26357 )
5 years ago
WangXi
45711dade7
【API】rename div to divide, add floor_divide, remainder ( #26434 )
5 years ago
Zhong Hui
f5d1349826
add binary cross entropy with logit loss ( #26468 )
...
* add binary cross entropy with logit loss
5 years ago
LutaoChu
4e0c6d91aa
add paddle.tensor.linalg.diag API, diag_v2 OP and CUDA kernel
...
add paddle.tensor.linalg.diag API, diag_v2 OP and CUDA kernel.
5 years ago
zhupengyang
f8863e0603
leaky_relu and LeakyReLU: alpha->negative_slope ( #26216 )
5 years ago
ShenLiang
c609066074
Add Matmul op ( #26411 )
...
* add matmul_v2
5 years ago
lilong12
65ac1ef661
fix docstring for expand, expand_as and tile. ( #26529 )
...
* fix docstring, test=document_fix
5 years ago
huangjun12
412eca679f
[API2.0] add dropout, dropout2d and dropout3d in nn.functional and nn.layer ( #26111 )
...
* [API2.0] add dropout, dropout2d and dropout3d, test=develop
* refine Interface and assertion after review, test=develop
* fix alias p=1 and use scale, test=develop
* fix doc and training, test=develop
* fix doc in Dropout2D, test=develop
5 years ago
wangchaochaohu
07c1c47bc9
refine the doc of OPs ( #26551 )
5 years ago
zhupengyang
57e124298d
var, std: input->x, adjust attr order, remove out, add docs ( #26446 )
5 years ago
wangchaochaohu
e966d0b673
refine the doc test=develop ( #26517 )
5 years ago
ShenLiang
190c695733
fix scatter doc ( #26248 )
...
* fix the comment of scatter
5 years ago
Leo Chen
aa2a9b5d89
add bernoulli op ( #26511 )
...
* add bernoulli op
* fix cuda kernel and add unit test
* refine doc
* fix uniform
5 years ago
Dong Daxiang
7d3e46e1d5
【paddle.fleet】Document refine ( #26526 )
...
* add documentation for DistributedStrategy
5 years ago
wangchaochaohu
65d8d16516
add decorator for deprecated Ops ( #26373 )
5 years ago
littletomatodonkey
0d1a62e908
test=develop rename CosSim interface ( #26522 )
5 years ago
Li Fuchen
dbf232a95b
add functional ctc_loss and CTCLoss class. ( #26384 )
...
* add functional ctc_loss and CTCLoss class.
* modified docstring of ctc_loss and CTCLoss
5 years ago
ShenLiang
b6eb37f5b3
add error message for cholesky ( #26444 )
...
* add error message
5 years ago
QingshuChen
138ecf24aa
support Baidu Kunlun AI Accelerator ( #25959 )
...
* support Baidu AI Accelerator
* test=kunlun
* minor
* test=kunlun
* support xpu op in separate file
* test=kunlun
* update XPU error message and remove duplicated code
* test=kunlun
* minor
* test=kunlun
* minor
* test=kunlun
5 years ago
lilong12
5f2c0e7e95
[2.0 api] fix the example codes in doc strings ( #26428 )
...
* fix the example codes, test=develop
5 years ago
wawltor
ecfb89e133
Update the error message for the margin_ranking_loss
...
Update the error message for the margin_ranking_loss
5 years ago
donproc
94b05850d2
add paddle.fluid.install_check.run_check example doc ( #25993 )
5 years ago
mapingshuo
7ae10900fa
fix slow var initialize, test=develop ( #26516 )
5 years ago
chajchaj
5407e327a4
add cross_entropy to nn/layer and nn/functional, test=develop ( #26478 )
...
* add cross_entropy to nn/layer and nn/functional, test=develop
* use functional/cross_entropy in layer/CrossEntropy
* use functional/cross_entropy in layer/CrossEntropy, test=develop
5 years ago
wangchaochaohu
e167e87974
【API2.0】add masked_select Op for API2.0 ( #26374 )
5 years ago
Chen Weihang
c09de13ec4
Refine jit load model by extra_var_info ( #26461 )
...
* refine load model by extra_var_info
* polish unittest for coverage
5 years ago
Dong Daxiang
83cd185947
【paddle.fleet】Meta from optimizer ( #26392 )
...
* consider the combination of different strategies to work together
5 years ago
pangyoki
bdac6bc880
Rename uniform_random API ( #26347 )
...
* Rename uniform and gaussian APIs
* rename uniform_random API as uniform
* Fixed unittest
* fixed unittest AttributeError
* Fixed unittest
* Add uniform function rather than alias
* remove templatedoc
* solve conflict and fix doc code
* fix doc code
5 years ago
Yang Zhang
f6d20d565c
Update `no_grad` doc examples ( #26481 )
...
test=document_fix
5 years ago
wawltor
61273973ad
delete module path for the activation ops, test=develop ( #26515 )
5 years ago
tangwei12
8e4ed662d1
fix decay global counter ( #26387 )
...
* fix decay global counter
* remove unused print, test=distp0
5 years ago
Zhou Wei
ce7d5263e6
[2.0API]Bind method for tensor and Variable ( #26416 )
...
* binding tensor method
* binding tensor method
* binding tensor method
* Binding methods for class Tensor and Variable
5 years ago
Yang Zhang
e662d1e0b7
Update `paddle.clamp` ( #25906 )
...
* Update `paddle.clamp`
rename to `paddle.clip`
add fast path for dygraph mode
remove `out`
rename `input` -> `x`
update doc sample
* Fix leftover `Variable` wording
* Indent doc with spaces
* Remove `:alias` in docs
* Update `enable_imperative` -> `disable_static`
* Remove `imperative`
also trigger CI
* Update tests for better coverage
* Rebase to fix `cosine_similarity`
* Fix `cosine_similarity` some more
5 years ago
Kaipeng Deng
1a72a9035b
Add map style dataset ( #26004 )
...
* add map_style dataset. test=develop
5 years ago
pangyoki
644dfd7dd5
Release Distribution base class and Normal, Uniform class ( #26355 )
...
* fixed static module
* solve conflict
* Add Distribution base class, Uniform class and Normal class
* release Distribution class and Normal, Uniform class
* Add Doc args explaination
* save distributions.py and process in distribution.py
* delete useless function in test_distribution
* Add NormalNumpy test class
* Add probs in NormalNumpy
* add distribution to paddle init
* Add Distribution base class and name attribute unittest
* Change Doc
* Change Doc
* adjust format
* Fixed Doc Code
* implement probs and change Variable to Tensor
* Add name for all functions and add name unittest
* support int datatype
* Add dynamic mode
* optimize test_distribution static and dygraph
5 years ago
Huihuang Zheng
e1245f5c84
[Dy2stat] change deprecated imp dependency to importlib, test=develop ( #26453 )
...
As the title
5 years ago
Pei Yang
379222c3f1
add output scale and trt op teller support for hard_swish and hard_sigmoid ( #26499 )
5 years ago
Bai Yifan
74836ec7b7
[2.0API]Add adaptive_avg_pool_2/3d ( #26369 )
...
* add adaptive_avg_pool2d
* add adaptive_avg_pool3d
5 years ago
Qi Li
8d194524ba
hardtanh prelu softmax, test=develop ( #26431 )
5 years ago
zhupengyang
6e5670b8bd
mean: not support int32, int64; add check for axis ( #26401 )
5 years ago
wawltor
6e6567f3a1
reduce the time cost for the testcase of test_nn_elementwise_grad ( #26451 )
5 years ago
Huihuang Zheng
ab34c83d98
Remove cudnn conv in unittest, test=develop ( #26489 )
...
Remove cudnn conv in Unittest because the cudnn conv, which is assigned to OP owner, hasn't been fixed.
5 years ago
wawltor
1080be3353
update the test_mean test case for bug fix
...
update the test_mean test case
5 years ago
Zhong Hui
c10cf6d240
Fix the API of bce loss and add functional API binary_cross_entropy ( #26012 )
...
Fix the API of bce loss and add functional API binary_cross_entropy
5 years ago
Chen Weihang
21ea2976dd
fix static dataloader default pin memory set ( #26390 )
...
* fix static dataloader default pin memory set
* fix related unittests
5 years ago
Chen Weihang
8c9229310c
reduce iter time to reduce exec time ( #26388 )
5 years ago
zhupengyang
4ad504e7c7
hardshrink: support threshold < 0 ( #26403 )
5 years ago
lilong12
e92f770c42
Add collective ops (reduce) ( #26340 )
5 years ago
wangchaochaohu
bdb805505e
【API2.0】add numel API for paddle test=develop ( #26311 )
5 years ago
Chengmo
623e14fbc5
disable test_dist_fleet_ctr ( #26507 )
...
disable test_dist_fleet_ctr
5 years ago
wangchaochaohu
2073ffc04d
Enhance the data type of linspace API ( #26247 )
5 years ago
guofei
bb7fd0974f
Add paddle.tensor.math.prod ( #26351 )
...
* Add new API: paddle.prod
test=develop
5 years ago
hong19860320
40d193ed17
Add the ReLU6, Tanhshrink, SELU, Softplus, Softshrink and Softsign for the api 2.0 ( #26376 )
5 years ago
Peihan
6e13e86ab3
verify correctness of dy2static model by using paddle-inference api ( #26372 )
...
* verify correctness of dy2static model by using paddle-inference api
* update python doc style
5 years ago
tangwei12
d12ac984bf
disable UT temp ( #26404 )
...
* disable UT temp
5 years ago
tangwei12
39bd2fb5e4
add print test_dist UT elapsed time ( #26397 )
...
* add print test_dist UT elapsed time
* UT elapsed time optimize
5 years ago
Aurelius84
9bcfc1a804
Fix paddle.nn.data in new unittest ( #26484 )
...
* Rename `Input` into `InputSpec`
* remove alias
5 years ago
liym27
ac2010f4b6
[Fix test_resnet timeout] Reduce batch_size to 2 to avoid unittest timeout.( #26449 )
5 years ago
ceci3
fd66d76231
add weight_norm & remove_weight_norm ( #26131 )
...
* add weight_norm, test=develop
5 years ago
ShenLiang
facc0a10c9
fix the doc of dot ( #26257 )
...
* fix the doc of dot
5 years ago
liym27
adba432f27
[API 2.0] Add api paddle.reshape(x, shape, name) ( #26338 )
...
(1) Add api paddle.reshape(x, shape, name);
(2) Use Tensor replaces Variable. test=develop
5 years ago
Zhang Ting
cefbb3500e
remove alias from doc, test=document_fix ( #26487 )
5 years ago
ShenLiang
256dc6ee48
set_default_dtype only support float ( #26435 )
5 years ago
123malin
57d434df5d
add save/load for parameter server ( #26235 )
...
* add save/load for parameter server
5 years ago
Aurelius84
0cc63cc343
[Paddle2.0] Rename hapi.Input and move `data` api ( #26396 )
...
* Rename `Input` into `InputSpec`
* fix argument place of Input api
5 years ago
WuHaobo
a57d63a0f2
Fix erf ( #26426 )
5 years ago
Chen Weihang
7c1ff38e01
Enhance add_parameter check for dygraph layer ( #26188 )
...
* enhance add parameter check for layer
* add unittest for coverage
* remove uninit test case
* enrich unittest ccase
* trigger ci check
5 years ago
yukavio
8c48c7daec
Add new one hot function in nn.functional ( #26183 )
...
* add input.py file
* write input.py
* fix init file
* add unit tests
* fix dygraph and input shape
* Revert "fix dygraph and input shape"
This reverts commit 89ad8664124c1872640b68c0a4418c377ad6aa6f.
* fixed pylint
* fix deprecated
* fix old op
* fix old op
* set check_dygraph=True
* Revert "set check_dygraph=True"
This reverts commit a8e93e33281f84e5f6fbc2b4bf05ea3e63611519.
* test commit
* fix doc and change test file name
5 years ago
Zhang Ting
6914a12f82
rename the inputs of allclose ( #26360 )
...
* rename input
* add unittest, test=develop
* use paddle.data instead of fluid.data, test=develop
5 years ago
Guanghua Yu
e52e7944cf
add paddle.nn.SmoothL1Loss,test=develop ( #26398 )
5 years ago
Chen Weihang
7e71ae92bd
fix test_cosine_similarity_api failed ( #26467 )
5 years ago
Chen Weihang
a7cd61fdd1
fix DataParallel code samples, test=document_fix ( #26423 )
5 years ago
littletomatodonkey
bcf03273f6
add pad func ( #26106 )
...
* add pad func
* add pad
* test=develop, add pad op and apis
* restore pad2d
* test=develop, fix paddl declare
* fix pad interface
* test=develop, fix pad
* test=develop, add all pad api and cos_sim
* test=develop, remove padding default value
* test=develop, rename var to tensor
* test=develop, add more tests
* test=develop, rename tovar to totensor
* test=develop, fix init
* test=develop, add more test
* test=develop, add more tests
5 years ago
lijianshe02
a39bd3acc9
reduce the execution time of affine_channel op unittests ( #26393 )
...
* reduce the execution time of affine_channel op unittests
5 years ago
Chengmo
eeeef957c7
Fix ps gpu ( #26218 )
...
* support ps-gpu
5 years ago
Zhong Hui
6cbeafb6c0
add zero norm, inf norm support for p_norm op ( #26364 )
...
* add zero norm, inf norm support for p_norm op
* fix the invalid argument check, fix the dtype problem in test case.
5 years ago
liym27
6cd67a8160
[API 2.0] Fix api sum:(1)input->x;(2)dim->axis;(3)keep_dim->keepdim ( #26337 )
...
* 1.Fix api sum:(1) input->sum; (2)dim->axis; (3)keep_dim->keepdim.
* 2. fix bug when len(axis) == len(x.shape).
5 years ago
liym27
db272ca5ef
rename file to according to reviews. ( #26236 )
5 years ago
Kaipeng Deng
c45481d7be
add Sampler/SequenceSampler/RandomSampler ( #26375 )
...
* add Sampler/SequenceSampler/RandomSampler. test=develop
5 years ago
ceci3
56890dc729
Add SyncBatchNorm ( #26032 )
...
* add SyncBatchNorm,test=develop
5 years ago
liym27
f3ea615673
[Dy2Stat] Fix bug: unwrap func in dy2Stat. ( #26279 )
5 years ago
GaoWei8
1fbee267d4
remove scope in cudnn lstm ( #25188 )
5 years ago
Qi Li
61800f4a1e
elu gelu relu logsigmoid, test=develop ( #26304 )
...
* logsigmoid and LogSigmoid, test=develop
* add elu gelu relu, test=develop
* update to_variable to to_tensor, test=develop
* address review comments, test=develop
* address review comments, test=develop
* change to_variable to to_tensor in test, test=develop
5 years ago
wanghuancoder
ea6716a55b
Add check if fluid.data() variable no feed data ( #25858 )
...
* add check if fluid.data() variable no feed data, test=develop
* Add testcase for feed check, test=develop
5 years ago
Wilber
3ec0bcbbb8
[Bug] Fix prune for save_inference_model about transformer ( #25347 )
5 years ago
cc
3f816bc8b4
[Quantization] Conv2d_transpose and mul support channnelwise quantization ( #25639 )
...
* Conv2d_transpose and mul support channnelwise quantization, test=develop
* Skip collecting out threshold for output tensor of which the type is not fp32 or fp64, test=develop
* Fix error in test_user_defined_quantization, test=develop
* Add depthwise_conv_bn_fuse, test=develop
* Add conv_transpose_bn_fuse_pass for post_training_quant, test=develop
5 years ago
wangchaochaohu
2101dfd2b3
【API2.0】add Chunk API ( #26314 )
5 years ago
Sylwester Fraczek
abfdffa039
add use_mkldnn attribute to ops in dygraph ( #25773 )
5 years ago
lilong12
638bbb6153
Improve expand as ( #26290 )
...
align expand_as op to expand.
5 years ago
Kaipeng Deng
5fdec3ed35
fix test_metrics accuracy. test=develop ( #26358 )
5 years ago
ShenLiang
fd0051b488
add set default dtype, get default dtype ( #26006 )
...
* add set/get default dtype
5 years ago
zhupengyang
586a6dd358
log_softmax and LogSoftmax: impl kernel and refind docs ( #26088 )
5 years ago
yaoxuefeng
23261ff44b
add cpu random Generator ( #26013 )
5 years ago
Sylwester Fraczek
69742bd9a4
Enable mkldnn layout conversion ( #25778 )
...
* enable mkldnn layout conversion
* review fix: remove tmp_place
* fix test mkldnn swish
* add UT for PrepareData CPU->MKLDNN
* add #ifdef PADDLE_WITH_MKLDNN
* Force-push commit
Co-authored-by: grygielski <adam.grygielski@gmail.com>
5 years ago
LutaoChu
71b19c7f4e
add nn.functional.normalize API for API2.0, fix L1Loss API typo
...
add nn.functional.normalize API for API2.0, fix L1Loss API typo, test=develop
5 years ago
zhupengyang
9317e51fa6
Fix
5 years ago
mapingshuo
cd48bdad31
add feature to fleet2.0 role_maker, distribute_strategy, test=develop ( #26267 )
...
* add feature to fleet2.0 role_maker, distribute_strategy, test=develop
5 years ago
Dong Daxiang
4ec51e0205
【paddle.fleet】Clear disable ( #26334 )
...
* add check approval
test=develop
5 years ago
Yi Liu
3b2c580a66
【paddle.fleet】make fleet_localsgd_meta_optimizer work ( #26213 )
...
* make fleet_localsgd_meta_optimizer work
* fix bug in localsgd meta optimizer
5 years ago
Qinghe JING
d549a9b1fe
【paddle.fleet】Set default value to strategy in distributed_optimizer ( #26246 )
...
* set default value to strategy in distributed_optimizer test=develop
5 years ago
Zhou Wei
5017aa76e6
set default python3,fix incompatible,cache dir for third party,unify error code,for windows ( #26178 )
...
* set default python3 for paddle windows,test=win
* set default python3,cache dir for third party,error code,test=win
* fix some incompatible
* fix some error
* set virtual environment,test=win
5 years ago
Jack Zhou
6d22f5c73e
Add PADDLE_ENFORCE in nll loss cuda kernel ( #26294 )
...
* add nll loss API, update demo code of the comment
5 years ago
wawltor
d03dd9d5f1
fix the margin ranking loss doc and api, test=develop ( #26266 )
...
* upate the target to label, test=develop
* Update the code for the margin_ranking_loss, test=develop
5 years ago
wawltor
00e08ce07b
add the sigmoid, Sigmoid for the api 2.0 ( #26171 )
...
Update the sigmoid, Sigmoid layer for the api2.0
5 years ago
Yang Zhang
d063a98b40
Update `paddle.add` ( #25910 )
...
* Update `paddle.add`
remove `alpha`
update doc sample code
remove `:alias` etc
* Remove `imperative` reference from docstring
5 years ago
Kaipeng Deng
7051bbc2a1
fix test_multiprocess_dataloader unittest. test=develop ( #26241 )
...
* fix test_multiprocess_dataloader unittest. test=develop
5 years ago
LielinJiang
9a6a4fbc04
Add children and named_children for Layer ( #26289 )
...
* add children and named_children
5 years ago
wangchaochaohu
0b81d76310
[API2.0] add op for cudnn version query test=develop ( #26180 )
5 years ago
Kaipeng Deng
e87436a570
DistributedBatchSampler add num_replicas and rank. test=develop ( #26315 )
5 years ago
lilong12
241b44db14
[API 2.0] adaptive expand op to use shape instead of expand_times ( #26206 )
...
* adaptive expand op to 2.0 (align to torch.expand) , test=develop
5 years ago
Dong Daxiang
cbf8ba1591
add check approval ( #26284 )
...
test=develop
5 years ago
wangchaochaohu
bb11cbc250
[API2.0] add Device api (set_device and get_device)( #26103 )
5 years ago
YUNSHEN XIE
30e1083e82
disable test_sampling_id_op ( #26313 )
5 years ago
wangchaochaohu
b48ab36b76
fix the typo test=develop ( #26310 )
5 years ago
Zhou Wei
6de463d3d1
expose and unify the Tensor concepts to the user ( #25978 )
...
* expose and unify the Tensor concepts to the user
* expose tensor to user
* add copy place for Tensor
* add copy place for Tensor
* add note
* add macro PADDLE_WITH_CUDA
* remove RUN_TYPE=DIST
* fix some error
5 years ago
lilong12
fbd4d3cc97
[API 2.0] add paddle.tile op ( #26245 )
...
* add tile_op, test=develop
5 years ago
LielinJiang
e4033a06d5
add Class KLDivLoss and function kl_div ( #25977 )
...
* add Class KLDivLoss and function kl_div
5 years ago
liu zhengxi
daad625121
fix rnncell errmsg ( #26298 )
5 years ago
Leo Chen
79f12595d8
Refine deprecated decorator ( #26238 )
...
* show deprecation warning once
* add some notes
* remove unused module
5 years ago
123malin
f2b6d8d553
test=develop, bug fix for test_dist_fleet_ctr ( #26287 )
...
* test=develop, bug fix for test_dist_fleet_ctr
5 years ago
Bai Yifan
22b06db3d7
add paddle.nn.functional.mse_loss ( #26089 )
...
* add paddle.nn.functional.mse_loss
* add name
* fix conflict
5 years ago
MRXLT
b2d41e2acd
fix unstack op doc ( #26043 )
5 years ago
Yang Zhang
617eb67f29
Upgrade `no_grad` decorator ( #25472 )
...
* Upgrade `no_grad` decorator
test=develop
- match torch decorator usage (i.e., with parenthesis)
- handle generator functions
- add `paddle.no_grad` alias
* Switch from `functools` to `decorator`
preserves signature
* Reword decorator usage note
5 years ago
zhupengyang
7a89a0a7be
hardshrink and Hardshrink: add class, threshold default 0.5 ( #26198 )
5 years ago
liuyuhui
935da32d25
【paddle.fleet】upgrade fleet: modify role_maker ( #26038 )
...
* add unittest for paddlerolemaker with gloo
5 years ago
wangchaochaohu
ba574c8ec3
refine the usage of numpy element fetch for Ops test=develop ( #26194 )
5 years ago
Yibing Liu
b9828bdf3a
Use faster algorithm for complex matmul, test=develop ( #26231 )
5 years ago
ShenLiang
5113aae6ea
fix the doc of inverse, dot, cholesky ( #25860 )
...
* fix the doc of inverse, dot, cholesky
5 years ago
pangyoki
cfa086bdc1
Remove original name for alias APIs ( #26195 )
...
* fixed static module
* solve conflict
* remove original name for alias API
5 years ago
wawltor
2d6cc0b125
support the tuple for attribute of axis in min, max for api2.0
...
Update the code for the min,max, test=develop
5 years ago
wawltor
682035663a
Add the loss of MarginRankingLoss for the paddle api2.0 ( #26078 )
...
add the api and doc for the margin_ranking_loss and MarginRankingLoss
5 years ago
Dong Daxiang
50a5bcfc9d
【paddle.fleet】paddle.fleet -> paddle.distributed.fleet. ( #26186 )
...
* move paddle.fleet to paddle.distributed.fleet
5 years ago
Leo Chen
2d95280e1f
Feature/Enable Auto-Mixed-Precision in dynamic graph ( #24903 )
...
* add auto_cast, test=develop
* add loss scaler, test=develop
* add comments, test=develop
* refine code, test=develop
* refine code, test=develop
* do not set flags automatically, test=develop
* fix custom op bug, test=develop
* add more test, test=develop
* refine enable logic, test=develop
* enable amp test with GPU, test=develop
* add unittest
* add test for found_inf
* follow comments
* follow comments
* remove global variable, use singleton
* add some notes
* update comments
* update comments
* update comments
* add use_dynamic_loss_scaling argument
* refine found_inf
* refine found_inf
5 years ago
Chen Weihang
838e36e9ed
Fix loaded variable suffix repeat error ( #26169 )
...
* fix loaded var suffix repeat error
* use new dygraph name for loaded param
5 years ago
Zhen Wang
e656ca4783
add assert raises in the test_retain_graph UT. ( #25983 )
5 years ago
Zhong Hui
7165f48409
change api name eps to epsilon for the pair_distance
...
change api name eps to epsilon for the pair_distance
5 years ago
Jack Zhou
dea41da715
add nll loss API for the paddlepaddle api2.0
...
* add nll loss API, update demo code of the comment
5 years ago
liym27
1d730ffbf5
[Dy2Stat] Removes temporary files created during the transformation of dygraph to static graph. ( #26150 )
5 years ago
Zhong Hui
361363c321
add pairewise distance for the paddlepaddle api 2.0
...
add pairewise distance for the paddlepaddle api 2.0
5 years ago
LutaoChu
1d870c442e
fix paddle.nn.loss.L1Loss OP, add paddle.nn.functional.l1_loss OP for API2.0
...
fix paddle.nn.loss.L1Loss OP, add paddle.nn.functional.l1_loss OP for API2.0
5 years ago
zhupengyang
faf83a7af2
paddle.mean: add attr axis, keepdim ( #26147 )
5 years ago
wawltor
9c17b3c9f8
Add the max, min, maximum, minimum api for the API 2.0
...
* Add the max, min, maximum, minimum api for the API 2.0, test=develop
5 years ago
pangyoki
13b80d9bea
fixed imperative module in doc example code ( #26149 )
...
* fixed imperative module in doc example code
* fixed static module
* solve conflict
5 years ago
Kaipeng Deng
dbc88bb900
Add iterable dataset support for multiprocess DataLoader ( #25558 )
...
* add IterableDataset support in multiprocess DataLoader. test=develop
5 years ago
JZ-LIANG
54003b873e
【paddle.fleet】add lamb to fleet meta optimizer ( #26025 )
...
add lamb to fleet meta optimizer
5 years ago
Yiqun Liu
1be6bf45ae
Add assign to fusion_group and enhance inplace execution in fusion_group. ( #26121 )
5 years ago
zhupengyang
b2034c2854
softmax: imperative->static; fix doc examples ( #26134 )
5 years ago
LutaoChu
b6d14d9d07
add deprecated decorator, remove alias for cumsum op ( #26104 )
...
add deprecated decorator, remove alias for cumsum op
5 years ago
Zhen Wang
a86e8c0eef
add more error info for these ops without double grad ops. ( #25987 )
5 years ago
danleifeng
34eb27a1d6
ps worker-ports are optional for users for fleetrun command; test=develop ( #26090 )
5 years ago
Jacek Czaja
615e8a20f6
- oneDNN update 1.3 -> 1.5 ( #25202 )
...
* - introducing oneDNN 1.6
test=develop
* - onednn 1.5
test=develop
* - oneDNN 1.5
test=develop
* - oneDNN 1.5 bugfix
test=develop
5 years ago
pangyoki
2efcb481c8
Paddle-2.0 API directory migration ( #25898 )
...
* Directory migration, test=develop
* Change imperative from paddle init to paddle framework, test=develop
* Fixed jit bug, test=develop
* default static mode, test=develop
* fixed format and create parameter belongs to framework, test=develop
* Fixed import package, test=develop
* fix __init__ format, test=develop
* fixed alias problem
* fixed paddle.enable_imperative problems, test=develop
* Add unittest
* delete install_check comment
* Fixed unittest timeout
* fixed unittest error
* move Program default_xx_program to static package
* optimize unittest method
* fixed framework __init__ format
* fixed jit path
* delete alias
* move jit to paddle
* Fixed unittest format
* fixed paddle.default_main_program
* Fixed save load API in paddle __init__.py
* fixed ci paddle.imperative.to_variable
5 years ago
zhupengyang
cd7b55a221
LeakyRelu: refine doc, fix name bug ( #25957 )
5 years ago
zhupengyang
2214394edc
softmax: refine doc; input->x ( #25976 )
5 years ago
ShenLiang
3076205ba9
rm eye, test=develop ( #26031 )
5 years ago
lilong12
8caee2ad51
【paddle.fleet】add the support for multi-node training for pipeline ( #25907 )
...
* add the support for multi-node training
5 years ago
LutaoChu
bf2db646de
fix cumsum op for API 2.0, optimize performance
...
update cumsum api and fix up the cumsum op
5 years ago
Leo Chen
9c6112104e
Fix prelu for compatibility with saved model of old version ( #26052 )
...
* fix prelu for compatibility with saved model of old version
* reshape alpha
5 years ago
Adam
1893cd6bb8
Add oneDNN relu6 op ( #26037 )
...
* Add oneDNN relu6 op
* Lint fixes
5 years ago
gongweibao
a7c5210051
Fix test_hdfs bug. ( #26068 )
...
* fix merge3 test=develop
5 years ago
tangwei12
c14ec8782b
【paddle.fleet】Feature/fleet ps api 2.0 ( #25857 )
...
* add paddle.fleet.AsyncOptimizer
Co-authored-by: dongdaxiang <dongdaxiang@baidu.com>
5 years ago
Chen Weihang
3c8daa9b89
Add pin memory control for BufferedReader ( #26026 )
...
* add pin memory control
* fix buffered reader init problem
* fix unittest error
* add unittest for coverage
5 years ago
Chen Weihang
ad4a0466a5
Add cuda pinned place branch in slice op GetExpectedKernelType ( #26027 )
...
* add cuda pinned place branch
* add unittest
* add skip when not gpu
5 years ago
danleifeng
d5a66fd7a0
【paddle.fleet】support multi-node cpu training for fleetrun ( #26011 )
...
* support multi-ps training mode for fleetrun; test=develop
5 years ago
gongweibao
0067a2e4ec
Save checkpoint automatically ( #25917 )
5 years ago
Feiyu Chan
e853ece0a2
update document template for unary elementwise layers ( #25896 )
...
1. update document template for unary elementwise layers(a.k.a. activation layer);
2. remove generate_op_noattr and use generate_activation instead; remove redundant function copies;
3. minor update for docstring to fix rst format errors.
4. fix doc for Rsqrt OP
5. add sample code for each activation separately;
6. remove the unused deprecated decorator.
5 years ago
joanna.wozna.intel
734cf1c3e9
Change use_quantizer attribute name and data type ( #25838 )
...
* Change use_quantizer attribute name and data type
* Fix problem with setting attribute
* Add changes due to review
* Small change in function
* Restore use_quantizer attr for compatibility
5 years ago
Sylwester Fraczek
4c9ddb3db4
enable check_dygraph for mkldnn activation tests ( #25779 )
...
* enable check_dygraph for mkldnn activation tests
* TestMKLDNNSwishDim4 float32->self.dtype
5 years ago
Leo Chen
5258d53d65
refine unsqueeze, test=develop ( #25470 )
...
* refine unsqueeze, test=develop
* update unsqueeze, test=develop
* refine unsqueeze, test=develop
* refine unsqueeze, test=develop
* update
* remove None, test=develop
* follow comments
* support bool
* update doc
* follow comments
* merge develop
5 years ago
wangchaochaohu
0dc485e6fe
refine the value parameter's Tensor support of fill_constant Op test=… ( #25986 )
5 years ago
liym27
168ea22351
[Dy2Stat-ErrorMessage]Optimize error value to improve readability when error raised in runtime. ( #25970 )
...
* don't remove op_callstack
* [Dy2Stat-ErrorMessage] Optimize error value to improve readability if error raised in run-time.
1. update op_callstack with original information;
2. simplify error value to improve readability if error raised in run-time.
* Fix error in Python3.
5 years ago
tangwei12
3755564ae1
Fix/large scale fix ( #25999 )
...
* fix large scale KV
* fix single training using async ssa graph
5 years ago
Leo Chen
751305ecf0
Add flags to control call stack of error message ( #25997 )
...
* add flags_call_stack_level
* update
* refine code
5 years ago
Chen Weihang
3eee0467fe
Add limit support for load_dygraph loading jit.save result ( #25935 )
...
* add limit support for load_dygraph loading jit.save result
* simplify unittest
* add unittests for coverage
* remove encoding limit of loading extra var info
5 years ago
liym27
12bf9d7168
[Dy2Stat-ErrorMessage]Enhance original error and create new exception ( #25798 )
...
* [Dy2Stat-ErrorMessage]Enhance original error and create new exception. test=develop
* Delete redundant code and change func name to create_and_update_origin_info_map.
* optimize loop_transformer.
* fix bug in print_transformer.
* Modify code according to the comments.
5 years ago
yaoxuefeng
07f509a835
fix 4 apis test=develop ( #25529 )
5 years ago
123malin
2191a08317
【paddle.fleet】fleet_util move to paddle.fleet ( #25805 )
...
* test=develop,test=document_fix, remove the out args
* fleet_util move to paddle.fleet
Co-authored-by: WuHaobo <wuhaobo1994@gmail.com>
Co-authored-by: tangwei12 <tangwei12@baidu.com>
5 years ago
danleifeng
0d4ce6ac5d
fix test_launch and test_fleet_launch bug; test=develop ( #26015 )
5 years ago
Leo Chen
6e7f0bb284
refine paddle.stack ( #25305 )
...
* refine stack in dygraph mode, test=develop
* update stack, test=develop
* rename Variable to Tensor, test=develop
* add name args to fluid.layers.stack, test=develop
* follow comments
* update doc
* update doc
* follow comments
5 years ago
yaoxuefeng
224620071b
add new flatten op test=develop ( #25393 )
5 years ago
xujiaqi01
20c8432ae3
move dataset from paddfle.fluid to paddle.fleet ( #25887 )
...
* move dataset to fleet
test=develop
* fix
test=develop
* fix
test=develop
* fix
test=develop
* test=develop
* test=develop
* test=develop
* test=develop
* test=develop
* test=develop
* test=develop
5 years ago
Adam
68c6160e63
Add oneDNN fusion_gru kernel ( #25594 )
...
* Add oneDNN fusion_gru kernel and fix fc+gru pass
test=develop
* Formatting changes
test=develop
* Lint fixes
test=develop
* Add memory::format_tag::any to GRU weights
test=develop
* Fix build with CUDA
* Fix build with CUDA v2
5 years ago
Thunderbrook
0cb60c700d
add heter ps mode ( #25682 )
...
* add heter ps mode
* code style
test=develop
* add with_pslib
test=develop
* unitest
test=develop
* code style
test=develop
* code style
test=develop
* code style
test=develop
* code style
test=develop
* code style
test=develop
* code style
test=develop
* code style
test=develop
* code style
test=develop
* test monitor
test=develop
* prepare trainer
test=develop
* code style
test=develop
5 years ago