-
Notifications
You must be signed in to change notification settings - Fork 5.6k
New issue
Have a question about this project? Sign up for a free GitHub account to open an issue and contact its maintainers and the community.
By clicking “Sign up for GitHub”, you agree to our terms of service and privacy statement. We’ll occasionally send you account related emails.
Already on GitHub? Sign in to your account
[CodeStyle][Ruff] Ruff 新 rule 引入计划(第二期) #67116
Labels
PFCC
Paddle Framework Contributor Club,https://github.com/PaddlePaddle/community/tree/master/pfcc
status/close
已关闭
type/others
其他问题
Comments
【报名】:A-[11-40] |
【报名】:G-[1-120] |
【报名】:A-[1-34] |
【报名】:G-[121-150] |
【报名】:G-[201-256] |
【报名】:B-[1-6] |
【报名】:D-[1-13] |
【报名】:F-[1-35] |
【报名】:C-[1-37], E-1, G-[181-200], G-[257-262], H-[1-10], K-[1-11] |
【报名】:G-[1-86] |
This was referenced Aug 7, 2024
Merged
Merged
22 tasks
This was referenced Aug 12, 2024
This was referenced Aug 12, 2024
This was referenced Aug 13, 2024
Merged
Merged
Merged
This was referenced Aug 16, 2024
[CodeStyle][Ruff] Ruff 新 rule 引入计划(第二期) #67116 已全部完成,感谢参与的小伙伴们!
|
github-project-automation
bot
moved this from In Progress
to Done
in Call for Contributions
Aug 21, 2024
21 tasks
Sign up for free
to join this conversation on GitHub.
Already have an account?
Sign in to comment
Labels
PFCC
Paddle Framework Contributor Club,https://github.com/PaddlePaddle/community/tree/master/pfcc
status/close
已关闭
type/others
其他问题
任务背景
此次任务为 Python 端引入 ruff 作为代码风格检查/自动修复工具 的常规更新。
自引入 Ruff 以来,我们已经进行了多次的代码风格优化:#57367、#51729。随着 Ruff 项目的发展,我们也会不断地更新代码风格规则,以适应更多的代码场景。因此,我们引入了新的代码质量管理规则,以便更好的管理代码质量。
实施步骤
安装 ruff v0.5.0
首先我们需要能够复现这 400 多个问题,首先就需要自己安装一下 Ruff
目前 paddle 所使用的 ruff 版本为 0.5.0,请使用相同版本确保问题的可复现性:
$ pip install ruff==0.5.0
问题复现
以
paddle/fluid/operators/generator/generate_op.py
文件的Q003
规则为例可以在 ruff rules 查找对应的规则。
问题修复
根据 Q003 规则
avoidable-escaped-quote
修复即可Note
Q003
的同学注意不要改出来Q004
问题,修改完Q003
需要再用Q004
检查确认下任务列表
Q003 🎉
paddle/fluid/eager/auto_code_generator/generate_file_structures.py
paddle/fluid/eager/auto_code_generator/generator/codegen_utils.py
paddle/fluid/eager/auto_code_generator/generator/eager_gen.py
paddle/fluid/eager/auto_code_generator/generator/python_c_gen.py
paddle/fluid/operators/generator/generate_op.py
paddle/fluid/operators/generator/ops_extra_info_gen.py
paddle/fluid/pir/dialect/op_generator/api_gen.py
paddle/fluid/pir/dialect/op_generator/op_creator_drr_gen.py
paddle/fluid/pir/dialect/op_generator/op_gen.py
paddle/fluid/pir/dialect/op_generator/op_kerneltype_gen.py
paddle/phi/api/generator/api_base.py
paddle/phi/api/generator/dist_api_gen.py
paddle/phi/kernels/sparse/gpu/cutlass_generator/gather_gemm_scatter_manifest.py
python/paddle/distributed/auto_parallel/static/cost/op_runtime_cost.py
python/paddle/distributed/auto_parallel/strategy.py
python/paddle/distributed/fleet/launch.py
python/paddle/distributed/fleet/runtime/the_one_ps.py
python/paddle/incubate/distributed/fleet/fleet_util.py
python/paddle/jit/dy2static/transformers/name_load_transformer.py
python/paddle/jit/sot/opcode_translator/executor/opcode_executor.py
python/paddle/nn/functional/pooling.py
✅@gouzil
#67534
python/paddle/optimizer/optimizer.py
✅@gouzil
#67534
test/cinn/test_paddle_model_convertor.py
✅@gouzil
#67534
test/legacy_test/op.py
✅@gouzil
#67534
test/legacy_test/test_operator_desc.py
✅@gouzil
#67534
test/legacy_test/test_pool2d_op.py
✅@gouzil
test/legacy_test/test_pool3d_op.py
✅@gouzil
test/mkldnn/test_pool2d_bf16_mkldnn_op.py
✅@gouzil
test/xpu/test_pool2d_op_xpu.py
✅@gouzil
test/xpu/test_pool3d_op_xpu.py
✅@gouzil
tools/CrossStackProfiler/CspFileReader.py
✅@gouzil
tools/check_op_benchmark_result.py
✅@gouzil
tools/jetson_infer_op.py
✅@gouzil
tools/prune_for_jetson.py
✅@gouzil
Q004 🎉
python/paddle/distributed/fleet/meta_parallel/sharding/group_sharded_optimizer_stage2.py
python/paddle/distributed/launch/controllers/ipu_controller.py
test/legacy_test/prim_op_test.py
test/legacy_test/test_run.py
tools/externalError/spider.py
tools/jetson_infer_op.py
RSE102 🎉
python/paddle/audio/backends/init_backend.py
python/paddle/base/reader.py
python/paddle/distributed/auto_parallel/static/auto_align_tool.py
python/paddle/distributed/auto_tuner/tuner.py
python/paddle/distributed/passes/pass_base.py
python/paddle/incubate/distributed/fleet/parameter_server/distribute_transpiler/__init__.py
python/paddle/incubate/distributed/fleet/parameter_server/pslib/__init__.py
python/paddle/incubate/nn/attn_bias.py
python/paddle/incubate/nn/layer/fused_transformer.py
python/paddle/jit/dy2static/py_layer.py
python/paddle/jit/sot/opcode_translator/executor/mutable_data.py
python/paddle/jit/sot/opcode_translator/executor/opcode_executor.py
python/paddle/jit/sot/opcode_translator/executor/side_effects.py
python/paddle/jit/sot/opcode_translator/executor/tracker.py
python/paddle/jit/sot/opcode_translator/executor/variables/base.py
python/paddle/jit/sot/opcode_translator/executor/variables/iter.py
python/paddle/jit/sot/utils/utils.py
python/paddle/nn/clip.py
python/paddle/nn/initializer/initializer.py
python/paddle/regularizer.py
python/paddle/utils/environments.py
test/book/notest_understand_sentiment.py
test/deprecated/book/test_recognize_digits_deprecated.py
test/deprecated/book/test_word2vec_book_deprecated.py
test/deprecated/legacy_test/test_multiprocess_reader_exception.py
test/distributed_passes/auto_parallel_pass_test_base.py
test/distributed_passes/dist_pass_test_base.py
test/ir/inference/auto_scan_test.py
test/ir/inference/test_trt_convert_prelu.py
test/legacy_test/check_nan_inf_base.py
test/legacy_test/check_nan_inf_base_dygraph.py
test/legacy_test/distributed_fused_lamb_test_base.py
test/legacy_test/fleet_meta_optimizer_base.py
test/legacy_test/test_imperative_optimizer.py
test/legacy_test/test_imperative_optimizer_v2.py
test/legacy_test/test_logcumsumexp_op.py
test/legacy_test/test_nan_inf.py
RUF015 🎉
paddle/fluid/pir/dialect/op_generator/api_gen.py
python/paddle/base/dygraph/tensor_patch_methods.py
python/paddle/base/dygraph/tracer.py
python/paddle/base/framework.py
python/paddle/distributed/auto_parallel/static/reshard.py
python/paddle/distributed/fleet/utils/hybrid_parallel_inference.py
python/paddle/distributed/passes/auto_parallel_data_parallel_optimization.py
python/paddle/distributed/transpiler/distribute_transpiler.py
python/paddle/pir/math_op_patch.py
python/paddle/static/amp/function_overload.py
setup.py
test/sot/test_model_switch_training.py
test/xpu/test_tril_triu_op_xpu.py
RUF017 🎉
python/paddle/distributed/auto_parallel/static/reshard.py
FURB 🎉
python/paddle/amp/accuracy_compare.py
python/paddle/distributed/auto_parallel/static/cost/base_cost.py
python/paddle/distributed/auto_parallel/static/parallelizer.py
python/paddle/distributed/auto_parallel/static/tuner/rule_based_tuner.py
python/paddle/distributed/fleet/elastic/manager.py
python/paddle/distributed/fleet/launch.py
python/paddle/hapi/progressbar.py
python/paddle/incubate/autograd/generate_op_map.py
python/paddle/incubate/distributed/utils/io/save_for_auto.py
python/paddle/incubate/jit/inference_decorator.py
python/paddle/quantization/imperative/ptq_quantizer.py
python/paddle/tensor/creation.py
python/paddle/utils/cpp_extension/extension_utils.py
python/paddle/vision/ops.py
setup.py
test/deprecated/collective/fleet/dygraph_save_for_auto_infer.py
test/dygraph_to_static/test_sentiment.py
test/legacy_test/op_test.py
test/legacy_test/test_concat_op.py
test/legacy_test/test_dist_base.py
test/legacy_test/test_dist_fleet_base.py
test/legacy_test/test_hsigmoid_op.py
test/legacy_test/test_imperative_deepcf.py
test/legacy_test/test_nan_inf.py
test/legacy_test/test_put_along_axis_op.py
test/xpu/test_concat_op_xpu.py
tools/check_ctest_hung.py
tools/diff_use_default_grad_op_maker.py
tools/externalError/spider.py
tools/gen_ut_cmakelists.py
tools/get_single_test_cov.py
tools/get_ut_file_map.py
tools/parse_kernel_info.py
tools/sampcd_processor.py
tools/sampcd_processor_utils.py
RUF005 🎉
paddle/fluid/pir/dialect/op_generator/op_gen.py
✅@MufanColin
paddle/fluid/pir/dialect/op_generator/op_infermeta_func_gen.py
✅@MufanColin
paddle/fluid/primitive/codegen/gen.py
✅@MufanColin
paddle/phi/api/generator/dist_api_gen.py
✅@MufanColin
paddle/phi/api/generator/tensor_operants_gen.py
✅@MufanColin
python/paddle/__init__.py
✅@MufanColin
python/paddle/audio/functional/window.py
✅@MufanColin
python/paddle/base/backward.py
✅@MufanColin
python/paddle/base/lod_tensor.py
✅@MufanColin
python/paddle/dataset/imikolov.py
✅@MufanColin
python/paddle/dataset/wmt14.py
✅@MufanColin
python/paddle/dataset/wmt16.py
✅@MufanColin
python/paddle/device/__init__.py
✅@MufanColin
python/paddle/distributed/auto_parallel/static/callbacks.py
✅@MufanColin
python/paddle/distributed/auto_parallel/static/cost/base_cost.py
✅@MufanColin
python/paddle/distributed/auto_parallel/static/operators/dist_embedding.py
✅@MufanColin
python/paddle/distributed/auto_parallel/static/parallelizer.py
✅@MufanColin
python/paddle/distributed/auto_parallel/static/reshard.py
✅@MufanColin
python/paddle/distributed/auto_parallel/static/tuner/optimization_tuner.py
✅@MufanColin
python/paddle/distributed/auto_parallel/static/tuner/parallel_tuner.py
✅@MufanColin
python/paddle/distributed/checkpoint/utils.py
✅@MufanColin
python/paddle/distributed/fleet/base/util_factory.py
✅@MufanColin
python/paddle/distributed/fleet/launch_utils.py
✅@MufanColin
python/paddle/distributed/fleet/runtime/parameter_server_runtime.py
✅@MufanColin
python/paddle/distributed/fleet/utils/fs.py
✅@MufanColin
python/paddle/distributed/fleet/utils/tensor_fusion_helper.py
✅@MufanColin
python/paddle/distributed/passes/auto_parallel_grad_clip.py
✅@MufanColin
python/paddle/distributed/passes/pass_utils.py
✅@MufanColin
python/paddle/distributed/passes/ps_trainer_pass.py
✅@MufanColin
python/paddle/distributed/ps/utils/collective_transpiler.py
✅@MufanColin
python/paddle/distributed/ps/utils/public.py
✅@MufanColin
python/paddle/distributed/transpiler/collective.py
✅@MufanColin
python/paddle/distributed/utils/launch_utils.py
✅@MufanColin
python/paddle/distribution/lkj_cholesky.py
✅@MufanColin
python/paddle/distribution/multinomial.py
✅@MufanColin
python/paddle/distribution/multivariate_normal.py
✅@MufanColin
python/paddle/hapi/callbacks.py
✅@MufanColin
python/paddle/incubate/distributed/fleet/parameter_server/distribute_transpiler/__init__.py
✅@MufanColin
python/paddle/incubate/distributed/fleet/parameter_server/ir/pserver_pass.py
✅@MufanColin
python/paddle/incubate/distributed/fleet/parameter_server/ir/trainer_pass.py
✅@MufanColin
python/paddle/incubate/distributed/fleet/utils.py
🙋@MufanColin
python/paddle/incubate/multiprocessing/reductions.py
🙋@MufanColin
python/paddle/incubate/nn/layer/fused_transformer.py
🙋@MufanColin
python/paddle/jit/dy2static/program_translator.py
🙋@MufanColin
python/paddle/jit/dy2static/transformers/decorator_transformer.py
🙋@MufanColin
python/paddle/jit/dy2static/transformers/ifelse_transformer.py
🙋@MufanColin
python/paddle/jit/dy2static/transformers/logical_transformer.py
🙋@MufanColin
python/paddle/jit/dy2static/transformers/loop_transformer.py
🙋@MufanColin
python/paddle/jit/sot/opcode_translator/executor/opcode_executor.py
🙋@MufanColin
python/paddle/jit/sot/opcode_translator/executor/tracker.py
🙋@MufanColin
python/paddle/jit/sot/opcode_translator/executor/variables/base.py
🙋@MufanColin
python/paddle/jit/sot/opcode_translator/executor/variables/basic.py
🙋@MufanColin
python/paddle/jit/sot/opcode_translator/executor/variables/callable.py
🙋@MufanColin
python/paddle/jit/sot/symbolic/export.py
🙋@MufanColin
python/paddle/jit/sot/utils/magic_methods.py
🙋@MufanColin
python/paddle/nn/decode.py
🙋@MufanColin
python/paddle/nn/functional/common.py
🙋@MufanColin
python/paddle/nn/functional/conv.py
🙋@MufanColin
python/paddle/nn/functional/loss.py
🙋@MufanColin
python/paddle/nn/functional/pooling.py
🙋@MufanColin
python/paddle/nn/layer/conv.py
🙋@MufanColin
python/paddle/nn/layer/loss.py
🙋@MufanColin
python/paddle/nn/layer/rnn.py
🙋@MufanColin
python/paddle/optimizer/asgd.py
🙋@MufanColin
python/paddle/quantization/imperative/qat.py
🙋@MufanColin
python/paddle/sparse/nn/layer/conv.py
🙋@MufanColin
python/paddle/static/input.py
🙋@MufanColin
python/paddle/static/nn/common.py
🙋@MufanColin
python/paddle/static/nn/control_flow.py
🙋@MufanColin
python/paddle/static/quantization/adaround.py
🙋@MufanColin
python/paddle/tensor/einsum.py
🙋@MufanColin
python/paddle/tensor/manipulation.py
🙋@MufanColin
python/paddle/tensor/math.py
🙋@MufanColin
python/paddle/text/datasets/imikolov.py
🙋@MufanColin
python/paddle/text/datasets/wmt14.py
🙋@MufanColin
python/paddle/text/datasets/wmt16.py
🙋@MufanColin
python/paddle/utils/cpp_extension/cpp_extension.py
🙋@MufanColin
python/paddle/utils/cpp_extension/extension_utils.py
🙋@MufanColin
python/paddle/vision/ops.py
🙋@MufanColin
setup.py
🙋@MufanColin
test/auto_parallel/test_amp_o2_pass.py
✅@MufanColin
#67338
test/auto_parallel/test_auto_parallel_relaunch.py
✅@MufanColin
#67338
test/auto_parallel/test_auto_tuner.py
✅@MufanColin
#67338
test/auto_parallel/test_auto_tuner_compare.py
✅@MufanColin
#67338
test/auto_parallel/test_converter.py
✅@MufanColin
#67338
test/auto_parallel/test_engine_api.py
✅@MufanColin
#67338
test/auto_parallel/test_engine_api_dp.py
test/auto_parallel/test_gpt_with_pir.py
test/auto_parallel/test_gpt_with_prim.py
test/auto_parallel/test_high_order_grad.py
test/auto_parallel/test_iterable_dataset.py
test/auto_parallel/test_mp_allreduce_matmul_grad_overlapping.py
test/auto_parallel/test_optimization_tuner_api.py
test/auto_parallel/test_pass_1F1B.py
test/auto_parallel/test_pass_amp.py
test/auto_parallel/test_pass_generation_pipeline.py
test/auto_parallel/test_pass_grad_clip.py
test/auto_parallel/test_pass_gradient_merge.py
test/auto_parallel/test_pass_quantization.py
test/auto_parallel/test_pass_recompute.py
test/auto_parallel/test_pass_sharding.py
test/auto_parallel/test_pipeline_scheduler.py
test/auto_parallel/test_pipeline_scheduler_vpp.py
test/auto_parallel/test_pipeline_scheduler_zb.py
test/auto_parallel/test_random_ctrl.py
test/auto_parallel/test_relaunch_with_gpt_planner.py
test/auto_parallel/test_relaunch_with_planner.py
test/auto_parallel/test_sharding_with_newexe.py
test/collective/fleet/pipeline_mnist.py
test/collective/fleet/pipeline_mnist_multi_device.py
test/collective/fleet/pipeline_mnist_one_device.py
test/contrib/test_image_classification_fp16.py
test/contrib/test_multi_precision_fp16_train.py
test/cpp_extension/mix_relu_and_extension_setup.py
test/deprecated/book/test_image_classification_deprecated.py
test/deprecated/custom_op/custom_raw_op_kernel_op_setup.py
test/deprecated/legacy_test/test_argsort_op_deprecated.py
test/deprecated/legacy_test/test_auto_parallel_reshard.py
test/deprecated/legacy_test/test_conv2d_layer_deprecated.py
test/deprecated/legacy_test/test_conv2d_transpose_layer_deprecated.py
test/deprecated/legacy_test/test_conv3d_layer_deprecated.py
test/deprecated/legacy_test/test_dataset_dataloader_deprecated.py
test/deprecated/legacy_test/test_decoupled_py_reader_data_check_deprecated.py
test/deprecated/legacy_test/test_deform_conv2d_deprecated.py
test/deprecated/legacy_test/test_desc_clone_deprecated.py
test/deprecated/legacy_test/test_dist_fleet_heter_program_deprecated.py
test/deprecated/legacy_test/test_dist_tree_index.py
test/deprecated/legacy_test/test_eager_deletion_delete_vars_deprecated.py
test/deprecated/legacy_test/test_functional_conv2d_deprecated.py
test/deprecated/legacy_test/test_functional_conv2d_transpose_deprecated.py
test/deprecated/legacy_test/test_functional_conv3d_deprecated.py
test/deprecated/legacy_test/test_functional_conv3d_transpose_deprecated.py
test/deprecated/legacy_test/test_instance_norm_op_deprecated.py
test/deprecated/legacy_test/test_layers_deprecated.py
test/deprecated/legacy_test/test_lazy_init.py
test/deprecated/legacy_test/test_lookup_table_v2_bf16_op_deprecated.py
test/deprecated/legacy_test/test_memory_reuse_exclude_feed_var_deprecated.py
test/deprecated/legacy_test/test_metrics_deprecated.py
test/deprecated/legacy_test/test_reader_reset.py
test/deprecated/legacy_test/test_save_load_deprecated.py
test/deprecated/legacy_test/test_sigmoid_cross_entropy_with_logits_op.py
test/deprecated/legacy_test/test_signal.py
test/deprecated/legacy_test/test_slice_op.py
test/deprecated/legacy_test/test_split_program_deprecated.py
test/deprecated/legacy_test/test_tensor_array_to_tensor_deprecated.py
test/deprecated/legacy_test/test_weight_normalization_deprecated.py
test/deprecated/legacy_test/test_where_op.py
test/deprecated/quantization/test_moving_average_abs_max_scale_op_deprecated.py
test/distributed_passes/dist_pass_test_base.py
test/distributed_passes/model_zoo.py
test/distributed_passes/test_dist_fuse_adam_pass.py
✅@Wizard-ZP
test/distributed_passes/test_dist_fuse_bn_act_pass.py
✅@Wizard-ZP
test/distributed_passes/test_dist_fuse_bn_add_act_pass.py
✅@Wizard-ZP
test/distributed_passes/test_dist_fuse_momentum_pass.py
✅@Wizard-ZP
test/distributed_passes/test_dist_fuse_relu_depthwise_conv_pass.py
✅@Wizard-ZP
test/distributed_passes/test_dist_fuse_resunit_pass.py
✅@Wizard-ZP
test/distributed_passes/test_dist_fuse_sgd_pass.py
✅@Wizard-ZP
test/distributed_passes/test_dist_inplace_addto_pass.py
✅@Wizard-ZP
test/distribution/test_distribution_beta.py
✅@Wizard-ZP
test/distribution/test_distribution_chi2.py
✅@Wizard-ZP
test/distribution/test_distribution_chi2_static.py
✅@Wizard-ZP
test/distribution/test_distribution_exponential.py
✅@Wizard-ZP
test/distribution/test_distribution_exponential_static.py
✅@Wizard-ZP
test/distribution/test_distribution_gamma.py
✅@Wizard-ZP
test/distribution/test_distribution_gamma_static.py
✅@Wizard-ZP
test/distribution/test_distribution_geometric.py
✅@Wizard-ZP
test/distribution/test_distribution_lkj_cholesky.py
✅@Wizard-ZP
test/distribution/test_distribution_lkj_cholesky_static.py
✅@Wizard-ZP
test/dygraph_to_static/bert_utils.py
✅@Wizard-ZP
test/dygraph_to_static/seq2seq_dygraph_model.py
✅@Wizard-ZP
test/dygraph_to_static/simnet_dygraph_model.py
test/dygraph_to_static/test_cycle_gan.py
test/dygraph_to_static/test_set_static_op_arg_pre_cast_hook.py
test/dygraph_to_static/test_tsm.py
test/dygraph_to_static/transformer_dygraph_model.py
test/ir/inference/test_mkldnn_cpu_bfloat16_pass.py
test/ir/inference/test_mkldnn_matmul_op_output_fuse_pass.py
test/ir/inference/test_reshape2_matmul_fuse_pass.py
test/ir/inference/test_trt_convert_deformable_conv.py
test/ir/inference/test_trt_skip_layernorm_fuse_pass.py
test/ir/pir/fused_pass/onednn/test_operator_unsqueeze_onednn_fuse_pass.py
test/legacy_test/ctr_dataset_reader.py
test/legacy_test/dist_allreduce_op.py
test/legacy_test/dist_fleet_raw_program_optimizer.py
test/legacy_test/dist_fleet_raw_program_optimizer_fuse_allreduce.py
test/legacy_test/dist_mnist.py
test/legacy_test/dist_mnist_dgc.py
test/legacy_test/nets.py
test/legacy_test/seresnext_net.py
test/legacy_test/simple_nets.py
test/legacy_test/test_asgd_op.py
test/legacy_test/test_attn_bias.py
test/legacy_test/test_cholesky_op.py
test/legacy_test/test_conv1d_layer.py
test/legacy_test/test_conv1d_transpose_layer.py
test/legacy_test/test_conv2d_layer.py
test/legacy_test/test_conv2d_transpose_layer.py
test/legacy_test/test_conv3d_layer.py
test/legacy_test/test_conv3d_transpose_layer.py
test/legacy_test/test_conv_transpose_nn_grad.py
test/legacy_test/test_crf_decoding_op.py
test/legacy_test/test_cross_entropy_op.py
test/legacy_test/test_dataset_consistency_inspection.py
test/legacy_test/test_deform_conv2d.py
test/legacy_test/test_detection.py
test/legacy_test/test_distribute_fpn_proposals_op.py
test/legacy_test/test_dygraph_spectral_norm.py
test/legacy_test/test_dygraph_weight_norm.py
test/legacy_test/test_eigh_op.py
test/legacy_test/test_eigvalsh_op.py
test/legacy_test/test_embedding_deterministic.py
test/legacy_test/test_fake_quantize_op.py
test/legacy_test/test_flash_attention.py
test/legacy_test/test_fleet_executor.py
test/legacy_test/test_fleet_executor_origin_scheduler.py
test/legacy_test/test_fleet_executor_with_task_nodes.py
test/legacy_test/test_frame_op.py
test/legacy_test/test_functional_conv2d.py
test/legacy_test/test_functional_conv3d.py
test/legacy_test/test_functional_conv3d_transpose.py
test/legacy_test/test_fused_attention_no_dropout.py
test/legacy_test/test_graph_send_ue_recv_op.py
test/legacy_test/test_group_norm_op.py
test/legacy_test/test_householder_product.py
test/legacy_test/test_imperative_named_members.py
test/legacy_test/test_imperative_ocr_attention_model.py
test/legacy_test/test_index_add_op.py
test/legacy_test/test_index_select_op.py
test/legacy_test/test_layers.py
test/legacy_test/test_lu_op.py
test/legacy_test/test_lu_unpack_op.py
test/legacy_test/test_matmul_op_with_head.py
test/legacy_test/test_metrics.py
test/legacy_test/test_ormqr.py
test/legacy_test/test_overlap_add_op.py
test/legacy_test/test_pca_lowrank.py
test/legacy_test/test_repeat_interleave_op.py
test/legacy_test/test_scatter_nd_op.py
test/legacy_test/test_sgd_op_bf16.py
test/legacy_test/test_sparse_pca_lowrank.py
test/legacy_test/test_sparse_softmax_op.py
test/legacy_test/test_stft_op.py
test/legacy_test/test_svd_lowrank.py
test/legacy_test/test_swiglu.py
test/legacy_test/test_viterbi_decode_op.py
test/legacy_test/test_zero_dim_sundry_static_api_part1.py
test/legacy_test/test_zero_dim_sundry_static_api_part2.py
test/prim/model/bert.py
test/ps/dataset_generator_B.py
test/ps/ps_dnn_model.py
test/ps/ps_dnn_trainer.py
test/sequence/test_sequence_conv.py
test/sequence/test_sequence_mask.py
test/tokenizer/bert_tokenizer.py
test/tokenizer/tokenizer_utils.py
test/xpu/test_index_select_op_xpu.py
test/xpu/test_repeat_interleave_op_xpu.py
test/xpu/test_scatter_nd_add_op_xpu.py
test/xpu/test_sequence_conv_op_xpu.py
test/xpu/test_sigmoid_cross_entropy_with_logits_op_xpu.py
test/xpu/test_swiglu_op_xpu.py
tools/count_api_without_core_ops.py
RUF013 🎉
python/paddle/audio/datasets/dataset.py
python/paddle/decomposition/recompute.py
python/paddle/distributed/auto_parallel/api.py
python/paddle/distributed/auto_parallel/static/engine.py
python/paddle/distributed/communication/gather.py
python/paddle/distributed/fleet/elastic/manager.py
python/paddle/nn/functional/input.py
python/paddle/tensor/random.py
python/paddle/vision/transforms/transforms.py
test/ir/inference/program_config.py
RUF019 🎉
paddle/fluid/operators/generator/generate_op.py
paddle/fluid/pir/dialect/op_generator/op_gen.py
python/paddle/base/executor.py
python/paddle/distributed/auto_parallel/static/utils.py
python/paddle/distributed/fleet/base/runtime_factory.py
python/paddle/distributed/launch/main.py
python/paddle/distributed/ps/utils/ps_factory.py
python/paddle/static/quantization/quanter.py
python/paddle/static/quantization/quantization_pass.py
test/legacy_test/op_test.py
test/xpu/op_test_xpu.py
任务认领方式
⭐️ 提交PR 模版 ⭐️:
或者多个任务:
Note
北航同学请注意在任务标题中添加
[BUAA]
,如:⭐️ 认领方式 ⭐️:
请大家以 comment 的形式认领任务,如:
Warning
单个 PR 提交禁止修改超过 10 个文件, 否则会被 reviewer close。
提交 PR 模版
状态介绍:
✅:已经完全迁移,所有单测都OK!
🙋: 报名
🟢:审核完毕待合入,合入之后完成!
🔵:可认领!
🟡:当前阶段不需要人力继续跟进,下阶段推进
🚧:迁移中,单测还没有过,还没有审核完。
大致正常流程为:
🔵 -> 🙋 -> 🚧 -> 🟢 -> ✅
异常流程为:
🔵 -> 🙋 -> 🚧 -> 🟡
看板信息
The text was updated successfully, but these errors were encountered: