baojun
910196524d
NGraph Added dropout and dropout_grad to ngraph test=develop ( #17320 )
6 years ago
mozga-intel
b189480734
Ngraph Enable gather operator test=develop ( #17296 )
6 years ago
lvmengsi
4ef631013c
Double backward sqrt ( #17387 )
...
* double backward sqrt
* refine unittest. test=develop
* refine test. test=develop
* remove alpha in unittest. test=develop
6 years ago
JesseyXujin
829fcc98fb
Fix some APIs' example
...
* test=develop
* test=develop
* test=develop
6 years ago
Zeng Jinle
eab34b2df6
fix_dygraph_mem_leak, test=develop ( #17396 )
6 years ago
lvmengsi
5d1ac41b00
Double backward reduce mean ( #17372 )
...
* test=develop, double backward reduce_mean
* add comment. test=develop
* fix format. test=develop
* rename GradGrad -> DoubleGrad. test=develop
* fix op_use_default_grad_op_maker.spec. test=develop
6 years ago
chengduo
d915a04907
Add examples for AdamaxOptimizer ( #17381 )
...
test=develop
6 years ago
Kaipeng Deng
bd9bef5a4e
add elementwise_add_grad_grad op ( #17366 )
...
* add elementwise_add_grad_grad op. test=develop
* use defined GradMaker. test=develop
6 years ago
jerrywgz
1c6d064627
add collect fpn proposals op,test=develop ( #16074 )
...
* add collect fpn proposals op,test=develop
6 years ago
Kaipeng Deng
60be66e2c0
support fc_op double grad ( #17317 )
...
* add double grad for mul_op. test=develop
* fix format. test=develop
* fix format. test=develop
* fix format. test=develop
* refine code. test=develop
* remove setzero. test=develop
* fix dx/dy init bug. test=develop
* fix format. test=develop
6 years ago
Zhen Wang
ad8bbe587e
Fix some api example codes' bugs and these APIs include load_inference_model, load_vars, save_vars, L1DecayRegularizer and L2DecayRegularizer. ( #17324 )
...
* fix some api example codes' bugs.
* update API.spec. test=develop test=document_preview
* add import fluid. test=develop test=document_preview
6 years ago
zhoukunsheng
2ff7ea3337
Expose sign op ( #17117 )
...
* test=develop
add sign op
* Update nn.py
test=develop
delete stop_gradient assignment
6 years ago
Jiabin Yang
4624d7c642
test=develop, add gradient sort backward strategy ( #17125 )
...
* test=develop, add gradient sort backward strategy
* test=develop, fix test by add FLAGS_cudnn_deterministic on new tests
6 years ago
qingqing01
1d0ba5e815
Fix the example code in some Python API ( #17333 )
...
* Fix the example code in some Python API
* Update paddle/fluid/API.spec
* Fix some examples format
6 years ago
Jiabin Yang
c843e64cf5
Revert "rename the default version from '0.0.0' to 'latest' ( #17304 )" ( #17356 )
...
This reverts commit f456c8beb8
.
6 years ago
Kaipeng Deng
8bae8590ac
add double grad for elementwise_mul op ( #17255 )
...
* add double grad for elementwise_mul. test=develop
* remove comment. test=develop
* fix grad sum. test=develop
* fix for axis expand. test=develop
* add test for axis expand. test=develop
6 years ago
Kaipeng Deng
11d3a38f25
add double grad for square op ( #17173 )
...
* add double grad for square. test=develop
* formax code. test=develop
* fix for grad sum. test=develop
* refine shape. test=develop
* refine extract. test=develop
6 years ago
Jiabin Yang
31536016ea
test=develop, test=document_preview, fix 13 api doc and code ( #17293 )
...
* test=develop, test=document_preview, fix all 13 api doc and code
* test=develop, fix rst
* test=develop, refresh API.spec
6 years ago
chengduo
bc833945a4
Add DropLocalExeScopes in ParallelExecutor ( #17297 )
...
* reset drop local scope counter
test=develop
6 years ago
zhoukunsheng
d4b67e1692
Add Where Op( #16793 )
6 years ago
zhoukunsheng
1bfff02047
Add Diag Op( #17027 )
6 years ago
SunGaofeng
ddb24d48c5
test=develop ( #17322 )
6 years ago
qingqing01
e32c9888f5
Double backward of conv2d. ( #17211 )
...
* Add conv2d_grad_grad_op
* Extracte the cuDNN conv algo searching code in conv_cudnn_helper.h.
- Now use it in conv2d_grad_grad.
- Will simply the searching code in conv2d and conv2d_grad in next PR.
* Enhance and fix bug in unit testing of gradient_checker.
* Support to fetch empty variables,return None in Python.
6 years ago
wopeizl
f456c8beb8
rename the default version from '0.0.0' to 'latest' ( #17304 )
...
* rename the default version from '0.0.0' to 'latest'
6 years ago
xiaoting
50ad9046c9
add import, test=develop ( #17229 )
6 years ago
zhoukunsheng
4292bd8687
Mod floordiv ( #17251 )
...
* test=develop
add elementwise_mod and elementwise_floordiv, fix equation problem in elementwise_mod
6 years ago
tangwei12
565d309501
Reformat fleet API ( #17135 )
...
* fix some logic in distributed transpiler, test=develop
* reformat fleet API, test=develop
6 years ago
lujun
a88a1faa48
Format file path ( #17280 )
...
The parameter dirpath will be passed directly to c++ operater. The file address format will be different under win and UNIX.
6 years ago
guru4elephant
5d6a1fcf16
fix infer_from_dataset and train_from_dataset ( #17243 )
...
* fix train_from_dataset and infer_from_dataset example
* add inductive dim for data_reader, example: shape=[-1, 1], then -1 will be inducted through run-time reading of number of elements
6 years ago
Huihuang Zheng
2c4462711f
Fix API example code of save_inference_model ( #17274 )
...
* Fix API example code of save_inference_model
test=develop
* Add "import" in exmaple of save_inference_model
* Fix typo "exsample" -> "example"
test=develop
6 years ago
xiaoting
9ed4aaada4
modified formula for Lrn ( #17281 )
...
* modified formula for lrn
test=develop
* modified api.spec
test=develop
6 years ago
Jiabin Yang
d8af44a5a3
test=develop, fix error with training and test on diff device ( #17276 )
6 years ago
lujun
e388a1fb66
Repair api example ( #17221 )
...
Fix the following API examples:
paddle.fluid.scope_guard
paddle.fluid.backward.append_backward
paddle.fluid.cpu_places
paddle.fluid.cuda_pinned_places
paddle.fluid.cuda_places
paddle.fluid.in_dygraph_mode
paddle.fluid.CUDAPlace
paddle.fluid.CPUPlace
paddle.fluid.CUDAPinnedPlace
6 years ago
guomingz
6d1d7c8acf
Fix the KL algorithm bug when calculated the size of tensor. ( #17198 )
...
* resolve #17184
Fix the KL algorithm bug when calculated the size of tensor.
* Add the missing test=develop.
test=develop
6 years ago
lvmengsi
dab71e8d97
Fix api example ( #17231 )
...
* fix API examples, test=develop
6 years ago
baojun
7bd1d03ee5
Adding lrn op for ngraph engine ( #17189 )
...
* added lrn op test=develop
* Added CreateConstant method test=develop
* avoid duplicates test=develop
6 years ago
Zhen Wang
65541d83b0
add scale pass for calculating the output scales.test=develop ( #17259 )
6 years ago
chengduo
8f534696b7
Polish Executor and Compiler doc ( #17262 )
...
* polish doc
test=develop
* updata parallel executor doc
test=develop
* update API.spec
test=develop
* polish code
test=develop
6 years ago
gongweibao
91784f8ec3
Fix code in document. ( #17237 )
6 years ago
Huihuang Zheng
648320bb6c
Fix some data and reader related API code ( #17202 )
...
* Fix data and reader related api doc
* Fix data and reader related api doc
Review and fix the example code in some reader related API doc.
These APIs are:
Fix existing API example codes:
paddle.fluid.io.PyReader
paddle.fluid.layers.batch
paddle.fluid.layers.data
paddle.fluid.layers.Preprocessor
paddle.fluid.layers.py_reader
paddle.fluid.program_guard
Add new example codes:
paddle.fluid.io.PyReader.decorate_batch_generator
paddle.fluid.io.PyReader.decorate_sample_generator
paddle.fluid.io.PyReader.decorate_sample_list_generator
paddle.fluid.io.PyReader.reset
paddle.fluid.io.PyReader.start
test=develop
* Add changes to API.spec after changing doc.
test=develop
* Add blanks after python example code
test=develop
* Add blank line at py_reader example code
test=develop
* Merge API.spec
test=develop
* Modify reader.py based on reviewer's comment
test=develop
* Modify API.spec after changing doc
test=develop
* Change reader.py based on reviewer's comment
* Modify example code of decorate_sample_generator
test=develop
* Fix example code of PyReader based on reviewer
test=develop
6 years ago
Zeng Jinle
f2fa3f7300
fix api doc,test=develop ( #17241 )
6 years ago
Zeng Jinle
4f8594088d
Enhance inplace/mem-opt pass and enhance softmax_with_cross_entropy op inplace ( #17225 )
...
* add use_cuda to inplace pass,test=develop
* add test softmax_with_xe_inplace test,test=develop
* fix potential inplace bug
test=develop
* add more skip vars in mem opt pass,test=develop
* follow comment,test=develop
* follow comments,move duplicate out arg check to program->graph,test=develop
6 years ago
Tao Luo
8b62f53719
fix nn.py lack of `import warnings` ( #17249 )
...
test=develop
6 years ago
baojun
e782b54b9c
update sofmax with axis arg test=develop ( #17190 )
6 years ago
tensor-tang
71f0c6d5bd
fix api doc of hash, relu, concat, argmin, argmax, argsoft and all activations ( #17235 )
...
* fix api doc of hash, relu, concat, argmin, argmax, argsoft and all activations funcs with no attrs
test=develop
* refine doc example code
test=develop
* remove >>> in doc example
test=develop
* refine python code block
test=develop
* update API spec
test=develop
6 years ago
Tao Luo
ff1661f12a
remove unused FLAGS_warpctc_dir ( #17162 )
...
* remove unused FLAGS_warpctc_dir
test=develop
* remove FLAGS_warpctc_dir
test=develop
6 years ago
Kaipeng Deng
a71d8fdb87
Softmax_cross_entropy op add axis ( #16806 )
...
* add attr axis infershape. test=develop
* add CUDA kernel. test=develop
* fix unittest. test=develop
* fix unittest for soft_label. test=develop
* fix fp16 unittest. test=develop
* remove comment code. test=develop
* refine test for axis. test=develop
* add python api. test=develop
* fix doc. test=develop
* fix fp16 unittest. test=develop
* fix ngraph test. test=develop
* fix ENFORCE for test_imperative_transformer. test=develop
* fit for ngraph test. test=develop
* fix after rebase develop. test=develop
* fix doc. test=develop
* fix API.spec. test=develop
* fix test_layers. test=develop
* fix format. test=develop
6 years ago
Zhen Wang
a40121e4c8
fix the initialization process error. test=develop ( #17213 )
6 years ago
Zhen Wang
a914d9b116
Quant output scale ( #17215 )
...
* Add MovingAverageAbsMaxScale operator which is only used for calculating the quantization scale.
* test=develop
* change the output into inplace. test=develop
* Revert "test=develop"
This reverts commit 696cf62699ba1e1c98f61f7345ac7060010eb29a.
* Revert "change the output into inplace. test=develop"
This reverts commit a19acd20f07eee82622701a3015e6e9c073a5e0b.
* test=develop.
* update the MovingAverageAbsMaxScaleOp test. test=develop
6 years ago
Tao Luo
16922e0093
fix api_example of tree_conv ( #17239 )
...
test=develop
6 years ago
jerrywgz
ef66baedc0
Refine api doc ( #17230 )
...
* refine api comment, test=develop
6 years ago
Yibing Liu
6b0f27e802
Fix some APIs' example ( #17214 )
6 years ago
ruri
5817077c99
Fix unexecutable API examples ( #17218 )
...
* fix unexecutable API comments, test=develop
* add API.spec,test=develop
6 years ago
jerrywgz
cc95a7516c
fix distribute fpn proposals, test=develop ( #16152 )
...
* fix distribute fpn proposals, test=develop
6 years ago
Tao Luo
9ec4615deb
fix profiler and name_scope API examples ( #17212 )
...
* fix profiler and name_scope API examples
test=develop
* update API.spec
test=develop
6 years ago
wopeizl
06325c4de1
disable the test_distillation_strategy temporarily ( #17227 )
...
test_distillation_strategy always failed on a machine with 4 gpus only, disable temporarily and need to figure out the root cause and add it back later
6 years ago
Zeng Jinle
ee2028a110
Add use_cuda to inplace pass ( #17205 )
...
* add use_cuda to inplace pass,test=develop
* add test softmax_with_xe_inplace test,test=develop
6 years ago
chengduo
f2db475a3e
update ParallelExecutor ( #17204 )
...
test=develop
6 years ago
jerrywgz
a72907bbf4
Enhance concat op to support empty input. ( #17015 )
...
* enhance_concat, test=develop
6 years ago
wopeizl
83c4f7721f
use two GPUs to run the exclusive test test=develop ( #17187 )
6 years ago
tianshuo78520a
8092c40560
Modify test timeout ( #17181 )
...
* test=develop
* test=deelop
6 years ago
guru4elephant
f938ccec62
remove async executor python api to fix document ( #17174 )
...
* remove async executor python api
test=develop
* remove test_async_executor.py
add executor train_from_dataset demo
test=develop
* fix import bug
test=develop
6 years ago
Zeng Jinle
5dfe2ab9e8
Fix mem leak when converting Tensor to numpy array ( #17182 )
...
* fix mem leak when converting Tensor to numpy array
test=develop
* remove unused unittest,test=develop
* follow comments, test=develop
* fix dygraph bug,test=develop
6 years ago
Zeng Jinle
4e1bc6e805
Rewrite inplace pass and fix gc bug ( #17126 )
...
* fix op graph view
test=develop
* rewrite inplace pass and fix reference count pass bug
test=develop
* fix unittest failed
test=develop
* follow comments, test=develop
6 years ago
Lfc1993
aa5307ce5b
fix python3 run_time_error in ops. test=develop ( #17170 )
...
fix python3 run_time_error in layers.ops caused by locals()
6 years ago
guomingz
e4a52e082f
resolve #17159 ( #17172 )
...
Update the folder name generation mechanism for saving the quantized model and weights.
The folder name would be unique by adding the timestamp postfix.
test=develop
6 years ago
xiaoting
bc48453b73
polish the label_smooth ( #17138 )
...
* polish the label_smooth
test=develop
* polish code
test=develop
6 years ago
Lfc1993
626922d3cd
fix run_time_error in uniform_random. test=develop ( #17152 )
...
fix runtimeerror : dictionary changed size during iteration when calling uniform_random in python3+
6 years ago
tangwei12
deb510d451
cvm op feature ( #17081 )
...
cvm without LoD.
6 years ago
Jiancheng Li
554d3a71d2
test=develop fix bug: fix selected_indices in nms ( #17140 )
6 years ago
Zeng Jinle
28d69d710a
Refine dropout gpu memory ( #17095 )
...
* refine_dropout_mem,test=develop
* # This is a combination of 14 commits.
# The first commit's message is:
remove ut test_dist_word2vec in mac ci, will fix it in private, test=develop (#17066 )
# This is the 2nd commit message:
Fleet unify distributed training (#16791 )
* implement distributed transpiler with fleet
# This is the 3rd commit message:
ParallelDyGraph with GPU collective mode (#16827 )
implement dygraph.parallel.DataParallel to hook reduce op.
# This is the 4th commit message:
Init mixed precision training interface (#16856 )
* Init mixed precision training interface
* Add fp16 test script
test=develop
* All initializers support float16
test=develop
* Code cleanup & add more code annotations
test=develop
* Update API spec
test=develop
* Add usage example in doc
test=develop
# This is the 5th commit message:
fix reference_count_pass,test=develop (#17060 )
test=develop
# This is the 6th commit message:
Speedup roi_perspective_transform op by caching the information of linear interpolation in forward (#17090 )
* Cache the information of linear interpolation in forward and use it in backward.
test=develop
* Fix cuda kernel.
test=develop
# This is the 7th commit message:
remove unnecessary prepare_data (#17080 )
test=develop
# This is the 8th commit message:
fix interpolate cu. test=develop (#17101 )
# This is the 9th commit message:
test=develop, double backward leaky_relu (#17067 )
backward of backward: leaky_relu
# This is the 10th commit message:
fix fuse optimizer ops (#17102 )
test=develop
# This is the 11th commit message:
truncated_gaussian_random supported in distributed training, test=develop (#17091 )
# This is the 12th commit message:
Detailed coordinate description for yolov3 loss (#17007 )
* Detailed coordinate description for yolov3 loss
test=develop
* modified api.spec
test=develop
* modified loss name
* fix api.spec
test=develop
* polish description
test=develop
* modified api.spec
test=develop
# This is the 13th commit message:
fix test_weight_decay (#17109 )
test=develop
# This is the 14th commit message:
Path flag (#17105 )
* fix python/paddle/fluid/__init__.py detecting problems
6 years ago
chengduo
9ccce576d6
fix test_weight_decay ( #17109 )
...
test=develop
6 years ago
xiaoting
7da7881c0e
Detailed coordinate description for yolov3 loss ( #17007 )
...
* Detailed coordinate description for yolov3 loss
test=develop
* modified api.spec
test=develop
* modified loss name
* fix api.spec
test=develop
* polish description
test=develop
* modified api.spec
test=develop
6 years ago
tangwei12
7330cd639c
truncated_gaussian_random supported in distributed training, test=develop ( #17091 )
6 years ago
ceci3
258e000be6
test=develop, double backward leaky_relu ( #17067 )
...
backward of backward: leaky_relu
6 years ago
Kaipeng Deng
10c487eb21
fix interpolate cu. test=develop ( #17101 )
6 years ago
whs
55ce36e981
Speedup roi_perspective_transform op by caching the information of linear interpolation in forward ( #17090 )
...
* Cache the information of linear interpolation in forward and use it in backward.
test=develop
* Fix cuda kernel.
test=develop
6 years ago
Yibing Liu
beda78258f
Init mixed precision training interface ( #16856 )
...
* Init mixed precision training interface
* Add fp16 test script
test=develop
* All initializers support float16
test=develop
* Code cleanup & add more code annotations
test=develop
* Update API spec
test=develop
* Add usage example in doc
test=develop
6 years ago
Yan Xu
0b07eef118
ParallelDyGraph with GPU collective mode ( #16827 )
...
implement dygraph.parallel.DataParallel to hook reduce op.
6 years ago
tangwei12
1a4a51db2b
Fleet unify distributed training ( #16791 )
...
* implement distributed transpiler with fleet
6 years ago
tangwei12
e707119a89
remove ut test_dist_word2vec in mac ci, will fix it in private, test=develop ( #17066 )
6 years ago
Zhen Wang
b8c166f632
Merge pull request #17029 from wzzju/add_graph_checkpoint
...
add checkpoint functions for graph. test=develop
6 years ago
guomingz
2deac4e447
Fix the bug of test_conv2d_int8_mkldnn case which raised by improper parameter passing ( #17058 )
...
* resolve #17057
Fixed the bug that fuse_relu/fuse_residual option couldn't be passed to class TestConv2dInt8Op.
test=develop
* Fix the bug of test_conv2d_int8_mkldnn case which raised by improper parameter passing.
test=develop
6 years ago
chengduo
a2be4b4d91
Add fuse momenutum ops ( #16745 )
...
* Add fuse momenutum ops
6 years ago
tink2123
5e216fcf1a
fix split
...
test=develop
6 years ago
chengduo
e296e0fead
fix test_parallel_executor_seresnet random fail ( #17030 )
...
test=develop
6 years ago
Tao Luo
b3a11943c1
Merge pull request #17031 from luotao1/reduce_test_time
...
reduce unittest time by rename testcuda to has_cuda
6 years ago
qingqing01
c1c2633a63
Support backward of backward for Relu and add a new gradient checker by comparing theoretical and numerical Jacobian. ( #16862 )
...
* Support backward of backward and a new gradient checker
* Rename decorators.py to decorator_helper.py, since Python on Windows CI has decorators package.
1. Add ReluDoubleGradMaker when register relu_grad.
2. Add a new gradient checker by comparing theoretical and numerical Jacobian. Check double gradients by double_grad_check.
6 years ago
Zeng Jinle
f188b3708e
Move gc test to each test of op ( #16999 )
...
* move gc test to op_test
test=develop
* Revert "move gc test to op_test"
This reverts commit cf15da65c38f57c91f53b3d8b3c2365d4aa86016.
* enable gc test in some ops
test=develop
6 years ago
chengduo
7c370e42f9
Fix test_recurrent_op ( #17001 )
...
* fix ramdom fail
test=develop
6 years ago
Tao Luo
9466e956a7
reduce unittest time by rename testcuda to has_cuda
...
test=develop
6 years ago
Zhen Wang
bf6b9d6d37
add checkpoint functions for graph. test=develop
6 years ago
wopeizl
d9991dccdd
add parallel build script to ci … ( #16901 )
...
* add parallel build script to ci test=develop
* 1. classify the test case as single card/two cards/multiple cards type
2. run test case according to the run type
6 years ago
Zeng Jinle
24923f7604
fix py_reader demo ( #16997 )
...
test=develop
6 years ago
qingqing01
ea42e431f8
Speed unit testing. ( #16978 )
...
* Speed affine_channel_op unit testing
* Add check in tensor_py
* Fix ONLY_CPU Compiling
6 years ago
guomingz
ae7a2cb8e3
resolve #16988 ( #16995 )
...
Update the filter generation mechanism that it could generate the negative parameter.
The original calling(np.random.random()) couldn't simulate the conv/relu fusion case.
test=develop
6 years ago
liuwei1031
765c70a1b0
Unittest improve, test=develop ( #16941 )
...
* accelerate test_ir_memory_optimize_nlp, test=develop
* accelerate test_ir_memory_optimize_nlp, test=develop
6 years ago
guomingz
23df084b32
resolve #16987 ( #16994 )
...
Rename the testcuda function to has_cuda, it will elimate the unnecessary testing.
test=develop
6 years ago
Zeng Jinle
1202d3fc74
Refine model gpu memory ( #16993 )
...
* speedup gc and inplace softmax_with_cross_entropy_grad
test=develop
* refine models gpu mem
Merge skip vars and warning messages of mem opt
remove relu mem opt
test=develop
* follow comments
test=develop
6 years ago
Zeng Jinle
af8a041bb6
reduce py_reader unittest time ( #16996 )
...
test=develop
6 years ago
Wang, Chuanqi
45ebafc33e
Split test_calibration test to two tests ( #16977 )
...
* Split test_calibration test to two tests
test=develop
* Modify CMakeLists file
test=develop
6 years ago
Yibing Liu
3c375751f8
Support seq len equal to 0 in sequence ops ( #16935 )
...
* Support seq len equal to 0 in sequence ops
test=develop
* Add more test cases
* Fix some comments
test=develop
* Fix py3 error
test=develop
6 years ago
lujun
9d2f7d762c
fix dy-load bug, test=develop
6 years ago
lujun
94c4cd1a98
fix dy-load bug, test=develop
6 years ago
lujun
a3f17280a3
fix dy-load bug, test=develop
6 years ago
Yibing Liu
36c05d36ab
Check some shapes only in runtime ( #16919 )
...
* Check some shapes only in runtime
test=develop
* Follow review comments
test=develop
* Update API spec
6 years ago
whs
486f7d8ed6
Restore quantization and distillation stategy before loading persistables. ( #16958 )
...
test=develop
6 years ago
gongweibao
cbdb8a17b1
Polish DGC code ( #16818 )
6 years ago
lujun
dbf66dd034
Merge pull request #16954 from junjun315/fix-dygraph-checkpoint
...
Fix dygraph checkpoint bug
6 years ago
Tao Luo
aa9caa1691
Merge pull request #16951 from luotao1/reduce_ci_time
...
use multi-thread to speedup CI tests
6 years ago
Tao Luo
aed702cea3
Merge pull request #16920 from qingqing01/test_profile
...
Fix test_profiler when the machine has many cores.
6 years ago
Tao Luo
b596eed73a
Merge pull request #16824 from LeoZhao-Intel/mkldnn_mul
...
disable test_elementwise_mul_mkldnn_op case
6 years ago
lujun
3beed54cdd
Merge pull request #16917 from velconia/dygraph_untrack_op
...
imperative fix tracer train mode
6 years ago
lujun
a7c11979ba
fix dygraph save/load checkpoint error, test=develop
6 years ago
Tao Luo
bc037c13c7
use multi-thread to speedup CI tests
...
test=develop
6 years ago
tangwei12
2b61db07d1
fix sampling id op bug ( #16909 )
...
* fix sampling id op bug, test=develop
6 years ago
gongweibao
b7f20ed6af
Fix unittest dataset error ( #16925 )
6 years ago
Hongyu Liu
d5a7c09856
Merge pull request #16798 from phlrain/softmax_cross_support_high_rank
...
softmax cross entropy support high rank
6 years ago
Dang Qingqing
b73a71d11e
Fix test_profiler when the machine has many cores
...
test=develop
6 years ago
guru4elephant
03a7ec55cf
Merge pull request #16746 from xjqbest/dataset_merge_develop
...
move split filelist from trainer.py to fleet & fix error
6 years ago
Kaipeng Deng
5d45eb06f9
Merge pull request #16858 from heavengate/fix_yolo_param
...
Fix yolo param
6 years ago
minqiyang
97aa1838bc
Fix dygraph train mode
...
test=develop
6 years ago
Qiyang Min
102fc8596e
Merge pull request #16777 from velconia/dygraph_untrack_op
...
Imperative tracer does not hold op any more
6 years ago
Leo Zhao
1edcd73115
remove unnecessary new line
...
test = develop
resolve #16764
6 years ago
Leo Zhao
61cc842a53
disable test_elementwise_mul_mkldnn_op case
6 years ago
xiaoting
ccc3bd70c1
polish doc for uniform_random and multi_box_head ( #16864 )
6 years ago
Hongyu Liu
0701c2db47
Merge pull request #16518 from zhoukunsheng/rsqrt
...
Rsqrt
6 years ago
Hongyu Liu
bbcfa8ffb2
Merge pull request #16493 from zhoukunsheng/zeros_like
...
Zeros like
6 years ago
phlrain
d722841622
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into softmax_cross_support_high_rank
6 years ago
zhoukunsheng
f9223c5fa9
Logical compare ( #16513 )
...
* test=develop
update API.spec with hash, resolve conflict
* remove unused parameter
6 years ago
wopeizl
0114f1d65a
give the output value to keep consistant with document test=develop ( #16740 )
6 years ago
phlrain
766c868199
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into softmax_cross_support_high_rank
6 years ago
Tao Luo
485bc6a055
Merge pull request #16868 from chengduoZH/speedup_test_parallel_executor_transformer
...
Reduce the layer number of transfromer model
6 years ago
Tao Luo
d4b5510c00
Merge pull request #16860 from junjun315/fix-utest-vgg
...
Fix bug: long vgg-utest testing time
6 years ago
liuwei1031
072db0938b
optimize lstmp and sample_logits op, test=develop ( #16845 )
...
* optimize lstmp and sample_logits op, test=develop
* update op_use_default_grad_op_maker.spec, test=develop
* delete useless file,test=develop
* append 0 to dim variable to avoid memory reusage, test=develop
6 years ago
Jiabin Yang
84b7a7291e
test=develop, fix hsigmoid dereference nullptr ( #16769 )
...
* test=develop, fix hsigmoid dereference nullptr
* test=develop, refine condition
* test=develop, refine comments
6 years ago
minqiyang
9a3848a2ea
Fix attrs
...
test=develop
6 years ago
Hongyu Liu
2de7f3cfc3
Merge pull request #16799 from phlrain/sigmoid_corss_entropy_support_high_rank
...
supprt high rank
6 years ago
chengduozh
3349094fe2
reduce the layer number of transfromer
...
test=develop
6 years ago
Qiyang Min
590af88c79
Merge pull request #16742 from velconia/imperative_fix_growing_dict
...
Fix auto growth bug of python dict in dygraph mode
6 years ago
minqiyang
73cbdc2998
Add train mode
...
test=develop
6 years ago
colourful-tree
434caab21b
Merge pull request #16741 from colourful-tree/dev
...
add continuous value model op
6 years ago
lujun
4aea89faa2
fix vgg-test. test=develop
6 years ago
dengkaipeng
7b1702d9a1
fix unittest and API.spec. test=develop
6 years ago
dengkaipeng
b20b27f0f7
fix yolov3_loss param name. test=develop
6 years ago
Tao Luo
54be8d9be4
Merge pull request #16747 from chuanqi129/reduce_test_calibration_time
...
Reduce test_calibration test time by using large batchsize
6 years ago
乔龙飞 Qiao Longfei
82cff5ec42
Merge pull request #16762 from jacquesqiao/add-async_sparse_param_update_recorder
...
Add async sparse param update recorder
6 years ago
heqiaozhi
aab9ea6ccb
out && commit id
...
test=develop
6 years ago
jiaqi
7968887fae
Merge branch 'develop' into dataset_merge_develop
6 years ago
Yibing Liu
4267a81afc
Correct the lod level of compiled time in lod_reset ( #16790 )
...
test=develop
6 years ago
guru4elephant
1b75049407
Merge pull request #16788 from guru4elephant/fix_python_codestyle
...
Fix python codestyle in incubator
6 years ago
chengduo
c62674f475
Refine StaticRnn ( #16707 )
...
* enable recurrent op test=develop
6 years ago
chengduo
6220b8b9d1
[Speed] Make test_dyn_rnn faster ( #16761 )
...
* make test_dyn_rnn faster
6 years ago
Leo Zhao
a9694bd3d6
convert output to nchw format to align with native version in avx512 mode
...
test = develop
resolve #16764
6 years ago
heqiaozhi
759940786e
Merge remote-tracking branch 'upstream/develop' into dev
...
test=develop
6 years ago
zhoukunsheng
380df8281f
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into zeros_like
6 years ago
heqiaozhi
85a0746e9d
fix doc
...
test=develop
6 years ago
Qiao Longfei
afc56949c1
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into add-async_sparse_param_update_recorder
6 years ago
heqiaozhi
271532eb5e
fix doc
...
test=develop
6 years ago
heqiaozhi
bc7b3a6147
fix doc
...
test=develop
6 years ago
phlrain
8063f5867f
remove sigmoid change; test=develop
6 years ago
phlrain
468f8ccff9
supprt high rank; test=develop
6 years ago
phlrain
97d4622bdb
add softmax test unit
...
test=develop
6 years ago
phlrain
bbfc82cc42
softmax corss entropy support high rank
...
test=develop
6 years ago
zhoukunsheng
2b2b4ca21e
Merge branch 'develop' into rsqrt
6 years ago
heqiaozhi
afa64a5cfa
add cvm unittest
...
test=develop
6 years ago
Hongyu Liu
e2897ba13a
Merge pull request #16432 from zhoukunsheng/linspace
...
add linspace op
6 years ago
Hongyu Liu
283ae0faaa
Merge pull request #16525 from zhoukunsheng/rank
...
Rank
6 years ago
Hongyu Liu
afe0d64c9d
Merge pull request #16320 from zhoukunsheng/all_any
...
add reduce_all, reduce_any op
6 years ago
ruri
39d6a985bc
fix some comments, include cosine_decay,l2_normalize,pixel_shuffle ( #16763 )
...
* fix some comments, include cosine_decay,l2_normalize,pixel_shuffle
* Add api.spec, test=develop
* update api.spec, test=develop
* add api.spec,test=develop
* test=develop
* test=develop
* fix conflict,test=develop
6 years ago
dongdaxiang
8257136012
fix bug
...
test=develop
6 years ago
xjqbest
0ef19e2d4d
fix code style
6 years ago
xjqbest
efe4311a98
fix release_memory not found & fix doc string example error
...
test=develop
6 years ago
dongdaxiang
ceac9df87a
fix code style for incubator
6 years ago
guru4elephant
aa46caf3d9
Merge pull request #16765 from guru4elephant/gpu_dataset_train
...
add gpu training for Executor.train_from_dataset
6 years ago
Wu Yi
8b58732013
remove append_LARS not used api test=develop ( #16703 )
6 years ago
Tao Luo
f96446cade
Merge pull request #16738 from luotao1/high_level_api_test
...
reduce CI time of high_level_api tests
6 years ago
minqiyang
734260f47b
Make Op Hold Output too and release backward_refs each time
...
test=develop
6 years ago
chengduo
610c6442e3
Make test_parallel_executor_seresnet.py Faster ( #16701 )
...
* slimming test_parallel_executor_seresnet.py
6 years ago
minqiyang
20e304f2ae
Tracer does not hold op any more
...
test=develop
6 years ago
minqiyang
08a7cdee11
Polish code
...
test=develop
6 years ago
minqiyang
20ead9e659
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into imperative_fix_growing_dict
...
test=develop
6 years ago
Tao Luo
544f91deba
add WITH_HIGH_LEVEL_API option, default OFF
...
test=develop
6 years ago
guru4elephant
ba98872d96
Update dataset.py
6 years ago
dongdaxiang
05464e7c5c
add gpu training for Executor.train_from_dataset
...
test=develop
6 years ago
Qiao Longfei
0608f8ca56
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into add-async_sparse_param_update_recorder
6 years ago
Tao Luo
7d0ed2a423
remove non-existent test_image_classification_resnet
...
test=develop
6 years ago
Zeng Jinle
674aed6a6c
Fix unittests which takes too long time ( #16713 )
...
* fix too long unittest
recommit
test=develop
* add fake_reader.py
test=develop
6 years ago
chuanqiw
1818d1d9f0
Reduce test_calibration test time by using large batchsize
...
test=develop
6 years ago
xjqbest
e784884e70
add Example in doc string of split_filelist
...
test=develop
6 years ago
Jiabin Yang
7060c8d89f
test=develop, refine transformer ( #16734 )
6 years ago
lujun
9bd44b94da
Merge pull request #16561 from junjun315/move-api-to-root
...
Move dygraph api to root
6 years ago
gongweibao
95410652e8
Fix dgc spelling mistakes. ( #16733 )
6 years ago
xjqbest
1c0ef929f9
fix code style
...
test=develop
6 years ago
xujiaqi01
1938132936
fix code style
...
test=develop
6 years ago
Kaipeng Deng
ed97156461
Merge pull request #16439 from heavengate/resize_scale
...
add attr scale. test=develop
6 years ago
xjqbest
d5ee580c5c
move split filelist from trainer.py to fleet & fix error
...
test=develop
6 years ago
minqiyang
9434f9a6f9
Fix auto growth bug of optimizer in dygraph mode
...
test=develop
6 years ago
heqiaozhi
54dddee37e
add continuous value model op
...
test=develop
6 years ago
Tao Luo
38f01b678a
rename high_level_api tests
...
test=develop
6 years ago