songyouwei
0ba1d140d4
Add CI check for sequence ops' unittests ( #21615 )
5 years ago
123malin
985bceac53
Bug fix for sparse recorder ( #21969 )
...
* test=develop, bug fix for sparse recorder
5 years ago
zhongpu
7e2af4c91f
modify sequence_pool optest apply get_sequence_instance_size_0_input, test=develop ( #22214 )
5 years ago
Zhang Ting
e18a737506
only import used test case and function( #22208 )
5 years ago
hong
6e04334cec
Check dygraph weight name ( #22140 )
...
* add parameter check; test=develop
* change parameter name checker in dygraph guard; test=develop
* fix test layers error; test=develop
* revert some code to develop; test=develop
* fix exampel error; test=develop
* fix comment error; test=develop
* fix comment error; test=develop
5 years ago
zhongpu
6882b8ebfa
fix bug fot test_dygraph_mnist_fp16.py, test=develop ( #22222 )
5 years ago
liym27
8de33f4197
add NotImplementedError for multi optimizers ( #22181 )
...
* add NotImplementedError for multi optimizers used on multi-places . test=develop
* assert error only if num_devices>1. test=develop
* set test_optimizer_in_control_flow in CMakeLists for using multi-GPU.test=develop
5 years ago
FlyingQianMM
443a713c9e
add backward gradient computation for op argsort ( #22203 )
...
* add backward gradient computation for op argsort test=developo
* use pre-commit test=develop
5 years ago
Zhen Wang
46189b166d
Add bn and relu fuse pass ( #22048 )
...
* add bn and relu fuse pass
* add op attr assert and dtype assert
* fix some inputs&&outputs bugs for the fused op and pattern.
* add the unittest for fuse_bn_act_pass. test=develop
* use normative enforce statements. test=develop
* add the cpu test. test=develop
* add the support of batch_size=1 for the bn with relu op. test=develop
* add the error type for paddle throws. test=develop
* add fused_batch_norm_act and fused_batch_norm_act_grad to op_has_unsed_vars_white_list. test=develop
5 years ago
songyouwei
0d82baf837
add batch_size_1_input data function for sequence ops unittests ( #22172 )
5 years ago
baojun
298ee7d28a
Improve ngraph file line coverage ( #22155 )
5 years ago
zhongpu
d0f0a2520c
test Optimizer in dygraph ( #21949 )
...
* test Optimizer in dygraph, test=develop
* add optest for Optimizer in dygraph, test=develop
* fix adagrad optimizer, test=develop
* fix dpsgd optimizer, test=develop
* fix test_optimizer.py, test=develop
* fix dpsgd optimizer, this op only support cpu, test=develop
* add optest for optimizer, test=develop
* add description for dpsgd, test=develop
* add rmsprop to white_list in unused_var_check.cc, test=develop
* polish code style, test=develop
* polish code style, test=develop
* delete seed attribute for DpsgdOptimizer, test=develop
* change testing to debugging, test=develop
5 years ago
songyouwei
83037e55ca
named_sublayers and named_parameters ( #21868 )
...
* use snake_cased Layer name
* add named_parameters and named_sublayers api
* add include_sublayers param, add unittest
test=develop
* fix named unittests
test=develop
* fix unittest
test=develop
* add api docs
test=develop
* arg fix
test=develop
* reserve rnn_impl name_scope for static graph
test=develop
* fix load static param
test=develop
* fix load static param
test=develop
5 years ago
zhongpu
7d10edc5ee
add clear_gradients for Optimizer and add clear_gradients api description ( #21948 )
...
* add clear_gradients for Optimizer, add api description, test=develop
* fix optest for optimizer's clear_gradient interface, test=develop
* add sample code, test=develop
* polish sample code, test=develop
5 years ago
Leo Chen
51cb918a05
update layers used in transformer dygraph model, test=develop ( #22051 )
...
* update layers, test=develop
* update layers for resnet, test=develop
* fix is_test attr, test=develop
* update cycle_gan, test=develop
* update reinforcement_learning, test=develop
* update ocr, test=develop
* fix bug, test=develop
5 years ago
songyouwei
1ae3f47f59
update PRelu arg ( #21946 )
...
* update PRelu arg
test=develop
* fix unittests
test=develop
* fix element mode alpha shape
test=develop
* split channel_or_input_shape arg
test=develop
* fix unittest
test=develop
5 years ago
Chen Weihang
8b29fec7ad
open test dygraph mnist fp16, test=develop ( #22163 )
5 years ago
Zeng Jinle
c3bcd3c1e2
fix dygraph non zero gpu bug, test=develop ( #22165 )
5 years ago
Double_V
cfb0c12ef9
fix grad diff over limit when the data type of input is double,test=develop ( #22161 )
5 years ago
zhongpu
cf475f95df
Remove FC in dygraph, modify FC to Linear in sample code ( #22082 )
...
* modify fc to linear in sample code, test=develop
* remove FC, test=develop
* remove warnings, test=develop
* drop fluid/imperative/README.md , test=develop
* change fc to linear, test=develop
* polish code style, test=develop
5 years ago
Double_V
6ea3809143
Support prroi_pool_op with Tensor and LoDTensor rois ( #20649 )
...
1. Add a new input named batch_roi_nums for prroi_pool_op. batch_roi_nums includes the number of roi for each image in batch when rois is Tensor. This information is saved in rois's lod when rois is LoDTensor.
2. add grad check to prroi_pool_op and solve unnormal X grad diff in CPU.
5 years ago
juncaipeng
bde7ee97f7
Use unified threshold in all op test ( #21814 )
...
* modify test framework, test=develop
* fix test_fsp_op, test=develop
* up, test=develop
* up, test=develop
* up, test=develop
* add check for threshold, test=develop
* up, test=develop
* up, test=develop
* up, test=develop
* up, test=develop
* up, test=develop
* up, test=develop
* up, test=develop
* update, test=develop
* update, test=develop
* update, test=develop
5 years ago
zhupengyang
f2f913073f
all cases use large shape ( #22102 )
...
enhanced ops: acos, asin, brelu, ceil, cos, elu, floor, hard_shrink,
hard_sigmoid, hard_swish, relu6, round, rsqrt, sin, softshrink,
cos_sim, cross_entropy, im2squence, kldiv_loss
5 years ago
hong
9f7d90d203
Load inference enhance ( #21919 )
...
* enhance load interface; test=develop
* add uni test and add comment; test=develop
* fix converage; test=develop
* use path.joint replace "/"; test=develop
* windows debug; test=develop
* fix window unitest error; test=develop
* fix commet error; test=develop
* add model shuffix check; test=develop
* fix example error; test=develop
5 years ago
hong
2f49cf70f7
Support dygraph structuerd name ( #21930 )
...
* support dygraph structured name; test=develop
* add load static param unitest and fix save load; test=develop
* fix varBase import error; test=develop
* fix unitest error; test=develop
* add comment for parameter; test=develop
* fix uni test error; test=develop
* change parallel se-resnet; test=develop
* fix dygraph se resnext parallel test; test=develop
* remove useless code; test=develop
* remove useless code; test=develop
5 years ago
Double_V
b9a6354710
Solve elu unitest fail ( #22123 )
...
* set esp as 1e-6 to solve elu unitest fail,test=develop
5 years ago
Chengmo
418abc92f4
Update pyramid related OP ( #21372 )
...
* add special way to add distribute vars, Update Pyramid hash op
5 years ago
Yibing Liu
434f7b9c0f
Fix the global_step & continuous applying error in EMA ( #22090 )
...
* Fix the global_step & continuous applying error in EMA
test=develop
* Fix for step 0 & add unit test, test=develop
5 years ago
zhupengyang
5de6a1913b
fix test_bilinear_tensor_product_op timeout ( #22120 )
5 years ago
Chengmo
5c33919328
Fix grad clip ( #21784 )
...
* fix grad clip, clip op belongs to Backward op when running in Parameter Server mode.
5 years ago
Feiyu Chan
14aebc7a95
add erf op ( #21785 )
...
* add erf op and python interface.
* add fp16 support for erf op.
* add unitests for erf op and its python interface.
5 years ago
WangXi
f385c34107
fix fleet collective api run on cpu, test=develop ( #22064 )
5 years ago
zhupengyang
cce9af0e2b
all cases use large shape ( #22106 )
...
enhanced ops: conv2d, conv3d
elementwise_pow: change to a reasonable shape
5 years ago
Double_V
fab4b0765a
support elu_op double grad ( #21822 )
...
* support elu activation double grad,test=develop
* delete the code commit in .cc,test=develop
* fix relu test unpass, test=develop
* add elu double grad kernel and unit test
* add caculate dX in elu double grad functor, test=develop
* update the commit code,test=develop
5 years ago
Jacek Czaja
b0b27ff699
[MKL-DNN] Conv grad and Batch Norm grad NHWC support ( #22088 )
5 years ago
Huihuang Zheng
dd4361568e
Add ParallelExecutor Test for Cond API and Fix PE Checks Shape Bug ( #22029 )
5 years ago
songyouwei
2a47cc5fc4
dygraph LayerList container ( #21734 )
...
* add dygraph LayerList
* add unittest
test=develop
* add newline
test=develop
* typo fix
test=develop
5 years ago
silingtong123
370a8e9126
Remove unit tests that are no longer maintained ( #22081 )
5 years ago
chengjuntao
e519a1fc82
add bigger shape test example for elementwise_pow OP ( #22063 )
5 years ago
zhupengyang
8b3ef2a587
all cases use large shape ( #22091 )
...
enhanced ops: unsqueeze, squeeze2, strided_slice, unsqueeze,
unsqueeze2, var_conv_2d, spectral_norm, slice, match_matrix_tensor,
nce, pad, pad_constant_like, filter_by_instag
5 years ago
zhupengyang
85ba527522
all cases use large shape ( #22065 )
...
affine_channel, affine_grid, bilinear_interp, bilinear_tensor_product,
clip, crop, crop_tensor, cumsum, data_norm, expand, expand_as
5 years ago
123malin
7fb817d447
add distributed_strategy ( #21710 )
...
* add distributed_strategy
5 years ago
Jacek Czaja
ad8a9cb82c
[MKL-DNN] Pool & LRN Grad Ops NHWC support ( #21747 )
5 years ago
Adam
e1d666fb8b
Hotfix to MKL-DNN pool2d tests ( #22086 )
5 years ago
zhupengyang
bf978fffe5
all cases use large shape ( #22084 )
...
flatten, flatten2, gather, gather_nd, group_norm, gru,
gru_unit, reduce_max, reduce_min, reduce_mean, reduce_sum,
reshape, scatter_nd_add, sequence_expand, sequence_expand_as,
sequence_pad
5 years ago
liym27
7d8d45991a
control flow: support optimizer called ( #21851 )
...
* append optimize op in the grad block of current block if current block is in control flow. test=develop
* add conditional grad op when optimizer used in control flow. test=develop
* add comment and modify typo. test=develop
* fix append_backward to support control flow. test=develop
* add test. test=develop
* fix copy_var_to_parent_block and conditional_block_grad. test=develop
* fix bug: revert to append conditional_block_grad vars to sub grad block. test=develop
* fix bug: revert to assign var to parent block even if var already is in parent block
* fix bug: consider outputs is empty. test=develop
* move _rename_grad_ out. test=develop
* modify code according to reviews from Huihuang. test=develop
* modify code according to reviews from Jinle. test=develop
5 years ago
Qinghe JING
12b2b4b1a1
Add gradient check to reduce_max and reduce_min ops ( #21985 )
5 years ago
Leo Zhao
1c39efb783
Enable test conv2d ngraph ( #22074 )
5 years ago
Leo Chen
3f653c8323
register NoNeedBufferVarsInference for max_pool_grad_op, test=develop ( #22055 )
...
* fix test_conv2d_ngraph for grad diff, test=develop
* register NoNeedBufferVarsInference for max_pool_grad_op, test=develop
* refine error message, test=develop
* fix numpy, test=develop
* disable test conv2d_ngraph_op, test=develop
Co-authored-by: Zhang Ting <709968123@qq.com>
5 years ago
Michał Gallus
6192108408
[DNNL] 3D Fully-Connected ( #21746 )
5 years ago
huzhiqiang
f5f65a7e8a
OP unit test specification: compiletime-runtime consistency check ( #22006 )
5 years ago
FDInSky
aa2ed0dcc6
fix generate_proposal_labesl op ( #21793 )
...
* test=develop fix generate_proposal_labesl op
5 years ago
mapingshuo
81030125a3
convert input vars' dtype for range op ( #22028 )
...
* convert dtype of vars for range op, test=develop
5 years ago
dyning
985e4bae5e
fix unittest for spp op, test=develop ( #22030 )
...
fix unittest for spp op
5 years ago
songyouwei
56414c7daf
move private weight fields to public ones ( #21982 )
...
* move private weight properties to public ones
test=develop
* revert changes to FC
test=develop
* fix unittest
test=develop
* fix unittest
test=develop
* fix coverage
test=develop
* fix merged dev
test=develop
* bug fix
test=develop
5 years ago
Pei Yang
b852ef7375
add no_check_set check for op unittests ( #21611 )
5 years ago
liym27
c7b03d308c
open test_parallel_executor_fetch_feed for PR_Windows_CI. test=develop ( #22020 )
5 years ago
Chen Weihang
9a2204ee1f
Uniform append_backward & gradients parameter_list type to Variable ( #21938 )
...
* update doc, test=develop
* fix related unittests, test=develop
* fix str incompatible error, test=develop
5 years ago
Zhang Ting
835ba4ec81
add is_empty_grad_op for OpTest ( #22022 )
...
* add is_empty_grad_op for OpTest, test=develop
5 years ago
silingtong123
34e26c9a7d
remove @unittest.skip in test_parallel_executor_mnist.py ( #22019 )
5 years ago
WangXi
3ec289a6a3
fix sync_batch_norm hang in fleet ( #21838 )
5 years ago
Aurelius84
a0b533765e
increase data shape in topk_avg_pooling unittest ( #22010 )
5 years ago
Zeng Jinle
86c40e207d
Expose fluid.dygraph.TracedLayer API ( #21518 )
...
* expost fluid.dygraph.TracedLayer apis, test=develop
* polish doc, test=develop
* follow comments, test=develop, test=document_fix
* follow comments, test=develop
* remove save_inference_model return value, test=develop
5 years ago
Aurelius84
911eef4319
enhance checking validity of apply_gradient ( #21870 )
...
* enhance checking validity of apply_gradient test=develop
* refactor code test=develop
* stash
* add adamOptimizer test=develop
* add adamOptimizer test=develop
5 years ago
Leo Chen
33f1306753
update layers used in mnist dygraph model, test=develop ( #21947 )
...
* update layers used in mnist dygraph model, test=develop
* fix import issue, test=develop
* add dygraph utils, test=develop
* add unittest, test=develop
5 years ago
Yang Zhang
c3527f5526
Annotate NormOP test to skip grad check ( #21894 )
5 years ago
FDInSky
fa8bab9cbc
add fp64 check_grad for conv2d, conv3d ( #21931 )
...
* test=develop add fp64 check_grad for conv2d, conv3d
5 years ago
FDInSky
cf7b325389
fix conv2d_transpose op unittest ( #21927 )
5 years ago
Kaipeng Deng
f4013ecb3b
enable kldiv_loss_op unittests ( #21990 )
5 years ago
Kaipeng Deng
c15d4208b9
fix no grad check for pool_max & spectral_norm ( #21971 )
...
* fix no grad check for pool_max & spectral_norm. test=develop
5 years ago
Li Fuchen
e0d8b8f5c0
use large input size in test_add_position_encoding_op.py ( #21962 )
...
* use large input size in test_add_position_encoding_op.py, test=develop
* revert shape_white_list, test=develop
5 years ago
zhoushiyu
cee2ccb078
add shuffle batch op ( #21674 )
...
* add shuffle batch op, test=develop, test=document_preview
* fix size_t conflict and check_output test=develop, test=document_preview
* fix bug test=develop, test=document_preview
* add unittest of shuffle_batch layer test=develop, test=document_preview
* fix py coverage and op input type, test=develop, test=document_preview
* fix py coverage, test=develop
* fix en doc, test=develop
* move to contrib test=develop
* add unique_name test=develop
* invoke shuffle_batch in contrib.layers test=develop
5 years ago
zhongpu
dca075839b
remove params in Tracer object (in dygraph) ( #20815 )
...
* remove params in Tracer object, test=develop
* Repair failed optest, test=develop
* remove build_once & name_scope (Conv2D)
test=develop
* fix unittest
test=develop
* Conv2DTranspose
* Conv3D & Conv3DTranspose
test=develop
* Pool2D & BatchNorm
* Embedding
* LayerNorm
* GRUUnit & NCE
* PRelu
* BilinearTensorProduct
* GroupNorm & SpectralNorm
* TreeConv
test=develop
* fix LayerNorm in transformer unnittest
test=develop
* disable LayerNorm or BatchNorm in multicard
test=develop
* refine Layer.create_parameter api
test=develop
* refine LayerNorm, remove begin_norm_axis param, add normed shape check
test=develop
* LayerNorm bug fix
test=develop
* fix optest,test=develop
* fix optest, test=develop
* fix optest for pass parameter_list when constructing an Optimizer class instance, test=develop
* polish code for better code style, test=develop
* fix se_resnext optest, test=develop
* polish code for better code style, test=develop
Co-authored-by: songyouwei <youwei0314@gmail.com>
5 years ago
mapingshuo
c3e1954918
make reverse op support negative axis ( #21925 )
...
* make reverse op support negative axis
5 years ago
pkpk
911e4c7db6
Fix the bug in sequence_scatter unitest ( #21960 )
...
* test=develop
* test=develop
* test=develop
* change the check_shape_white_list in web
* test=develop
* test=develop
5 years ago
lijianshe02
2687f2afec
fix input shape of test_log_loss_op ( #21953 )
5 years ago
juncaipeng
b1ec1d54cf
Delete check grad for int, collect op for now ( #21922 )
5 years ago
hutuxian
27decacb8a
fix aucop stat shape ( #21846 )
...
* fix stat shape back in global auc scenario
* add UT to cover global auc
5 years ago
WangXi
0d61653c8e
Revert to run distributed unittest serially, test=develop ( #21924 )
5 years ago
songyouwei
cff7a49856
Add ParameterList ( #21056 )
...
* add ParameterList container
* add unittest
test=develop
* fix container, rebase remove build_once
test=develop
* add parameters None check
test=develop
* update Sequential unittest
test=develop
* use Linear in Sequential sample code
test=develop
* fix Sequential arg type doc
test=develop
5 years ago
songyouwei
8439384e25
Move sequence op unittest files to a separate folder sequence ( #21842 )
...
* move sequence op unittests to a separate folder
test=develop
* add missing CMakeList file
test=develop
* fix relative path import
test=develop
* fix relative import
test=develop
* use sys.path.append
test=develop
5 years ago
GaoWei8
2690ddb558
Use skip_check_grad_ci to skip grad check ( #21907 )
5 years ago
zhupengyang
1f3029cb54
ci check for check_shape_white_list.py ( #21859 )
5 years ago
Aurelius84
51a86d2b6b
Optimize adam speed ( #21777 )
...
* optimize adam speed by removing _finish_update test=develop
* fix SparseAdamFunctor param list test=develop
* Remove scale_op in expect_list of adam_op test=develop
* fix test optimizer loss assert error test=develop
* fix test optimizer loss assert error test=develop
* modify PADDLE_ENFORCE usage test=develop
* fix op_type in lamb_op.cc test=develop
* fix errors ostream format bug test=develop
* add betaPowOut in ngraph op test=develop
* fix ngraph::op api for gcc8 test=develop
* clean code test=develop
* modify struct into class test=develop
* remove code of beta1Tensor in lamb_op test=develop
5 years ago
Leo Chen
310edc0d0c
Update layers used in ptb model to use auto-generated op functions in dygraph mode ( #21724 )
...
* update layers, test=develop
* fix input numpy, test=develop
* fix bugs, test=develop
* follow commments, test=develop
* update getitem, test=develop
5 years ago
lijianshe02
f17bd1786a
add decorator skip_check_grad_ci for test_group_norm ( #21910 )
...
* add decorator skip_check_grad_ci for test_group_norm test=develop
5 years ago
juncaipeng
feabed1309
Modify op test ( #21835 )
...
* remove return in op_test teardown, test=develop
* add check_grad for fp64 and other type
* update white list
5 years ago
huzhiqiang
53c16eabe4
test the compatibility between execution time and compiling time ( #21511 )
...
* test the equality between running-time and compiling time
* add white_list for compile_vs_runtime check test=develop
* add check of new-registered op on compile&runtime-lodEquality test=develop
* test=develop
* test=develop
* update white-list test=develop
* merge with new code test=develop
* fix code style test=develop
* test=devleop
* test=develop
* test=develop
* test=develop
* add more ops to white_list test=develop
* test=develop
* test=develop
* test=develop
* test=develop
* test=develop
* fix code_style: add comments test=develop
* test=develop
5 years ago
zhupengyang
5b282a8157
skip check_grad of TestHSigmoidOpSparse ( #21888 )
5 years ago
FDInSky
6b9fbcf3ad
Update iou_similarity op to support non-normalized bbox ( #21671 )
...
Update iou_similarity op to support non-normalized bbox
5 years ago
zhupengyang
d053561d84
use large input size in tree_conv and teacher_student_sigmoid_loss ( #21896 )
...
test=develop
5 years ago
Guo Sheng
7689b6aaa4
Fix default label dim of label_smooth_op. test=develop ( #21862 )
5 years ago
WangXi
52a61edaad
rename test_dist_mnist & run dist parallel, test=develop ( #21874 )
5 years ago
silingtong123
879e3074ea
fix the unittest of test_check_import_scipy on V100 ( #21853 )
5 years ago
Leo Chen
a25418b32c
Set dtype of compare op's output to bool ( #21864 )
...
* add unittests, test=develop
* set dtype of compare op to bool, test=develop
5 years ago
tangwei12
934d99867a
add selected rows supported in framework ( #21808 )
...
* add selected rows supported in framework
5 years ago
gongweibao
855ed5fb3d
revert parallel test=develop ( #21856 )
5 years ago
Leo Chen
25e765a4fe
Copy stop_gradient property of variable in clone ( #21825 )
...
* copy stop_gradient property in clone, test=develop
* fix pruning issue, test=develop
* fix kLookupTablePath issue, test=develop
* sync program, test=develop
* copy subblocks, test=develop
* add unittests, test=develop
5 years ago
tangwei12
6624ea7673
skip test_fetch_handler, will investigate it later, test=develop ( #21845 )
5 years ago
Chen Weihang
2b941736f3
fix softmax_with_cross_entropy_fix bug, test=develop ( #21810 )
5 years ago