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
chengduo
516317cf91
use sync copy ( #17291 )
...
test=develop
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
zhaoyuchen2018
792443ef23
Refine elementwise kernel. ( #16952 )
...
* Refine elementwise kernel.
Add a simple cuda kernel if grad x and y both exist
Use 2D block cuda kernel to do broadcast.
test=develop
Signed-off-by: zhaoyuchen <zhaoyuchen01@baidu.com>
* refine code.
test=develop
Signed-off-by: zhaoyuchen <zhaoyuchen01@baidu.com>
* refine code.
test=develop
Signed-off-by: zhaoyuchen <zhaoyuchen01@baidu.com>
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
Yiqun Liu
6b84688ba2
Optimize the cuda implementation of sum_op ( #17283 )
...
* Optimize the cuda implementation of sum_op, which add two lod_tensors inplace.
test=develop
* Use eigen to add to tensors.
test=develop
6 years ago
chengduo
db5e74ab95
update assert ( #17282 )
...
test=develop
6 years ago
Hongyu Liu
c3195de522
Fix concat shape check ( #17247 )
...
* fix shape_check; test=develop
* fix format; test=develop
* fix format; test=develop
* fix ddim bug; test=develop
* fix c++ format; test=develop
* change function name; test=develop
6 years ago
lvmengsi
dab71e8d97
Fix api example ( #17231 )
...
* fix API examples, test=develop
6 years ago
whs
7d7e29957f
Fix bp of roi perspective transform op. ( #17216 )
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
Wojciech Uss
984aa90583
improved unit test output ( #17266 )
...
added printing data type to differentiate int8 and fp32 latency results
test=develop
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
tianshuo78520a
dd86b40058
document_preview ( #17166 )
...
* document_preview
* change name
* document
* add document_preview.sh
* add document_preview.sh
* add paddle_build.sh
* nohup python
* change port runserver
* test doc
* test=develop
* test=develop
* test=develop
* add git clone FluidDoc,PaddlePaddle.org
* change PaddlePaddle.org
* Add port comment
* change directory
* change PADDLE_ROOT
6 years ago
gongweibao
91784f8ec3
Fix code in document. ( #17237 )
6 years ago
chengduo
04bd413acb
Code Clean: Move all pass to paddle::framework::ir ( #17228 )
...
* move pass to ir
* polish code
test=develop
* fix dependency
test=develop
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
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
Zeng Jinle
6fafd37e12
fix retry_allocator ( #17245 )
...
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
songhao
c2e20e2a29
fix build warning like 'comparison between signed and unsigned ( #17240 )
...
integer', test=develop
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
zhaoyuchen2018
32b62c25af
optimize sum op ( #16820 )
...
* optimize sum op
fuse multi eigen kernel calls into one cuda kernel.
refine code
test=develop.
Signed-off-by: zhaoyuchen <zhaoyuchen01@baidu.com>
* Refine code.
test=develop
Signed-off-by: zhaoyuchen <zhaoyuchen01@baidu.com>
* Refine code according to comments.
test=develop
* refine code
delete sum_op_gpu.h
test=develop
* Fix test error.
test=develop
Signed-off-by: zhaoyuchen <zhaoyuchen01@baidu.com>
* refine code in format.
test=develop.
* refine code
test=develop
Signed-off-by: zhaoyuchen <zhaoyuchen01@baidu.com>
* refine code
test=develop
Signed-off-by: zhaoyuchen <zhaoyuchen01@baidu.com>
6 years ago
石晓伟
a72dbe9abf
Cherry-pick benchmark related changes from release/1.4 ( #17156 )
...
* cherry-pick commit from 8877054
* cherry-pick commit from 3f0b97d
* cherry-pick from 16691:Anakin subgraph support yolo_v3 and faster-rcnn
(cherry picked from commit 8643dbc233
)
* Cherry-Pick from 16662 : Anakin subgraph cpu support
(cherry picked from commit 7ad182e16c
)
* Cherry-pick from 1662, 16797.. : add anakin int8 support
(cherry picked from commit e14ab180fe
)
* Cherry-pick from 16813 : change singleton to graph RegistBlock
test=release/1.4
(cherry picked from commit 4b9fa42307
)
* Cherry Pick : 16837 Support ShuffleNet and MobileNet-v2
Support ShuffleNet and MobileNet-v2, test=release/1.4
(cherry picked from commit a6fb066f90
)
* Cherry-pick : anakin subgraph add opt config layout argument #16846
test=release/1.4
(cherry picked from commit 8121b3eccb
)
* 1. add shuffle_channel_detect
(cherry picked from commit 6efdea8997
)
* update shuffle_channel op convert, test=release/1.4
(cherry picked from commit e4726a066f
)
* Modify symbol export rules
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
Leo Zhao
54636a1982
call SetNumThreads everytime to avoid missing omp thread setting ( #17224 )
...
* call SetNumThreads everytime to avoid missing omp thread setting
resolve #17153
test=develop
* add paddle_num_threads into config for test_analyzer_pyramid_dnn
resolve #17153
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
Zeng Jinle
c5eeecca7c
Fix tensor_py.h ( #17195 )
...
* fix tensor_py,test=develop
* change class name,test=develop
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
950aec55fd
It doesn't need sync when fetch_list nit not empty ( #17201 )
...
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
chengduo
3c6ab799cd
Remove unnecessary set_devices ( #17158 )
...
* remove unnecessary set_devices
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
Huihuang Zheng
e4a5332416
Fix a typo in gpu_info.cc ( #17175 )
...
test=develop
6 years ago
tensor-tang
79ed1c76cd
fix bn fuse vardesc and add model saver ( #17143 )
...
* fix bn fuse vardesc and add model saver
test=develop
* unify save model in test helper
test=develop
* fix mkdir on windows
test=develop
* remove magic number use bn bias var desc
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
Zeng Jinle
08773b6069
fix reader default stream,test=develop ( #17106 )
6 years ago
xiaoting
bc48453b73
polish the label_smooth ( #17138 )
...
* polish the label_smooth
test=develop
* polish code
test=develop
6 years ago
Leo Zhao
bf4b21fa3d
fix assertion failure issue when test_analyzer_bert uses ngraph ( #17148 )
...
resolve #17147
test=develop
6 years ago
tangwei12
deb510d451
cvm op feature ( #17081 )
...
cvm without LoD.
6 years ago
wopeizl
3acb3635c2
1. move the API check into CPU process ( #17110 )
...
* 1. move the API check into CPU process
2. adjust the check order
6 years ago
tianshuo78520a
92ce445227
Supplementary monitoring file reason explanation ( #17131 )
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
Huihuang Zheng
b9494058b3
Use CudnnWorkspaceHandle in exhaustive search ( #17082 )
...
1. Use CudnnWorkspaceHandle in exhaustive search of conv_cudnn.
2. For Ops using CudnnWorkspaceHandle in exhaustive search, release their GPU memory after exhaustive search.
test=develop
6 years ago
tianshuo78520a
2192e7bb61
Path flag ( #17105 )
...
* fix python/paddle/fluid/__init__.py detecting problems
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
chengduo
794a195881
fix fuse optimizer ops ( #17102 )
...
test=develop
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
Tao Luo
aca60e9a20
remove unnecessary prepare_data ( #17080 )
...
test=develop
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
Zeng Jinle
842ded14b0
fix reference_count_pass,test=develop ( #17060 )
...
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
Tao Luo
d9cd989825
Merge pull request #17048 from luotao1/fix_runtime_cache_bug
...
fix runtime_context_cache bug when gpu model has an op runs only on cpu
6 years ago
wopeizl
f5d6937fe1
specify the cuda arch name and bin to decrease the compile time for i… ( #17020 )
...
1. specify the cuda arch name and bin to decrease the compile time for inference test=develop
2. simplify the script and add comments
3. remove the fluid process from cicheck
6 years ago
chengduo
cc31681687
use fast executor as default ( #17044 )
...
test=develop
6 years ago
chengduo
a2be4b4d91
Add fuse momenutum ops ( #16745 )
...
* Add fuse momenutum ops
6 years ago
guru4elephant
03d469ad98
Merge pull request #17005 from wopeizl/fix_ncclwrapper_win1
...
fix nccl wrapper on windows
6 years ago
tangwei12
13295d90d9
load persistables with selected rows, test=develop ( #17047 )
6 years ago
luotao1
490e746269
fix runtime_context_cache bug when gpu model has an op runs only on cpu
...
test=develop
6 years ago
Zeng Jinle
0c335dcd2c
Make conv cudnn workspace size configurable ( #17036 )
...
* make_conv_cudnn_ws_size_configurable, test=develop
* change std::max to std::min
test=develop
6 years ago
jerrywgz
ea3504c7ec
Merge pull request #17017 from jerrywgz/fix_potential_hung
...
fix potential hung in generate proposals, test=develop
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
tangwei12
45136b1b41
fix bug in save, test=develop
6 years ago
jerrywgz
47013af0a6
Merge pull request #17011 from jerrywgz/enhance_generate_proposal_labels
...
enhance generate proposal labels, test=develop
6 years ago
tianshuo78520a
73a360b504
Cmakelists fix ( #17018 )
...
* fix cmakelist detecting problems
6 years ago
liuwei1031
a770ce0615
add doc for memory_optimize, test=develop ( #17010 )
...
* add doc for memory_optimize, test=develop
* update doc, test=develop
* doc update, 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
jerrywgz
b2df6de860
fix potential hung in generate proposals, test=develop
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
jerrywgz
d3a66fc616
enhance generate proposal labels, test=develop
6 years ago
wopeizl
51a0243a56
fix nccl wrapper on windows
...
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
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
Tao Luo
c017025531
Merge pull request #16981 from luotao1/disable_runtime_context_default
...
disable runtime_context_cache pass by default
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
Tao Luo
aa7b975bf6
disable runtime_context_cache pass by default
...
test=develop
6 years ago
Zhaolong Xing
27cd3efdd1
Merge pull request #16969 from NHZlX/fix_trt_anakin_compile_rely
...
fix trt anakin subgraph compile rely
6 years ago
tianshuo78520a
3242e88b70
fix cmakelist detecting problems ( #16944 )
...
* fix cmakelist detecting problems
* test=develop
* test=develop
6 years ago
jiaqi
8bcba3db84
Merge pull request #16896 from xjqbest/develop
...
fix bug of num > INT_MAX
6 years ago
nhzlx
bc6b0ca1f4
fix trt anakin subgraph compile rely
...
test=develop
6 years ago
guru4elephant
bbc6c5714f
Merge pull request #16887 from guru4elephant/add_nccl_context_pybind
...
Add nccl context pybind
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
Guo Sheng
9f1d4a152b
Merge pull request #16902 from guoshengCS/refine-infer-shape
...
Refine ENFORCE in infer_shape of gru_op and lstm_unit_op.
6 years ago
Guo Sheng
caf2848356
Merge pull request #16898 from Superjomn/fix/logical_op_infershape
...
fix logical op infershape
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
Tao Luo
5b1565a7be
Merge pull request #16875 from lidanqing-intel/lidanqing/improve_preprocess_script
...
Improve preprocessing script and read from tar
6 years ago
Kevin
c474e7ddf5
fix overflow by int32 mul test=develop ( #16794 )
...
* fix overflow by int32 mul test=develop
* fix reference nullptr
* fix codestyle test=develop
* modify to point in ContextProjectFunctor test=develop
* modify to point in ContextProjectFunctor test=develop
* modify . to -> test=develop
6 years ago
Hongyu Liu
baf60e3a27
Merge pull request #16907 from xuezhong/fix_infershape_bug2
...
fix infershape bug
6 years ago
Yan Chunwei
8cff2b4231
Update logical_op.cc
...
test=develop
6 years ago
Hongyu Liu
40be9590d4
Merge pull request #16897 from velconia/fix_split_lod_tensor_op_infer_shape
...
Fix infer shape of split lod tensor op
6 years ago
Hongyu Liu
d68fb792f8
Merge pull request #16890 from colourful-tree/dev
...
fix teacher_student op infer
6 years ago
Hongyu Liu
ad2a2bb063
Merge pull request #16913 from phlrain/fix_bpr_loss
...
Fix bpr loss
6 years ago
Hongyu Liu
8bd549bb68
Merge pull request #16861 from tensor-tang/refine/infershape
...
separate runtime infershape
6 years ago
Hongyu Liu
9d5d44f939
Merge pull request #16840 from phlrain/fix_shape_check_many
...
fix shape check many by hongyu
6 years ago
dongdaxiang
2ab2869c2d
fix GPU compile error problem
6 years ago
dongdaxiang
466d177d09
add pybind dependency
...
test=develop
6 years ago
SunGaofeng
0508c9869c
Merge pull request #16853 from SunGaofeng/affine_modify
...
modify infer shape pad_op, pad_constant_like_op, no need in psroi_pool_op, crop_op
6 years ago
tangwei12
008fd785fd
fix/positive negative pair op ( #16895 )
...
* fix infershape in runtime
* fix infershape in runtime
test=develop
* fix infershape in runtime
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
xiaoting
431eab648e
Merge branch 'develop' into yolov3_loss
6 years ago
xuezhong
9c6ee7cf4c
add <memory>
...
test=develop
6 years ago
xuezhong
742d758747
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_infershape_bug2
6 years ago
Kaipeng Deng
5d45eb06f9
Merge pull request #16858 from heavengate/fix_yolo_param
...
Fix yolo param
6 years ago
phlrain
ddd9e1cb66
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_bpr_loss
6 years ago
phlrain
01eda557cd
fix bpr loss; test=developp
6 years ago
xuezhong
41740519df
add <memory>
...
test=develop
6 years ago
xuezhong
4791029f19
remove <memory>
...
test=develop
6 years ago
xuezhong
fb75bd3e9c
remove <memory>
...
test=develop
6 years ago
xuezhong
afbc435adf
fix infershape check bug
...
test=develop
6 years ago
Yan Chunwei
916930a8ae
Update logical_op.cc
...
test=develop
6 years ago
xjqbest
10991e00a9
fix bug of num > INT_MAX
6 years ago
jerrywgz
f4626ee425
Merge pull request #16873 from jerrywgz/roi_align_infer_shape
...
refine infer shape in roi align
6 years ago
xiaoting
ccc3bd70c1
polish doc for uniform_random and multi_box_head ( #16864 )
6 years ago
xuezhong
5663fbfb0a
fix infershape bug
...
test=develop
6 years ago
tensor-tang
be18636e59
Merge remote-tracking branch 'ups/develop' into refine/infershape
...
test=develop
6 years ago
dongdaxiang
4aa6f679b5
add pybind dependency
...
test=develop
6 years ago
xjqbest
241120d94d
fix bug of num > INT_MAX
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
xjqbest
dac70ad4c5
fix bug of num > INT_MAX
6 years ago
guosheng
f641a47bb1
Refine ENFORCE in infer_shape of gru_op and lstm_unit_op.
...
test=develop
6 years ago
tensor-tang
ed892ebaf9
update
...
test=develop
6 years ago
tensor-tang
411b9ba520
update
...
test=develop
6 years ago
superjomn
0c233e8870
up
...
test=develop
6 years ago
superjomn
f0985cecb9
fix logical op infershape
...
test=develop
6 years ago
minqiyang
592011bbcf
Fix infer shape of split lod tensor op
...
test=develop
6 years ago
xjqbest
74471397cf
fix bug of num > INT_MAX
6 years ago
Tao Luo
34aecb09a9
Merge pull request #16881 from NHZlX/fix_trt_ci_times_too_long
...
Reduce trt ci times.
6 years ago
phlrain
d722841622
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into softmax_cross_support_high_rank
6 years ago
phlrain
5309b081f6
simple code; test=develop
6 years ago
liuwei1031
6864370a9e
scatter_op bug fix, test=develop ( #16866 )
...
* scatter_op bug fix, test=develop
* scatter_op bug fix, test=develop
* scatter_op bug fix, test=develop
6 years ago
jerrywgz
46bd853c10
Merge pull request #16843 from ceci3/infershape
...
fix batch_norm and cos_sim shape check
6 years ago
Hongyu Liu
779ffb844b
Merge pull request #16876 from tink2123/infer_shape
...
modified infer shape for op
6 years ago
tianshuo78520a
69bdcfa65d
test=develop ( #16839 )
...
* test=develop
* test=develop
* test=develop
6 years ago
zhoukunsheng
f9223c5fa9
Logical compare ( #16513 )
...
* test=develop
update API.spec with hash, resolve conflict
* remove unused parameter
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
d966faae95
Merge pull request #16852 from sneaxiy/fix_merge_lod_tensor_op_infer_shape
...
Fix merge_lod_tensor_op infer shape
6 years ago
phlrain
f7a5a98fdb
remove unused code; test=develop
6 years ago
heqiaozhi
1cca7114c6
fix infer
...
test=develop
6 years ago
jerrywgz
c139f1e049
refine roi align infer shape, test=develop
6 years ago
Hongyu Liu
208abe9763
Merge pull request #16787 from phlrain/fix_concat_shape_2
...
Fix concat shape
6 years ago
zhaoyuchen2018
44bd3a630e
Merge pull request #16857 from zhaoyuchen2018/sumreshape
...
Fix sum infershape issue
6 years ago
whs
6429877816
Fix infer_shape in pad2d_op ( #16831 )
...
test=develop
6 years ago
乔龙飞 Qiao Longfei
8a7daeea4c
Merge pull request #16871 from jacquesqiao/fix-shape
...
fix split_byref_op infer shape
6 years ago
dongdaxiang
b091139049
add nccl wrapper for python API
6 years ago
Jacek Czaja
87a44b1149
[MKL-DNN] Added reusing of primitive descriptors (fp32) ( #16667 )
...
* - Reuse of conv PD
- conv transpose pd reused
- Added PD reusing of softmax and Batch Norm
- Refactoring and removal of not needed routines of mkl-dnn ops
test=develop
- Fix to reusing conv
test=develop
- Lint fixes
test=develop
- Further lint fixes
test=develop
- Lint fixes
test=develop
- lint fixes
test=develop
- Lint workaround
test=develop
* - Fix after review on including boost as third party header
test=develop
* - Fix after review. Name change to something more descriptive
test=develop
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
phlrain
a5d1f9cf66
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_shape_check_many
6 years ago
phlrain
87916f8d84
simple code;test=develop
6 years ago
tink2123
e0f7bf4f2f
polish the code
...
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
dongdaxiang
fff795e5c8
add nccl_wrapper
6 years ago
root
1965a22488
minus trt ci times.
...
test=develop
6 years ago
Kaipeng Deng
19bb53fa61
Merge pull request #16850 from heavengate/fix_infer_shape
...
infer shape compatable -1. 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
tink2123
ffe81af073
modified infer shape
...
test=develop
6 years ago
Tao Luo
a67fbffdca
Merge pull request #16854 from luotao1/conv_shift_infershape
...
Fix conv_shift_op infershape
6 years ago
Qiao Longfei
0e663d7f51
fix split_byref_op infer shape
...
test=develop
6 years ago
phlrain
7e933056ae
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_concat_shape_2
6 years ago
phlrain
64bf752dcc
fix concat; test=develop
6 years ago
Hongyu Liu
c96ee47d01
Merge pull request #16797 from phlrain/fix_split
...
Fix split
6 years ago
ceci3
74fc786097
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into infershape
6 years ago
ceci3
dd4c54cd37
test=develop
6 years ago
colourful-tree
434caab21b
Merge pull request #16741 from colourful-tree/dev
...
add continuous value model op
6 years ago
zhaoyuchen
aeddb14148
Fix sum infershape issue
...
if dim is -1, compile time check fails.
test=develop
Signed-off-by: zhaoyuchen <zhaoyuchen01@baidu.com>
6 years ago
tensor-tang
10879a3cae
separate runtime infershape
...
test=develop
6 years ago
Tao Luo
ca8b8fa0bd
Merge pull request #16830 from Superjomn/fix/tmp-memory-optim
...
fix memory optim temporarily
6 years ago
Hongyu Liu
e9cdd0e0cd
Merge pull request #16826 from zhoukunsheng/all_any
...
All any
6 years ago
dengkaipeng
7b1702d9a1
fix unittest and API.spec. test=develop
6 years ago
SunGaofeng
76888b0ba1
modify in pad_op and pad_constant
6 years ago
lijianshe02
de26df440b
add SaveOptimModel interface in analysis_predictor.h and test it in a… ( #16441 )
...
* add SaveOptimModel interface in analysis_predictor.h and test it in analyzer_dam_tester and analyzer_resnet50_tester test=develop
6 years ago
Zhen Wang
cabea96789
Merge pull request #16838 from wzzju/fix_quan_transform
...
fix the hang bugs of memory copying. test=develop
6 years ago
Tao Luo
6f0a40fa29
Fix conv_shift_op infershape
...
test=develop
6 years ago
dengkaipeng
e590588a02
fix for itnerpolate. test=develop
6 years ago
lidanqing
de02d40e98
improve preprocess script and read from tar
...
test=develop
6 years ago
乔龙飞 Qiao Longfei
bcc0d41646
Merge pull request #16822 from jacquesqiao/optimize-merge-add
...
Optimize merge add
6 years ago
SunGaofeng
2120f075a3
modify infer shape in pad_op.cc, pad_constant_like_op.cc. No need in psroi_pool_op.cc, crop_op.cc
6 years ago
sneaxiy
4a83522c38
fix merge_lod_tensor_op infer shape, test=develop
6 years ago
wanghaoshuang
89c2bc09ea
Fix infer_shape in pad2d_op
...
test=develop
6 years ago
dengkaipeng
b2dcdb5100
infer shape compatable -1. test=develop
6 years ago
ceci3
55f572b2da
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into infershape
6 years ago
ceci3
87d89dfe14
fix batch_norm and cos_sim infer shape, test=develop
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
phlrain
165a7bd5a1
fix shape check many; test=develop
6 years ago
heqiaozhi
aab9ea6ccb
out && commit id
...
test=develop
6 years ago
Zhen Wang
d988a24a14
fix the hang bugs of memory copying. test=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
e9409665f7
Refine Fuse Optimize Ops ( #16810 )
...
* fix bug of fuse optimize ops
6 years ago
SunGaofeng
1f2afccf30
test=develop ( #16783 )
6 years ago
superjomn
f58c3ec189
fix memory optim temporarily
...
test=develop
6 years ago
chengduo
d105c06b50
Replace ThreadedExecutor with FastThreadedExecutor ( #16650 )
...
* replace ThreadedExecutor with FastThreadedExecutor
test=develop
* Fix Travise CI
test=develop
* Test FastThreadedSSAGraphExecutor
test=develop
* refine parallel_ssa_graph_executor.cc
test=develop
6 years ago
tink2123
9b9e5e606c
modified api.spec
...
test=develop
6 years ago
tink2123
06156b6cb7
polish yolov3 loss annotation
...
test=develop
6 years ago
zhoukunsheng
bb8ea1637d
fix 16823: delete default_grad register for reduce_all, reduce_any
6 years ago
Qiao Longfei
faae1b4170
fix cpplint test=develop
6 years ago
zhoukunsheng
4aa594e3e7
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into all_any
6 years ago
zhoukunsheng
2d6b4f23f0
test=develop
...
bug fix: reduce_all, reduce_any register GRAD_OP, but have not defined GradKernel
6 years ago
Qiao Longfei
0a8ff2ecd4
add cpu_merge_add_multi_noduplicated_test test=develop
6 years ago
Qiao Longfei
920a960974
optimize merge add if input rows of all selected rows is not duplicated
6 years ago
zhoukunsheng
b1c5820b3f
fix merge conflict
6 years ago
Qiao Longfei
1526a3e4da
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into add-async_sparse_param_update_recorder
...
test=develop
6 years ago
heqiaozhi
759940786e
Merge remote-tracking branch 'upstream/develop' into dev
...
test=develop
6 years ago
zhoukunsheng
9643f906ed
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into rsqrt
6 years ago
phlrain
6bc3932823
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into softmax_cross_support_high_rank
6 years ago
phlrain
a3e5238112
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into sigmoid_corss_entropy_support_high_rank
6 years ago
phlrain
715a31b35e
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_split
6 years ago
phlrain
db0518bb4d
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_concat_shape_2
6 years ago
XiaoguangHu
06809ebbb1
Merge pull request #16815 from sneaxiy/fix_new_added_reduce_ops_spec
...
Fix default_grad_op_desc_maker
6 years ago
zhoukunsheng
ebf6cf9f18
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into zeros_like
6 years ago
zhoukunsheng
380df8281f
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into zeros_like
6 years ago
Yihua Xu
93cedfdb9c
Fix the order while sorting the operators ( #16756 )
...
* Fix the order when sorting operators.
test=develop
* Enable transfomer compare test item.
test=develop
* Use set to replace vector.
test=develop
6 years ago
sneaxiy
00b4580f46
fix default_grad_op_desc_maker
...
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
Qiao Longfei
d831f1b0ba
fix brpc code
6 years ago
heqiaozhi
96d5ec16f6
change API
...
test=develop
6 years ago
liuwei1031
85363848a1
Security issue ( #16774 )
...
* disable memory_optimize and inpalce strategy by default, test=develop
* fix security issue
http://newicafe.baidu.com:80/issue/PaddleSec-3/show?from=page
http://newicafe.baidu.com:80/issue/PaddleSec-8/show?from=page
http://newicafe.baidu.com:80/issue/PaddleSec-12/show?from=page
http://newicafe.baidu.com:80/issue/PaddleSec-32/show?from=page
http://newicafe.baidu.com:80/issue/PaddleSec-35/show?from=page
http://newicafe.baidu.com:80/issue/PaddleSec-37/show?from=page
http://newicafe.baidu.com:80/issue/PaddleSec-40/show?from=page
http://newicafe.baidu.com:80/issue/PaddleSec-43/show?from=page
http://newicafe.baidu.com:80/issue/PaddleSec-44/show?from=page
http://newicafe.baidu.com:80/issue/PaddleSec-45/show?from=page
test=develop
* revert piece.cc, test=develop
* adjust api.cc,test=develop
6 years ago
phlrain
468f8ccff9
supprt high rank; 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
5fb9bdc892
add X to grad
...
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
phlrain
026836ffe0
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_split
6 years ago
phlrain
488e889f3d
fix split infer shape; test=develop
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
Qiao Longfei
8b8a0487c7
fix compile test=develop
6 years ago
dongdaxiang
a659b37ace
make lodtensor_printer usable in gpu setting
...
test=develop
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
phlrain
3f0d047d1b
Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into fix_concat_shape_2
6 years ago
phlrain
dc6e814686
fix concat shape; test=develop
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
dongdaxiang
3c2d236815
remove all warnings
...
test=develop
6 years ago
Yiqun Liu
112f16143b
Add an option to enable the cache of expected kernel in train phase. ( #16724 )
...
* Add an option to enable the cache of expected kernel in train phase.
test=develop
* Change the default value of cache_expected_kernel to true.
6 years ago
liuwei1031
2e07c19a9c
disable memory_optimize and inpalce strategy by default, test=develop ( #16760 )
6 years ago
dongdaxiang
ea07eb8cd2
remove comment in data_feed.cc
...
develop=test
6 years ago
Tao Luo
544f91deba
add WITH_HIGH_LEVEL_API option, default OFF
...
test=develop
6 years ago
guru4elephant
e349a7443f
Update nccl_context.h
6 years ago
Qiao Longfei
a541c25ab6
fix cpplint test=develop
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
heqiaozhi
e9d79dd5d7
ctx.device_context() to CPUPlace
...
test=develop
6 years ago
heqiaozhi
44b226eda6
ctx.device_context() to CPUPlace
...
test=develop
6 years ago
heqiaozhi
fa6ea1e0e6
remove grad X
...
test=develop
6 years ago
heqiaozhi
72c9aecfc3
fix doc
...
test=develop
6 years ago
heqiaozhi
8de5dc31db
add doc
...
test=develop
6 years ago
heqiaozhi
5204fb4402
add doc
...
test=develop
6 years ago
heqiaozhi
6e5c44d3fe
add doc
6 years ago
gongweibao
bf606bce8a
Fix grpc log message. ( #16735 )
6 years ago
Zeng Jinle
9f7b027dce
fix activation grad op desc maker ( #16715 )
...
test=develop
6 years ago
lujun
9bd44b94da
Merge pull request #16561 from junjun315/move-api-to-root
...
Move dygraph api to root
6 years ago
heqiaozhi
ba78446cca
add continuous value model op
...
test=develop
6 years ago
wopeizl
00279fdcc2
modify the build script for new ci test=develop ( #16732 )
6 years ago
liuwei1031
fdb719a1bf
avoid optimize variable used in subblock, test=develop ( #16739 )
6 years ago
Kaipeng Deng
ed97156461
Merge pull request #16439 from heavengate/resize_scale
...
add attr scale. test=develop
6 years ago
heqiaozhi
0c3c5e19d3
add continuous value model op
...
test=develop
6 years ago
Tao Luo
1a21d08f12
Merge pull request #16725 from tensor-tang/pass/disable_seqpool
...
disable seqpool concat pass by default saving CI time
6 years ago
heqiaozhi
54dddee37e
add continuous value model op
...
test=develop
6 years ago
liuwei1031
a18ef10c87
only use the latest version variable for inplace strategy ( #16736 )
...
* bug-fix, test=develop
* tweak code, test=develop
6 years ago
Huihuang Zheng
2146293d26
Fix op registry ( #16677 )
...
list of fixed ops:
lookup_table_op
space_to_depth_op
squared_l2_distance_op
squared_l2_norm_op
teacher_student_sigmoid_loss_op
tree_conv_op
warpctc_op
test=develop
6 years ago
Tao Luo
5c364cda3c
Merge pull request #16711 from luotao1/has_attr
...
reduce hasAttr elapsed time in RunImpl
6 years ago
tensor-tang
d6c1b5a73b
disable seqpool concat pass by default saving CI time
...
test=develop
6 years ago
baojun
1c8b34ddd2
fix training validation test=develop ( #16698 )
6 years ago
lujun
92c8ac8a74
merge conflict, test=develop
6 years ago
chengduo
55b15db5af
Add unit test for fuse all_reduce ops ( #16699 )
...
* test fuse all_reduce
6 years ago
luotao1
4098ba29ed
reduce hasAttr elapsed time in RunImpl
...
test=develop
6 years ago
luotao1
f89a9c5d95
Merge branch 'develop' into has_attr
6 years ago
Tao Luo
ad4a1bd13c
Merge pull request #16339 from luotao1/core_opt_choose_kernel
...
Cache the chosen kernel of operators
6 years ago
luotao1
6afc97ca6b
reduce hasAttr elapsed time in RunImpl
...
test=develop
6 years ago
Yan Xu
55e3c6949b
disable reuse port test=develop ( #16704 )
6 years ago
gongweibao
8b793d0efd
Fix DGC bug. ( #16697 )
6 years ago
Yiqun Liu
3fe8cb0dd7
Enable the runtime_context_cache pass in train phase ( #16640 )
...
* Try to enable the runtime_context_cache pass in train phase.
* Put the append of runtime_context_cache pass ahead of multi_dev passes.
test=develop
6 years ago
Tao Luo
4048a2681f
Merge pull request #16687 from luotao1/reduce_inference_ci_time
...
reduce all analyzer_test ci elasped time
6 years ago
Yan Xu
169829c83a
fix win gpu test=develop ( #16694 )
6 years ago
guru4elephant
7d653f0aed
Merge pull request #16652 from xjqbest/dataset_merge_develop
...
fix dataset bug
6 years ago
xjqbest
6a57e8075a
remove trainer_id in datafeed and dataset
...
test=develop
6 years ago
tensor-tang
ad45a08351
fix avx option ( #16683 )
...
test=develop
6 years ago
Tao Luo
d5c8d4acfe
reduce all analyzer_test ci elasped time
...
test=develop
6 years ago
luotao1
695f2db6a0
update expected_kernel_cache_pass
...
test=develop
6 years ago