PaddlePaddle / Paddle

PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice (『飞桨』核心框架,深度学习&机器学习高性能单机、分布式训练和跨平台部署)
http://www.paddlepaddle.org/
Apache License 2.0
22.3k stars 5.62k forks source link

【快乐开源】PIR模式下单测问题修复与适配 #63740

Closed YuanRisheng closed 4 months ago

YuanRisheng commented 7 months ago

一、BackGround 📚

飞桨新IR(PIR)功能建设已经基本完成,当前CI流水线上静态图依然是以飞桨旧IR运行,我们想将CI默认运行的IR切换至PIR,从而能顺利支持未来飞桨基于PIR下的代码提交与验证。但是当前依然有很多单测在PIR模式下的运行会存在问题,修复这些问题成为实现默认切换PIR的必要条件。

二、Task Introduction📚

对于存在问题的单测,我们已统一放置在了test/deprecated目录下,我们的任务主要是修复这个目录下单测的问题,然后将单测从deprecated目录移出来恢复到正常目录。如下所示,我们假设有test_a和test_b俩个单测文件,并且在test/deprecated/legacy_test目录下,待我们修复问题后,将其移出到test/legacy_test目录里:

image

具体而言,可以遵循以下原则去分析问题:

1. 针对不兼容类型的单测错误解决方式:

首先确认单测是否不兼容PIR,判断标准:

如果单测是不兼容类型的,给单测文件加上"_deprecated后缀"(有时候一个单测文件既包含PIR可执行单测,也包含不兼容单测,这种情况需要将单测文件拆开),如果是兼容类型的,可参考后续的处理方法

2. 针对PIR适配的单测错误解决方式:

3. 针对PIR未适配的单测错误解决方式:

4. 针对其他类型的错误解决方式:

如果不是上述情况,比如是模式切换(动态图/静态图切换,或者旧IR/PIR切换)出现的异常或者是其他的和适配PIR无关的问题,可直接针对具体问题修复并将单测移出deprecated目录

三、Task Submit📚

1. 单测验证

本地问题复现及修复完成后的验证,可以在本地执行如下命令: FLAGS_enable_pir_api=1 ctest -R 单测名称

2. 认领方式

请大家以 comment 的形式认领任务,如:

【报名】:1、3、12-13

多个任务之间需要使用中文顿号分隔,报名多个连续任务可用横线表示,如 2-5

3. PR提交

看板信息

任务方向 任务数量 提交作品 / 任务认领 提交率 完成 完成率
【快乐开源】PIR模式下单测问题修复与适配 664 465 / 469 70.03% 459 69.13%

四、Task List📚

序号 单测 优先级 PR
1 sequence/test_sequence_mask.py P1 @YuanRisheng #64055
2 sequence/test_sequence_expand.py P1 @YuanRisheng #64055
@Marcusryz #66196
3 sequence/test_sequence_softmax_op.py P1 @YuanRisheng #64055
4 sequence/test_sequence_pool.py P1 @YuanRisheng #64055
5 sequence/test_sequence_conv.py P1 @YuanRisheng #64055
6 book/test_fit_a_line.py P1 @YuanRisheng #64124
@crazyxiaoxi #66211
@MufanColin #66215
7 book/test_recommender_system.py P1 @YuanRisheng #64124
8 book/test_word2vec_book.py P1 @YuanRisheng #64124
@crazyxiaoxi #66205
9 book/test_recognize_digits.py P1 @YuanRisheng #64124
@Wizard-ZP #66171
10 book/test_image_classification.py P1 @YuanRisheng #64124
11 prim/prim/vjp/eager/test_comp_eager_cast_grad.py P1 @YuanRisheng #64124
12 prim/prim/vjp/eager/test_comp_eager_pow_grad.py P1 @YuanRisheng #64124
13 prim/prim/vjp/static/test_comp_tanh_grad.py P1 @YuanRisheng #64124
14 prim/prim/vjp/static/test_comp_cast_grad.py P1 @YuanRisheng #64124
@Marcusryz #66152
15 prim/prim/vjp/static/test_comp_reshape_grad.py P1 @YuanRisheng #64124
16 prim/prim/vjp/static/test_comp_add_tanh_grad.py P1 @YuanRisheng #64166
@crazyxiaoxi #66188
17 prim/prim/vjp/static/test_comp_exp_grad.py P1 @YuanRisheng #64166
@Marcusryz #66209
18 prim/prim/vjp/static/test_comp_sigmoid_grad.py P1 @YuanRisheng #64166
@Marcusryz #66110
19 prim/prim/vjp/static/test_comp_gather_grad.py P1 @Marcusryz #66214
20 prim/prim/vjp/static/test_comp_sub_grad.py P1 @YuanRisheng #64166
@crazyxiaoxi #66201
21 prim/prim/vjp/static/test_comp_add_grad.py P1 @YuanRisheng #64166
22 prim/prim/vjp/static/test_comp_sqrt_grad.py P1 @YuanRisheng #64166
@Marcusryz #66165
23 prim/prim/vjp/static/test_comp_div_grad.py P1 @YuanRisheng #64166
24 prim/prim/vjp/static/test_comp_matmul_double_grad.py P1 @YuanRisheng #64166
@BHmingyang #66177
25 prim/prim/vjp/static/test_comp_transpose_grad.py P1 @YuanRisheng #64166
@BHmingyang #66177
26 prim/prim/flags/test_prim_flags.py P1 @YuanRisheng #64166
@tlxd #66197
27 prim/prim/flags/test_prim_flags_case.py P1 @YuanRisheng #64166
@tlxd #66183
28 prim/composite_ops/test_composite_dropout.py P1 @wanghuancoder #65440
29 prim/composite_ops/test_composite_layer_norm.py P1 @wanghuancoder #64845
30 prim/composite_ops/test_composite_batch_norm.py P1 @wanghuancoder #65440
31 prim/composite_ops/test_composite_mean_grad.py P1 @wanghuancoder #65440
32 prim/composite_ops/test_composite_mean.py P1 @wanghuancoder #65440
33 prim/composite_ops/test_composite_relu_custom_vjp.py P1 @wanghuancoder #65440
@crazyxiaoxi #66190
34 prim/composite_ops/test_composite_layer_norm_grad.py P1 @wanghuancoder #65440
35 prim/composite_ops/test_composite_softmax_grad.py P1 @wanghuancoder #65440
@Fripping #66219
36 prim/composite_ops/test_composite_gelu.py P1 @wanghuancoder #65440
37 prim/composite_ops/test_composite_batch_norm_grad.py P1 @wanghuancoder #65440
@Luohongzhige #66204
38 prim/composite_ops/test_composite_softmax.py P1 @wanghuancoder #65440
@crazyxiaoxi #66198
39 prim/composite_ops/test_composite_softmax_custom_vjp.py P1 @wanghuancoder #65440
40 prim/composite_ops/test_composite_gelu_grad.py P1 @wanghuancoder #65440
@crazyxiaoxi #66174
41 prim/test_comp_dispensable.py P1 @wanghuancoder #65440
42 prim/pir_prim/test_decomp_op.py P1 @wanghuancoder #65440
43 prim/pir_prim/test_vjp_prim.py P1 @wanghuancoder #65440
44 prim/pir_prim/test_decompose_op.py P1 @wanghuancoder #65440
45 prim/pir_prim/test_custom_vjp_trait.py P1 @wanghuancoder #65440
46 prim/test_comp_skip_op_set.py P1 @wanghuancoder #64845
47 prim/test_comp_get_grad_op_desc_prim_enabled.py P1 @wanghuancoder #64845
48 prim/test_comp_custom_vjp.py P1 @wanghuancoder #65440
49 prim/process/test_copy_op.py P1 @wanghuancoder #65440
50 prim/process/test_check_inputs.py P1 @wanghuancoder #65440
51 asp/test_asp_pruning_static.py P1 @wanghuancoder #64845
52 asp/test_asp_customized_pruning.py P1
53 asp/test_asp_optimize_static.py P1 @wanghuancoder #64845
@MufanColin #66186
54 asp/test_asp_pruning_dynamic.py P1
55 asp/test_asp_optimize_dynamic.py P1 @Lans1ot #66223
56 asp/test_asp_save_load.py P1
57 legacy_test/test_expand_op.py P1 @enkilee #64486
58 legacy_test/test_optimizer_in_control_flow.py P1 @wanghuancoder #64845
59 legacy_test/test_program.py P1 @wanghuancoder #64845
@crazyxiaoxi #66193
60 legacy_test/test_pool2d_op.py P1 @wanghuancoder #64276
@crazyxiaoxi #66184
61 legacy_test/test_elementwise_gradient_op.py P1 @wanghuancoder #64276
62 legacy_test/test_inplace_addto_strategy.py P1 @wanghuancoder #64276
63 legacy_test/test_set_bool_attr.py P1 @wanghuancoder #64276
64 legacy_test/test_fractional_max_pool3d_op.py P1 @wanghuancoder #64276
@crazyxiaoxi #66195
65 legacy_test/test_bicubic_interp_v2_op.py P1 @wanghuancoder #64314
@MufanColin #66202
66 legacy_test/test_imperative_gan.py P1 @wanghuancoder #64312
67 legacy_test/test_set_value_op.py P1 @wanghuancoder #64314
68 legacy_test/test_lookup_table_v2_bf16_op.py P1 @wanghuancoder #64314
69 legacy_test/test_index_fill.py P1 @wanghuancoder #64314
70 legacy_test/test_segment_ops.py P1 @wanghuancoder #64314
71 legacy_test/test_eigvalsh_op.py P1 @wanghuancoder #64319
72 legacy_test/test_shuffle_batch_op.py P1 @wanghuancoder #64319
@BHmingyang #66206
73 legacy_test/test_rrelu_op.py P1 @wanghuancoder #64319
@Wizard-ZP #66212
74 legacy_test/test_py_reader_combination.py P1 @wanghuancoder #64350
75 legacy_test/check_nan_inf_backward_static_stack.py P1 @wanghuancoder #64442
76 legacy_test/test_conv2d_api.py P1 @wanghuancoder #64454
77 legacy_test/test_uniform_random_bf16_op.py P1 @wanghuancoder #64645
78 legacy_test/test_generator_dataloader.py P1 @wanghuancoder #64454
79 legacy_test/test_dist_fleet_a_sync_optimizer_geo.py P1 @wanghuancoder #64454
80 legacy_test/test_eager_run_program.py P1 @wanghuancoder #64454
81 legacy_test/test_downpoursgd.py P1 @wanghuancoder #64455
82 legacy_test/test_lod_reset_op.py P1 @wanghuancoder #64455
83 legacy_test/test_complex_variable.py P1 @wanghuancoder #64455
84 legacy_test/test_top_k_op.py P1 @liyongchao911
@wanghuancoder #64754
85 legacy_test/test_cholesky_solve_op.py P1 @wanghuancoder #64457
86 legacy_test/test_cummin_op.py P1 @wanghuancoder #64463
87 legacy_test/test_multiprocess_dataloader_static.py P1 @wanghuancoder #64487
88 legacy_test/test_frame_op.py P1 @wanghuancoder #64463
89 legacy_test/test_layers.py P1 @wanghuancoder #64487
90 legacy_test/test_lu_op.py P1 @wanghuancoder #64463
91 legacy_test/test_decoupled_py_reader.py P1 @wanghuancoder #64845
92 legacy_test/test_min_op.py P1 @wanghuancoder #65352
93 legacy_test/test_optimizer.py P1 @wanghuancoder #64845
94 legacy_test/test_flatten_contiguous_range_op.py P1 @wanghuancoder #64754
95 legacy_test/test_fleet_util.py P1
96 legacy_test/test_complex_op.py P1 @wanghuancoder #64754
97 legacy_test/test_auto_search_dist_matmul_op.py P1
98 legacy_test/test_spectral_norm_op.py P1 @wanghuancoder #64754
99 legacy_test/test_inference_model_io.py P1 @wanghuancoder #64845
100 legacy_test/test_cummax_op.py P1 @wanghuancoder #64754
101 legacy_test/test_imperative_mnist.py P1
102 legacy_test/test_im2sequence_op.py P1 @wanghuancoder #64754
103 legacy_test/test_identity_loss_op.py P1 @wanghuancoder #64754
104 legacy_test/test_dist_fleet_ps13.py P1 @wanghuancoder #64845
105 legacy_test/test_cross_entropy_op.py P1 @wanghuancoder #64754
106 legacy_test/test_trilinear_interp_op.py P1 @wanghuancoder #64754
107 legacy_test/test_gammaln_op.py P1 @wanghuancoder #64754
108 legacy_test/test_functional_conv2d_transpose.py P1 @wanghuancoder #64845
109 legacy_test/test_flip.py P1 @wanghuancoder #64754
110 legacy_test/test_entry_attr.py P1 @wanghuancoder #64845
111 legacy_test/test_fractional_max_pool2d_op.py P1 @wanghuancoder #64754
112 legacy_test/test_compare_op.py P1
113 legacy_test/test_array_read_write_op.py P1
114 legacy_test/test_linear_interp_v2_op.py P1 @wanghuancoder #64754
115 legacy_test/test_dist_fleet_ps5.py P1 @wanghuancoder #64845
116 legacy_test/test_elementwise_mul_op.py P1 @wanghuancoder #64754
117 legacy_test/test_logsumexp.py P1 @wanghuancoder #64754
118 legacy_test/test_imperative_optimizer_v2.py P1
119 legacy_test/test_auto_parallel_dist_tensor.py P1
120 legacy_test/test_feed_data_check_shape_type.py P1 @wanghuancoder #64845
121 legacy_test/test_imperative_reinforcement.py P1
122 legacy_test/test_fmax_op.py P1 @wanghuancoder #64754
123 legacy_test/test_py_reader_sample_generator.py P1
124 legacy_test/test_functional_conv3d.py P1 @wanghuancoder #64845
125 legacy_test/test_zero_dim_sundry_static_api_part1.py P1 @SigureMo #64064
126 legacy_test/test_program_code.py P1 @wanghuancoder #64845
127 legacy_test/test_quantile_and_nanquantile.py P1
128 legacy_test/test_elementwise_pow_op.py P1 @wanghuancoder #64754
129 legacy_test/test_pretrained_model.py P1
130 legacy_test/test_cumprod_op.py P1 @wanghuancoder #64754
131 legacy_test/test_index_sample_op.py P1 @wanghuancoder #64754
132 legacy_test/test_l1_norm_op.py P1 @wanghuancoder #64754
133 legacy_test/test_auto_search_dist_op.py P1
134 legacy_test/test_conv2d_layer.py P1
135 legacy_test/test_io_save_load.py P1 @xiaoguoguo626807 #64096
136 legacy_test/test_pass_builder.py P1
137 legacy_test/test_data_norm_op.py P1 @wanghuancoder #64845
138 legacy_test/test_static_save_load.py P1
139 legacy_test/test_error_clip.py P1 @wanghuancoder #64845
140 legacy_test/test_initializer.py P1 @wanghuancoder #64845
141 legacy_test/test_cumsum_op.py P1
142 legacy_test/test_sparse_softmax_op.py P1 @wanghuancoder #65352
143 legacy_test/test_lazy_init.py P1
144 legacy_test/test_graph_send_recv_op.py P1 @wanghuancoder #64754
145 legacy_test/test_determinant_op.py P1 @wanghuancoder #64754
146 legacy_test/test_max_op.py P1 @liyongchao911
@wanghuancoder #65352
147 legacy_test/test_zero_dim_sundry_dygraph_api.py P1 @SigureMo #64064
148 legacy_test/test_dataset.py P1
149 legacy_test/test_unbind_op.py P1
150 legacy_test/test_auto_parallel_reshard_dpmppp.py P1
151 legacy_test/test_gradient_clip.py P1 @wanghuancoder #64845
152 legacy_test/test_sgd_op.py P1 @wanghuancoder #64845
153 legacy_test/test_linear_interp_op.py P1 @wanghuancoder #64754
154 legacy_test/test_run_program_op.py P1 @wanghuancoder #64845
155 legacy_test/test_log_softmax.py P1 @wanghuancoder #64754
156 legacy_test/test_fold_op.py P1 @wanghuancoder #64754
157 legacy_test/test_tdm_child_op.py P1
158 legacy_test/test_auto_parallel_partitioner_gpt.py P1 @wanghuancoder #64845
159 legacy_test/test_imperative_framework.py P1 @wanghuancoder #64754
160 legacy_test/test_row_conv_op.py P1 @wanghuancoder #64754
161 legacy_test/test_matmul_op.py P1 @wanghuancoder #64754
162 legacy_test/test_unstack_op.py P1 @wanghuancoder #64754
163 legacy_test/test_lookup_table_v2_op.py P1 @wanghuancoder #64314
164 legacy_test/test_sparse_sum_op.py P1
165 legacy_test/test_gru_unit_op.py P1 @wanghuancoder #64754
166 legacy_test/test_lbfgs.py P1
167 legacy_test/test_is_integer.py P1 @wanghuancoder #64754
168 legacy_test/test_apply.py P1 @wanghuancoder #65352
169 legacy_test/test_adamax_api.py P1 @wanghuancoder #64845
170 legacy_test/test_linalg_matrix_exp.py P1
171 legacy_test/test_communicator_geo.py P1 @wanghuancoder #64845
172 legacy_test/test_hinge_loss_op.py P1 @wanghuancoder #64754
173 legacy_test/test_dist_tree_index.py P1
174 legacy_test/test_program_to_string.py P1 @wanghuancoder #64845
175 legacy_test/test_isclose_op.py P1
176 legacy_test/test_dist_fleet_geo.py P1
177 legacy_test/test_fc_op.py P1 @wanghuancoder #64845
178 legacy_test/test_reduce_op.py P1
179 legacy_test/test_detection.py P1
180 legacy_test/test_rnn_op.py P1
181 legacy_test/test_diag_v2.py P1
182 legacy_test/test_accuracy_op.py P1 @wanghuancoder #64754
183 legacy_test/test_pool3d_op.py P1 @wanghuancoder #64754
184 legacy_test/test_log_loss_op.py P1 @wanghuancoder #64754
185 legacy_test/test_eager_deletion_delete_vars.py P1 @wanghuancoder #64845
186 legacy_test/test_gumbel_softmax_op.py P1 @wanghuancoder #64754
187 legacy_test/test_huber_loss_op.py P1 @wanghuancoder #64754
188 legacy_test/test_gaussian_random_op.py P1 @wanghuancoder #64754
189 legacy_test/test_unfold_op.py P1 @wanghuancoder #64754
190 legacy_test/test_split_program.py P1
191 legacy_test/test_model.py P1
192 legacy_test/test_broadcast_tensors_op.py P1
193 legacy_test/test_dataloader_keep_order.py P1 @wanghuancoder #64845
194 legacy_test/test_zero_dim_distribution_loss_api.py P1 @SigureMo #64088
195 legacy_test/test_fill_any_op.py P1 @wanghuancoder #64754
196 legacy_test/test_deform_conv2d.py P1 @wanghuancoder #64845
197 legacy_test/run_server_for_communicator_geo.py P1
198 legacy_test/test_bitwise_shift_op.py P1
199 legacy_test/test_imperative_star_gan_with_gradient_penalty.py P1 @wanghuancoder #64754
200 legacy_test/test_dygraph_multi_forward.py P1
201 legacy_test/test_jit_layer.py P1
202 legacy_test/test_arg_min_max_v2_op.py P1
203 legacy_test/test_mul_op.py P1 @wanghuancoder #64754
204 legacy_test/test_logspace.py P1
205 legacy_test/test_affine_channel_op.py P1 @wanghuancoder #64754
206 legacy_test/test_fill_zeros_like2_op.py P1
207 legacy_test/test_zero_dim_no_backward_api.py P1 @SigureMo #64088
208 legacy_test/test_batch_norm_op.py P1 @wanghuancoder #64845
209 legacy_test/test_allclose_op.py P1
210 legacy_test/test_dist_fleet_trainer_desc_config.py P1
211 legacy_test/test_truncated_gaussian_random_op.py P1 @wanghuancoder #64845
212 legacy_test/test_auto_parallel_searcher.py P1
213 legacy_test/test_squeeze2_op.py P1 @Aurelius84 #64277
214 legacy_test/test_diagonal_op.py P1 @wanghuancoder #64754
215 legacy_test/test_executor_and_use_program_cache.py P1 @wanghuancoder #64845
216 legacy_test/test_scatter_op.py P1 @wanghuancoder #64754
217 legacy_test/test_program_converter.py P1
218 legacy_test/test_temporal_shift_op.py P1 @wanghuancoder #64754
219 legacy_test/test_nan_inf.py P1 @wanghuancoder #64442
220 legacy_test/test_qr_op.py P1 @wanghuancoder #64754
221 legacy_test/test_trilinear_interp_v2_op.py P1 @wanghuancoder #64754
222 legacy_test/test_roi_pool_op.py P1 @wanghuancoder #64754
223 legacy_test/test_conditional_block.py P1 @wanghuancoder #64845
224 legacy_test/test_metrics.py P1
225 legacy_test/test_nn_matmul_v2_grad.py P1
226 legacy_test/test_conv2d_op_depthwise_conv.py P1 @wanghuancoder #64754
227 legacy_test/test_save_inference_model_conditional_op.py P1 @wanghuancoder #64754
228 legacy_test/test_attribute_var.py P1 @wanghuancoder #64754
229 legacy_test/test_shuffle_channel_op.py P1 @wanghuancoder #64754
230 legacy_test/check_nan_inf_backward_stack.py P1 @wanghuancoder #64442
231 legacy_test/test_nll_loss.py P1
232 legacy_test/test_crop_op.py P1
233 legacy_test/test_embedding_id_stop_gradient.py P1 @wanghuancoder #64845
234 legacy_test/test_static_save_load_large.py P1 @wanghuancoder #64754
235 legacy_test/test_dist_fleet_ps2.py P1 @wanghuancoder #64845
236 legacy_test/test_dist_fleet_a_sync_optimizer_auto_geo.py P1 @wanghuancoder #64845
237 legacy_test/test_var_base.py P1 @SigureMo #64308
238 legacy_test/test_reverse_op.py P1 @wanghuancoder #64754
239 legacy_test/test_adam_op.py P1 @wanghuancoder #65352
240 legacy_test/test_sparse_elementwise_op.py P1
241 legacy_test/test_auto_parallel_partitioner.py P1 @wanghuancoder #64845
242 legacy_test/test_imperative_recurrent_usage.py P1
243 legacy_test/test_imperative_lod_tensor_to_selected_rows.py P1 @wanghuancoder #64845
244 legacy_test/test_bfgs.py P1
245 legacy_test/dist_fleet_ctr.py P1
246 legacy_test/test_yolov3_loss_op.py P1 @wanghuancoder #64754
247 legacy_test/test_bicubic_interp_op.py P1 @wanghuancoder #64754
248 legacy_test/test_arg_min_max_op.py P1
249 legacy_test/test_transformer_api.py P1
250 legacy_test/test_dataloader_early_reset.py P1 @wanghuancoder #64845
251 legacy_test/test_fetch_lod_tensor_array.py P1
252 legacy_test/test_dataloader_unkeep_order.py P1 @wanghuancoder #64845
253 legacy_test/test_masked_scatter.py P1 @wanghuancoder #64754
254 legacy_test/test_bce_loss.py P1 @wanghuancoder #64754
255 legacy_test/test_reshape_op.py P1 @wanghuancoder #64754
256 legacy_test/test_digamma_op.py P1
257 legacy_test/test_fleet_unitaccessor.py P1 @wanghuancoder #64845
258 legacy_test/test_conv3d_transpose_layer.py P1
259 legacy_test/test_conv2d_transpose_layer.py P1
260 legacy_test/test_solve_op.py P1 @wanghuancoder #64754
261 legacy_test/test_static_pylayer.py P1 @wanghuancoder #64845
262 legacy_test/test_lookup_table_op.py P1 @wanghuancoder #64314
263 legacy_test/test_erf_op.py P1
264 legacy_test/test_nearest_interp_v2_op.py P1 @wanghuancoder #64754
265 legacy_test/test_lu_unpack_op.py P1 @wanghuancoder #64754
266 legacy_test/test_argsort_op.py P1 @wanghuancoder #64845
267 legacy_test/test_householder_product.py P1
268 legacy_test/test_dist_fleet_heter_program.py P1 @wanghuancoder #64845
269 legacy_test/test_infer_no_need_buffer_slots.py P1 @wanghuancoder #64845
270 legacy_test/test_cast_op.py P1 @wanghuancoder #64754
271 legacy_test/test_sparse_norm_op.py P1
272 legacy_test/test_dist_sparse_tensor_load_ftrl.py P1
273 legacy_test/test_crop_tensor_op.py P1 @wanghuancoder #64754
274 legacy_test/test_nn_functional_hot_op.py P1
275 legacy_test/test_adaptive_max_pool1d.py P1 @wanghuancoder #65617
276 legacy_test/test_imperative_base.py P1 @Aurelius84 #65799
277 legacy_test/test_unsqueeze2_op.py P1 @Aurelius84 #64277
278 legacy_test/test_multinomial_op.py P1 @wanghuancoder #65352
279 legacy_test/check_nan_inf_base.py P1 @wanghuancoder #64442
280 legacy_test/test_dist_fleet_ps7.py P1 @wanghuancoder #64845
281 legacy_test/test_lgamma_op.py P1 @wanghuancoder #64754
282 legacy_test/test_fuse_elewise_add_act_pass.py P1
283 legacy_test/test_compiled_program.py P1
284 legacy_test/test_fractional_max_pool3d_api.py P1
285 legacy_test/test_memory_reuse_exclude_feed_var.py P1
286 legacy_test/test_dist_sparse_tensor_load_adagrad.py P1
287 legacy_test/test_tensor.py P1
288 legacy_test/test_communicator_async.py P1
289 legacy_test/test_stft_op.py P1 @wanghuancoder #64754
290 legacy_test/test_imperative_double_grad.py P1 @wanghuancoder #64845
291 legacy_test/test_dist_fleet_ps6.py P1 @wanghuancoder #64845
292 legacy_test/test_clip_gradvalue.py P1
293 legacy_test/test_lookup_table_bf16_op.py P1 @wanghuancoder #64314
294 legacy_test/test_atan2_op.py P1 @wanghuancoder #64754
295 legacy_test/test_layer_norm_op.py P1 @wanghuancoder #64845
296 legacy_test/test_fleet_metric.py P1
297 legacy_test/test_install_check.py P1
298 legacy_test/test_prune.py P1 @wanghuancoder #64845
299 legacy_test/test_lod_tensor_array.py P1
300 legacy_test/test_auto_parallel_completion.py P1
301 legacy_test/test_elementwise_floordiv_op.py P1
302 legacy_test/test_elementwise_heaviside_op.py P1 @wanghuancoder #64754
303 legacy_test/test_trunc_op.py P1 @wanghuancoder #64754
304 legacy_test/test_fill_diagonal_tensor_op.py P1 @wanghuancoder #64754
305 legacy_test/test_data_feeder.py P1
306 legacy_test/test_lerp_op.py P1 @wanghuancoder #64754
307 legacy_test/test_initializer_nn.py P1
308 legacy_test/test_auc_op.py P1
309 legacy_test/test_callback_early_stop.py P1
310 legacy_test/test_lstm_op.py P1 @wanghuancoder #64754
311 legacy_test/test_svd_op.py P1 @wanghuancoder #64754
312 legacy_test/test_parameter.py P1
313 legacy_test/test_fractional_max_pool2d_api.py P1
314 legacy_test/test_dist_fleet_ps3.py P1 @wanghuancoder #64845
315 legacy_test/test_backward_infer_var_data_type_shape.py P1
316 legacy_test/test_entry_attr2.py P1 @wanghuancoder #64845
317 legacy_test/test_nonzero_api.py P1
318 legacy_test/test_pad3d_op.py P1 @wanghuancoder #64754
319 legacy_test/test_softmax_op.py P1
320 legacy_test/test_pull_gpups_sparse_op.py P1
321 legacy_test/test_dist_sparse_tensor_load_adam.py P1
322 legacy_test/test_switch.py P1 @wanghuancoder #64845
323 legacy_test/test_dist_fleet_ps.py P1 @wanghuancoder #64845
324 legacy_test/test_inplace_softmax_with_cross_entropy.py P1
325 legacy_test/test_meshgrid_op.py P1 @wanghuancoder #64754
326 legacy_test/test_sparse_conv_op.py P1
327 legacy_test/test_get_inputs_outputs_in_block.py P1 @wanghuancoder #64845
328 legacy_test/test_add_position_encoding_op.py P1 @wanghuancoder #64754
329 legacy_test/test_inplace.py P1
330 legacy_test/test_image_classification_layer.py P1 @wanghuancoder #64845
331 legacy_test/test_matmul_v2_op.py P1 @wanghuancoder #64754
332 legacy_test/test_expand_v2_op.py P1 @wanghuancoder #64754
333 legacy_test/test_swiglu.py P1 @wanghuancoder #64754
334 legacy_test/test_overlap_add_op.py P1 @wanghuancoder #64754
335 legacy_test/test_bilinear_interp_op.py P1 @wanghuancoder #64754
336 legacy_test/test_backward.py P1 @wanghuancoder #64845
337 legacy_test/test_full_like_op.py P1 @wanghuancoder #64754
338 legacy_test/test_expand_as_v2_op.py P1
339 legacy_test/test_index_add_op.py P1 @wanghuancoder #64754
340 legacy_test/test_bmm_op.py P1 @wanghuancoder #64754
341 legacy_test/test_tdm_sampler_op.py P1
342 legacy_test/test_gather_nd_op.py P1 @Aurelius84 #65799
343 legacy_test/test_triangular_solve_op.py P1 @wanghuancoder #64754
344 legacy_test/test_auto_parallel_reshard.py P1
345 legacy_test/test_unique_consecutive_op.py P1 @wanghuancoder #64754
346 legacy_test/test_deformable_conv_v1_op.py P1 @wanghuancoder #64754
347 legacy_test/test_unpool_op.py P1 @wanghuancoder #64754
348 legacy_test/test_math_op_patch_var_base.py P1
349 legacy_test/test_maxout_op.py P1 @wanghuancoder #64754
350 legacy_test/test_multi_dot_op.py P1 @wanghuancoder #64754
351 legacy_test/test_lr_scheduler.py P1 @wanghuancoder #64754
352 legacy_test/test_static_pylayer_block.py P1 @wanghuancoder #64845
353 legacy_test/test_deformable_conv_op.py P1 @wanghuancoder #64845
354 legacy_test/test_kthvalue_op.py P1 @wanghuancoder #64754
355 legacy_test/test_math_op_patch.py P1
356 legacy_test/test_variable.py P1
357 legacy_test/test_cross_entropy2_op.py P1 @wanghuancoder #64754
358 legacy_test/test_fleet_base_3.py P1 @wanghuancoder #64845
359 legacy_test/utils.py P1
360 legacy_test/test_repeat_interleave_op.py P1 @wanghuancoder #64754
361 legacy_test/test_squared_l2_norm_op.py P1 @wanghuancoder #64754
362 legacy_test/check_nan_inf_base_dygraph.py P1 @wanghuancoder #64442
363 legacy_test/test_stride.py P1
364 legacy_test/test_put_along_axis_op.py P1 @wanghuancoder #64754
365 legacy_test/test_graph_send_uv_op.py P1 @wanghuancoder #64754
366 legacy_test/test_regularizer.py P1 @wanghuancoder #64845
367 legacy_test/test_static_shape_inferrence_for_shape_tensor.py P1
368 legacy_test/test_copysign_op.py P1 @wanghuancoder #64754
369 legacy_test/test_rnn_cell_api.py P1
370 legacy_test/test_ema_fleet.py P1 @wanghuancoder #64845
371 legacy_test/test_graph_send_ue_recv_op.py P1 @wanghuancoder #64754
372 legacy_test/test_top_k_v2_op.py P1 @wanghuancoder #64754
373 legacy_test/test_nce.py P1 @wanghuancoder #64845
374 legacy_test/test_multiprocess_reader_exception.py P1
375 legacy_test/test_lrn_op.py P1 @wanghuancoder #64754
376 legacy_test/test_nearest_interp_op.py P1 @wanghuancoder #64754
377 legacy_test/test_gather_tree_op.py P1 @Aurelius84 #65799
378 legacy_test/test_fetch_var.py P1
379 legacy_test/test_gru_op.py P1 @wanghuancoder #64754
380 legacy_test/test_cost_model.py P1
381 legacy_test/test_imperative_selected_rows_to_lod_tensor.py P1
382 legacy_test/test_executor_and_mul.py P1
383 legacy_test/test_kron_op.py P1 @wanghuancoder #64754
384 legacy_test/test_fuse_bn_act_pass.py P1 @wanghuancoder #64845
385 legacy_test/test_inference_api.py P1 @wanghuancoder #64845
386 legacy_test/test_executor_check_feed.py P1 @wanghuancoder #64845
387 legacy_test/test_input_spec.py P1 @wanghuancoder #64754
388 legacy_test/test_device_guard.py P1 @wanghuancoder #64845
389 legacy_test/test_real_imag_op.py P1 @BHmingyang #66177
390 legacy_test/test_merged_momentum_op.py P1 @wanghuancoder #64845
391 legacy_test/test_bincount_op.py P1 @wanghuancoder #65352
392 legacy_test/test_name_scope.py P1 @wanghuancoder #64845
393 legacy_test/test_lod_tensor.py P1
394 legacy_test/test_partial_concat_op.py P1 @wanghuancoder #64754
395 legacy_test/test_histogramdd_op.py P1 @Aurelius84 #65799
396 legacy_test/test_dist_fleet_ps4.py P1 @wanghuancoder #64845
397 legacy_test/test_roll_op.py P1 @wanghuancoder #64754
398 legacy_test/test_clip_gradnorm.py P1 @inaomIIsfarell
399 legacy_test/test_functional_conv3d_transpose.py P1 @inaomIIsfarell
400 legacy_test/test_seed_op.py P1 @inaomIIsfarell
401 legacy_test/test_linalg_cond.py P1 @inaomIIsfarell
402 legacy_test/test_imperative_load_static_param.py P1 @wanghuancoder #64845
403 legacy_test/test_random_seed.py P1 @wanghuancoder #64845
404 legacy_test/test_python_operator_overriding.py P1
405 legacy_test/test_desc_clone.py P1 @wanghuancoder #64845
406 legacy_test/test_psroi_pool_op.py P1
407 legacy_test/test_pixel_unshuffle.py P1
408 legacy_test/test_fleet_nocvm_1.py P1 @wanghuancoder #64845
409 legacy_test/test_dist_fleet_a_sync_optimizer_auto_async.py P1 @wanghuancoder #64845
410 legacy_test/test_kldiv_loss_op.py P1 @wanghuancoder #64754
411 legacy_test/test_one_hot_v2_op.py P1
412 legacy_test/test_deprecated_memory_optimize_interfaces.py P1
413 legacy_test/test_instance_norm_op.py P1 @wanghuancoder #64845
414 legacy_test/test_addmm_op.py P1 @wanghuancoder #64754
415 legacy_test/test_inverse_op.py P1
416 legacy_test/test_elementwise_mod_op.py P1
417 legacy_test/test_conv1d_transpose_layer.py P1
418 legacy_test/test_mv_op.py P1 @wanghuancoder #64754
419 legacy_test/test_sparse_isnan_op.py P1
420 legacy_test/test_get_tensor_from_selected_rows_op.py P1
421 legacy_test/test_roi_align_op.py P1 @wanghuancoder #64754
422 legacy_test/test_dist_fleet_a_sync_optimizer_async.py P1
423 legacy_test/test_nn_functional_embedding_static.py P1
424 legacy_test/test_unpool3d_op.py P1 @wanghuancoder #64754
425 legacy_test/test_nn_sigmoid_op.py P1
426 legacy_test/test_dataset_dataloader.py P1
427 legacy_test/test_adaptive_avg_pool2d.py P1 @wanghuancoder #65352
428 legacy_test/test_block_rename_var.py P1 @SigureMo #64078
429 legacy_test/test_print_op.py P1
430 legacy_test/test_save_model_without_var.py P1 @wanghuancoder #64754
431 legacy_test/test_program_prune_backward.py P1 @wanghuancoder #64845
432 legacy_test/test_conv3d_transpose_part2_op.py P1 @wanghuancoder #64845
433 legacy_test/test_hsigmoid_op.py P1 @wanghuancoder #64845
434 legacy_test/test_simple_rnn_op.py P1
435 legacy_test/test_gru_rnn_op.py P1 @Aurelius84 #65799
436 legacy_test/test_learning_rate_scheduler.py P1
437 legacy_test/test_adamw_op.py P1 @wanghuancoder #65352
438 legacy_test/test_prod_op.py P1 @wanghuancoder #65352
439 legacy_test/test_signal.py P1
440 legacy_test/test_trainable.py P1 @wanghuancoder #64845
441 legacy_test/test_scatter_nd_op.py P1
442 legacy_test/test_fleet.py P1 @wanghuancoder #64845
443 legacy_test/test_norm_all.py P1
444 legacy_test/test_switch_autotune.py P1
445 legacy_test/test_fill_constant_op.py P1 @Aurelius84 #65799
446 legacy_test/test_sigmoid_cross_entropy_with_logits_op.py P1
447 legacy_test/test_cross_op.py P1 @uanu2002 #66131 #66221
448 legacy_test/test_weight_normalization.py P1 @wanghuancoder #64845
449 legacy_test/test_base_layer.py P1
450 legacy_test/test_channel_shuffle.py P1 @wanghuancoder #64754
451 legacy_test/test_fleet_base.py P1
452 legacy_test/test_dist_sparse_tensor_load_momentum.py P1
453 legacy_test/test_slice_scatter.py P1
454 legacy_test/test_partial_sum_op.py P1 @wanghuancoder #64754
455 legacy_test/test_slice_var.py P1
456 legacy_test/test_hypot.py P1
457 legacy_test/test_index_select_op.py P1 @wanghuancoder #64754
458 legacy_test/test_selu_op.py P1 @wanghuancoder #64754
459 legacy_test/test_allclose_layer.py P1
460 legacy_test/test_apply_pass_to_program.py P1
461 legacy_test/test_avoid_twice_initialization.py P1 @wanghuancoder #64845
462 legacy_test/test_linspace.py P1 @BHmingyang #66206
463 legacy_test/test_var_info.py P1 @Caogration #66208
464 legacy_test/test_prelu_op.py P1 @wanghuancoder #64845
465 legacy_test/test_py_func_op.py P1 @wanghuancoder #64845
466 legacy_test/test_auto_parallel_reshard_mppp.py P1
467 legacy_test/test_uniform_random_op.py P1 @wanghuancoder #64645
468 legacy_test/test_pixel_shuffle_op.py P1 @wanghuancoder #64754
469 legacy_test/test_py_reader_return_list.py P1
470 legacy_test/test_grid_sampler_op.py P1 @wanghuancoder #64754
471 legacy_test/test_complex_view_op.py P1 @wanghuancoder #64754
472 legacy_test/test_matrix_power_op.py P1
473 legacy_test/test_ops_nms.py P1 @wanghuancoder #64754
474 legacy_test/test_where_op.py P1
475 legacy_test/test_eye_op.py P1 @wanghuancoder #65352
476 legacy_test/test_iinfo_and_finfo.py P1
477 legacy_test/test_auto_parallel_cost_model.py P1
478 legacy_test/test_rnn_decode_api.py P1
479 legacy_test/test_dist_sparse_tensor_load_rmsprop.py P1
480 legacy_test/test_dist_fleet_ps10.py P1 @wanghuancoder #64845
481 legacy_test/test_zero_dim_sundry_static_api_part3.py P1 @SigureMo #64064
482 legacy_test/test_momentum_op.py P1 @wanghuancoder #64845
483 legacy_test/test_calc_gradient.py P1
484 legacy_test/test_functional_conv2d.py P1 @wanghuancoder #64845
485 legacy_test/test_affine_grid_op.py P1 @wanghuancoder #64754
486 legacy_test/test_sparse_slice_op.py P1
487 legacy_test/test_pyramid_hash_op.py P1
488 legacy_test/test_paddle_save_load_binary.py P1 @wanghuancoder #64754
489 legacy_test/test_load_state_dict_from_old_format.py P1 @wanghuancoder #64754
490 legacy_test/test_decoupled_py_reader_data_check.py P1
491 legacy_test/test_conv_nn_grad.py P1 @wanghuancoder #64845
492 legacy_test/test_fleet_base_2.py P1 @wanghuancoder #64845
493 legacy_test/test_scale_op.py P1
494 legacy_test/test_fmin_op.py P1 @wanghuancoder #64754
495 legacy_test/test_tensor_type_promotion.py P1
496 legacy_test/test_modified_huber_loss_op.py P1 @wanghuancoder #64754
497 legacy_test/test_dist_fleet_a_sync_optimizer_auto.py P1 @wanghuancoder #64845
498 legacy_test/test_adaptive_max_pool3d.py P1 @wanghuancoder #65617
499 legacy_test/test_auto_parallel_completion_gpt.py P1
500 legacy_test/test_tensor_array_to_tensor.py P1
501 legacy_test/test_imperative_ptb_rnn_sorted_gradient.py P1
502 legacy_test/test_complex_abs.py P1 @wanghuancoder #64754
503 legacy_test/test_sign_op.py P1 @wanghuancoder #64754
504 legacy_test/test_imperative_ocr_attention_model.py P1
505 legacy_test/test_adaptive_max_pool2d.py P1 @wanghuancoder #65617
506 legacy_test/test_dist_sparse_tensor_load_sgd.py P1 @wanghuancoder #64845
507 legacy_test/test_regularizer_api.py P1 @wanghuancoder #64845
508 legacy_test/test_masked_select_op.py P1
509 legacy_test/test_zero_dim_complex_api.py P1 @SigureMo #64088
510 legacy_test/test_bilinear_tensor_product_op.py P1 @wanghuancoder #64845
511 legacy_test/test_einsum_op.py P1 @SigureMo #64307
512 legacy_test/test_imperative_ptb_rnn.py P1
513 legacy_test/test_imperative_transformer_sorted_gradient.py P1
514 legacy_test/test_imperative_mnist_sorted_gradient.py P1
515 legacy_test/auto_parallel_op_test.py P1
516 legacy_test/test_dist_fleet_ps8.py P1 @wanghuancoder #64845
517 legacy_test/test_executor_feed_non_tensor.py P1
518 legacy_test/test_eigh_op.py P1 @wanghuancoder #64754
519 legacy_test/test_add_reader_dependency.py P1 @wanghuancoder #64845
520 legacy_test/test_conj_op.py P1 @wanghuancoder #64754
521 legacy_test/test_instance_norm_op_v2.py P1 @wanghuancoder #64754
522 legacy_test/test_slice_op.py P1
523 legacy_test/test_broadcast_to_op.py P1
524 legacy_test/test_assign_op.py P1 @wanghuancoder #64754
525 legacy_test/test_dist_fleet_ps9.py P1 @wanghuancoder #64845
526 legacy_test/test_executor_check_fetch_list.py P1
527 legacy_test/test_tril_triu_op.py P1
528 legacy_test/test_logcumsumexp_op.py P1
529 legacy_test/test_dist_fleet_decay.py P1 @wanghuancoder #64845
530 legacy_test/test_reader_reset.py P1
531 legacy_test/test_conv3d_layer.py P1
532 legacy_test/test_split_op.py P1 @wanghuancoder #64754
533 legacy_test/test_pow.py P1 @SigureMo #64307
534 legacy_test/test_dist_fleet_a_sync_optimizer_sync.py P1
535 legacy_test/test_trace_op.py P1 @wanghuancoder #64754
536 legacy_test/test_tensor_scalar_type_promotion_static.py P1
537 legacy_test/test_bilateral_slice_op.py P1
538 legacy_test/test_label_smooth_op.py P1 @wanghuancoder #64754
539 legacy_test/test_conv2d_transpose_op_depthwise_conv.py P1 @wanghuancoder #64754
540 legacy_test/test_warprnnt_op.py P1
541 legacy_test/test_ema.py P1 @wanghuancoder #64845
542 legacy_test/test_flatten2_op.py P1 @SigureMo #64307
543 legacy_test/test_randn_op.py P1 @SigureMo #64307
544 legacy_test/test_transpose_op.py P1 @SigureMo #64307
545 legacy_test/test_select_input_output_op.py P1 @wanghuancoder #64845
546 custom_op/test_custom_cast_op_jit.py P1 @wanghuancoder #64891
547 custom_op/test_custom_raw_op_kernel_op.py P1 @wanghuancoder #64891
548 custom_op/custom_raw_op_kernel_op_setup.py P1 @wanghuancoder #64891
549 custom_op/utils.py P1 @wanghuancoder #64891
550 rnn/convert.py P1 @wanghuancoder #65602
551 rnn/test_rnn_cells_static.py P1 @wanghuancoder #65307
552 rnn/test_rnn_api.py P1 @wanghuancoder #65473
553 rnn/test_rnn_nets.py P1 @wanghuancoder #65307
554 rnn/test_rnn_cudnn_params_packing.py P1 @wanghuancoder #65307
555 rnn/test_rnn_nets_static.py P1 @wanghuancoder #65602
556 standalone_executor/test_standalone_op_priority.py P1 @wanghuancoder #64845
557 standalone_executor/test_standalone_sequentail_run.py P1 @wanghuancoder #64845
558 standalone_executor/test_standalone_executor_multi_micro_batch.py P1 @wanghuancoder #64845
559 standalone_executor/test_standalone_executor_1f1b_plan.py P1 @wanghuancoder #65346
560 standalone_executor/test_standalone_dist_attr_run_time_set_get.py P1 @wanghuancoder #64845
561 standalone_executor/test_standalone_executor.py P1 @wanghuancoder #65346
562 standalone_executor/test_standalone_executor_fthenb_plan.py P1 @wanghuancoder #65346
563 standalone_executor/test_standalone_executor_plan.py P1 @wanghuancoder #64845
564 distribution/test_distribution_continuous_bernoulli_static.py P1 @wanghuancoder #65034
565 distribution/test_distribution_beta_static.py P1 @wanghuancoder #65034
566 distribution/test_distribution.py P1 @wanghuancoder #65034
567 distribution/test_distribution_gamma_static.py P1 @wanghuancoder #65034
568 distribution/test_distribution_cauchy_static.py P1 @wanghuancoder #65034
569 distribution/test_distribution_poisson_static.py P1 @wanghuancoder #65034
570 distribution/test_distribution_multinomial_static.py P1 @wanghuancoder #65034
571 distribution/parameterize.py P1 @wanghuancoder #65034
572 distribution/test_distribution_categorical.py P1 @wanghuancoder #65034
573 distribution/test_distribution_multinomial.py P1 @wanghuancoder #65034
574 distribution/test_distribution_bernoulli_static.py P1 @wanghuancoder #65034
575 distribution/test_distribution_multivariate_normal_static.py P1 @wanghuancoder #65034
576 distribution/test_distribution_uniform.py P1 @wanghuancoder #65034
577 distribution/test_distribution_exponential_static.py P1 @wanghuancoder #65034
578 distribution/test_distribution_transform_static.py P1 @wanghuancoder #65034
579 distribution/test_distribution_gumbel_static.py P1 @wanghuancoder #65034
580 distribution/test_distribution_geometric_static.py P1 @wanghuancoder #65034
581 distribution/test_distribution_binomial_static.py P1 @wanghuancoder #65034
582 quantization/test_quant_amp.py P1
583 quantization/test_quant_aware.py P1 @wanghuancoder #64845
584 quantization/test_imperative_skip_op.py P1
585 quantization/test_quant_aware_user_defined.py P1
586 quantization/test_moving_average_abs_max_scale_op.py P1 @wanghuancoder #64845
587 quantization/test_quantization_scale_pass.py P1 @wanghuancoder #64845
588 quantization/test_imperative_qat_fuse.py P1
589 quantization/test_user_defined_quantization.py P1 @wanghuancoder #64845
590 quantization/test_weight_quantization_mobilenetv1.py P1
591 quantization/test_quant2_int8_mkldnn_pass.py P1 @wanghuancoder #64845
592 quantization/test_imperative_out_scale.py P1
593 quantization/test_ptq.py P1
594 quantization/test_quant_post_quant_aware.py P1
595 quantization/test_post_training_quantization_while.py P1
596 quantization/test_graph.py P1 @wanghuancoder #64845
597 quantization/test_quantization_mkldnn_pass.py P1 @wanghuancoder #64845
598 quantization/test_quantization_pass.py P1 @wanghuancoder #64845
599 quantization/test_imperative_qat.py P1
600 quantization/test_trace_quanter.py P1
601 quantization/test_imperative_qat_channelwise.py P1
602 distributed_passes/test_ps_trainer_pass.py P1 @wanghuancoder #64917
603 amp/test_collect_operator_stats.py P1 @wanghuancoder #64904
604 ps/ps_dnn_model.py P1 @wanghuancoder #65038
605 ps/ps_dnn_trainer.py P1 @wanghuancoder #65038
606 tokenizer/test_faster_tokenizer_op.py P1 @wanghuancoder #64845
607 ir/test_ir_graph_to_program_pass.py P1 @wanghuancoder #64845
608 ir/test_ir_embedding_eltwise_layernorm_fuse_pass.py P1 @wanghuancoder #64845
609 ir/pass_test.py P1
610 ir/test_ir_preln_residual_bias_fuse_pass.py P1 @wanghuancoder #64845
611 ir/test_ir_skip_layernorm_pass.py P1 @wanghuancoder #64845
612 ir/inference/test_mul_lstm_fuse_pass.py P1
613 ir/inference/test_mul_gru_fuse_pass.py P1
614 ir/test_ir_generate_pass.py P1 @wanghuancoder #64845
615 ir/pir/test_special_op_translator.py P1 @wanghuancoder #64966
616 ir/pir/test_pass_manager.py P1 @wanghuancoder #64966
617 ir/pir/test_ir_vjp.py P1 @wanghuancoder #64966
618 ir/pir/translator/test_global_scatter_translator.py P1 @wanghuancoder #64966
619 ir/pir/translator/test_c_split_translator.py P1 @wanghuancoder #64966
620 ir/pir/translator/test_distributed_fused_lamb.py P1 @wanghuancoder #64966
621 ir/pir/translator/test_distributed_fused_lamb_init.py P1 @wanghuancoder #64966
622 ir/pir/translator/test_distributed_push_sparse_translator.py P1 @wanghuancoder #64966
623 ir/pir/translator/test_nop_translator.py P1 @wanghuancoder #64966
624 ir/pir/translator/test_distributed_lookup_table_translate.py P1 @wanghuancoder #64966
625 ir/pir/translator/test_prune_gate_by_capacity_translator.py P1 @wanghuancoder #64966
626 ir/pir/translator/test_op_translator.py P1 @wanghuancoder #64966
627 ir/pir/translator/test_limit_by_capacity_translator.py P1 @wanghuancoder #64966
628 ir/pir/translator/test_c_allreduce_prod_translator.py P1 @wanghuancoder #64966
629 ir/pir/translator/test_c_reduce_max_translator.py P1 @wanghuancoder #64966
630 ir/pir/translator/test_barrier_translator.py P1 @wanghuancoder #64966
631 ir/pir/translator/test_c_allreduce_min_translator.py P1 @wanghuancoder #64966
632 ir/pir/translator/test_random_routing_translator.py P1 @wanghuancoder #64966
633 ir/pir/translator/test_c_scatter_translator.py P1 @wanghuancoder #64966
634 ir/pir/translator/test_partial_send_translator.py P1 @wanghuancoder #64966
635 ir/pir/translator/test_push_dense_translator.py P1 @wanghuancoder #64966
636 ir/pir/translator/test_c_reduce_min_translator.py P1 @wanghuancoder #64966
637 ir/pir/translator/test_c_reduce_prod_translator.py P1 @wanghuancoder #64966
638 ir/pir/translator/test_all_reduce_translator.py P1 @wanghuancoder #64966
639 ir/pir/translator/test_partial_allgather_translator.py P1 @wanghuancoder #64966
640 ir/pir/translator/test_partial_recv_translator.py P1 @wanghuancoder #64966
641 ir/pir/translator/test_dgc_momentum_translator.py P1 @wanghuancoder #64966
642 ir/pir/test_ir_pybind.py P1 @wanghuancoder #64966
643 ir/pir/test_standalone_pir.py P1 @wanghuancoder #64966
644 ir/pir/test_build_op.py P1 @wanghuancoder #64966
645 ir/pir/test_ir_backward.py P1 @wanghuancoder #64966
646 ir/test_op_input_grad_semantic.py P1 @wanghuancoder #64845
647 ir/test_ir_yolo_box_pass.py P1 @wanghuancoder #64845
648 ir/test_ir_fc_fuse_pass.py P1 @wanghuancoder #64845
649 collective/fleet/test_fleet_static_mp_layers.py P1
650 collective/fleet/test_communicator_sync.py P1
651 collective/fleet/test_fleet_utils.py P1
652 collective/fleet/test_fleet_fp16_allreduce_meta_optimizer.py P1 @wanghuancoder #64845
653 collective/fleet/test_fleet_meta_optimizer_base.py P1 @wanghuancoder #64845
654 cpp_extension/test_mixed_extension_setup.py P1 @wanghuancoder #64914
655 cpp_extension/mix_relu_and_extension_setup.py P1 @wanghuancoder #64914
656 fft/test_spectral_op.py P1 @wanghuancoder #64960
657 contrib/test_image_classification_fp16.py P1 @wanghuancoder #64845
658 contrib/test_bf16_utils.py P1 @wanghuancoder #64845
659 autograd/utils.py P1
660 autograd/config.py P1
661 autograd/test_autograd_functional_static.py P1 @wanghuancoder #64908
662 custom_runtime/test_custom_op_setup.py P1 @wanghuancoder #65239
663 custom_runtime/test_custom_cpu_to_static.py P1 @wanghuancoder #65239
664 custom_runtime/test_custom_cpu_plugin.py P1 @wanghuancoder #65239

统计信息

排名不分先后 @YuanRisheng (26) @wanghuancoder (410) @enkilee (1) @SigureMo (13) @xiaoguoguo626807 (1) @Aurelius84 (8)

YuanRisheng commented 7 months ago

【报名】:1-5

SigureMo commented 6 months ago

【报名】:125、147、481

YuanRisheng commented 6 months ago

【报名】:6-15

enkilee commented 6 months ago

【报名】:57

liyongchao911 commented 6 months ago

【报名】:84,146

SigureMo commented 6 months ago

【报名】:428

xiaoguoguo626807 commented 6 months ago

【报名】:135

YuanRisheng commented 6 months ago

【报名】:16-18、20-27

wanghuancoder commented 6 months ago

【报名】:60-64

wanghuancoder commented 6 months ago

【报名】:65-70

Aurelius84 commented 6 months ago

【报名】:213、277

wanghuancoder commented 6 months ago

【报名】:71-75

wanghuancoder commented 6 months ago

【报名】:163 262 293

wanghuancoder commented 6 months ago

【报名】:219 230 279 362

wanghuancoder commented 6 months ago

【报名】:76-80

wanghuancoder commented 6 months ago

【报名】:81-83

wanghuancoder commented 6 months ago

【报名】:85

wanghuancoder commented 6 months ago

【报名】:86-90

wanghuancoder commented 6 months ago

【报名】:467

wanghuancoder commented 6 months ago

【报名】:84,94,96,98,100,102,103,105,106,107,109,111,114,116,117,122,128,130,131,132,144,145,153,155,156,159,160,161,162,165,167,172,182,183,184,186,187,188,189,195,199,203,205,214,216,218,220,221,222,226,227,228,229,234,238,246,247,253,254,255,260,264,265,270,273,281,289,294,302,303,304,306,310,311,318,325,328,331,332,333,334,335,337,339,340,343,345,346,347,349,350,351,354,357,360,361,364,365,368,371,372,375,376,379,383,387,394,397,410,414,418,421,424,430,450,454,457,458,468,470,471,473,485,488,489,494,496,502,503,518,520,521,524,532,535,538,539

wanghuancoder commented 5 months ago

【报名】:546-549

wanghuancoder commented 5 months ago

【报名】:661

wanghuancoder commented 5 months ago

【报名】:654,654

wanghuancoder commented 5 months ago

【报名】:602

wanghuancoder commented 5 months ago

【报名】:656

wanghuancoder commented 5 months ago

【报名】:615-645

wanghuancoder commented 5 months ago

【报名】:564-581

wanghuancoder commented 5 months ago

【报名】:604,605

wanghuancoder commented 5 months ago

【报名】:662-664

wanghuancoder commented 5 months ago

【报名】:551,553,554

wanghuancoder commented 5 months ago

【报名】:559,561,562

wanghuancoder commented 5 months ago

【报名】:239,437,427,168,391,475,146,92,278,438,142

wanghuancoder commented 5 months ago

【报名】:28,30,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,48,49,50

wanghuancoder commented 5 months ago

【报名】:552

wanghuancoder commented 5 months ago

【报名】:550,555

wanghuancoder commented 5 months ago

【报名】:498,505,275

Aurelius84 commented 4 months ago

【报名】:342,377,395,445

Aurelius84 commented 4 months ago

【报名】:435,276

inaomIIsfarell commented 4 months ago

【报名】:398,399,400,401

HackathonBot commented 4 months ago

@uanu2002 PR赛题编号【141309】不存在

Sekiro-x commented 3 months ago

【报名】:148

Turingg commented 2 months ago

【报名】:660