Skip to content

Conversation

@Borda
Copy link
Collaborator

@Borda Borda commented Apr 24, 2023

What does this PR do?

preparing the next release with stable aka 2.0.3

Before submitting
  • Was this discussed/agreed via a GitHub issue? (not for typos and docs)
  • Did you read the contributor guideline, Pull Request section?
  • Did you make sure your PR does only one thing, instead of bundling different changes together?
  • Did you make sure to update the documentation with your changes? (if necessary)
  • Did you write any new necessary tests? (not for typos and docs)
  • Did you verify new and existing tests pass locally with your changes?
  • Did you list all the breaking changes introduced by this pull request?
  • Did you update the CHANGELOG? (not for typos, docs, test updates, or minor internal changes/refactors)

PR review

Anyone in the community is welcome to review the PR.
Before you start reviewing, make sure you have read the review guidelines. In short, see the following bullet-list:

Reviewer checklist
  • Is this pull request ready for review? (if not, please submit in draft mode)
  • Check that all items from Before submitting are resolved
  • Make sure the title is self-explanatory and the description concisely explains the PR
  • Add labels and milestones (and optionally projects) to the PR so it can be classified

cc @Borda @carmocca @justusschock @awaelchli

@Borda Borda added the release label Apr 24, 2023
@github-actions github-actions bot added app (removed) Generic label for Lightning App package ci Continuous Integration fabric lightning.fabric.Fabric pl Generic label for PyTorch Lightning package labels Apr 24, 2023
@github-actions
Copy link
Contributor

github-actions bot commented Apr 24, 2023

⛈️ Required checks status: Has failure 🔴

Warning
This job will need to be re-run to merge your PR. If you do not have write access to the repository, you can ask Lightning-AI/lai-frameworks to re-run it. If you push a new commit, all of CI will re-trigger.

Groups summary

🔴 pytorch_lightning: Tests workflow
Check ID Status
pl-cpu (macOS-11, lightning, 3.8, 1.11) success
pl-cpu (macOS-11, lightning, 3.9, 1.12) success
pl-cpu (macOS-11, lightning, 3.10, 1.13) success
pl-cpu (macOS-11, lightning, 3.10, 2.0) success
pl-cpu (macOS-11, lightning, 3.8, 1.11, oldest) success
pl-cpu (ubuntu-20.04, lightning, 3.8, 1.11) success
pl-cpu (ubuntu-20.04, lightning, 3.9, 1.12) success
pl-cpu (ubuntu-20.04, lightning, 3.10, 1.13) success
pl-cpu (ubuntu-20.04, lightning, 3.10, 2.0) success
pl-cpu (ubuntu-20.04, lightning, 3.8, 1.11, oldest) success
pl-cpu (windows-2022, lightning, 3.8, 1.11) success
pl-cpu (windows-2022, lightning, 3.9, 1.12) success
pl-cpu (windows-2022, lightning, 3.10, 1.13) success
pl-cpu (windows-2022, lightning, 3.10, 2.0) failure
pl-cpu (windows-2022, lightning, 3.8, 1.11, oldest) success
pl-cpu (macOS-11, pytorch, 3.8, 1.13) success
pl-cpu (ubuntu-20.04, pytorch, 3.8, 1.13) success
pl-cpu (windows-2022, pytorch, 3.8, 1.13) success

These checks are required after the changes to .actions/assistant.py, .actions/pull_legacy_checkpoints.sh, .github/workflows/ci-tests-pytorch.yml, requirements/fabric/base.txt, requirements/fabric/devel.txt, requirements/fabric/examples.txt, requirements/fabric/strategies.txt, requirements/fabric/test.txt, src/lightning/fabric/accelerators/accelerator.py, src/lightning/fabric/accelerators/cpu.py, src/lightning/fabric/accelerators/cuda.py, src/lightning/fabric/accelerators/mps.py, src/lightning/fabric/accelerators/registry.py, src/lightning/fabric/accelerators/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/fabric.py, src/lightning/fabric/loggers/csv_logs.py, src/lightning/fabric/loggers/tensorboard.py, src/lightning/fabric/plugins/environments/slurm.py, src/lightning/fabric/plugins/precision/fsdp.py, src/lightning/fabric/plugins/precision/tpu.py, src/lightning/fabric/strategies/ddp.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/dp.py, src/lightning/fabric/strategies/fsdp.py, src/lightning/fabric/strategies/launchers/base.py, src/lightning/fabric/strategies/launchers/launcher.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/launchers/xla.py, src/lightning/fabric/strategies/registry.py, src/lightning/fabric/strategies/strategy.py, src/lightning/fabric/strategies/xla.py, src/lightning/fabric/utilities/apply_func.py, src/lightning/fabric/utilities/data.py, src/lightning/fabric/utilities/device_parser.py, src/lightning/fabric/utilities/logger.py, src/lightning/fabric/utilities/rank_zero.py, src/lightning/fabric/utilities/seed.py, src/lightning/fabric/wrappers.py, src/lightning_fabric/MANIFEST.in, src/lightning_fabric/__setup__.py, src/lightning_fabric/py.typed, requirements/pytorch/adjust-versions.py, requirements/pytorch/base.txt, requirements/pytorch/check-avail-strategies.py, requirements/pytorch/devel.txt, requirements/pytorch/examples.txt, requirements/pytorch/extra.txt, requirements/pytorch/strategies.txt, requirements/pytorch/test.txt, src/lightning/pytorch/_graveyard/legacy_import_unpickler.py, src/lightning/pytorch/accelerators/cpu.py, src/lightning/pytorch/accelerators/cuda.py, src/lightning/pytorch/accelerators/ipu.py, src/lightning/pytorch/accelerators/mps.py, src/lightning/pytorch/accelerators/tpu.py, src/lightning/pytorch/callbacks/batch_size_finder.py, src/lightning/pytorch/callbacks/callback.py, src/lightning/pytorch/callbacks/checkpoint.py, src/lightning/pytorch/callbacks/device_stats_monitor.py, src/lightning/pytorch/callbacks/early_stopping.py, src/lightning/pytorch/callbacks/finetuning.py, src/lightning/pytorch/callbacks/gradient_accumulation_scheduler.py, src/lightning/pytorch/callbacks/lambda_function.py, src/lightning/pytorch/callbacks/lr_monitor.py, src/lightning/pytorch/callbacks/model_checkpoint.py, src/lightning/pytorch/callbacks/model_summary.py, src/lightning/pytorch/callbacks/progress/progress_bar.py, src/lightning/pytorch/callbacks/progress/rich_progress.py, src/lightning/pytorch/callbacks/progress/tqdm_progress.py, src/lightning/pytorch/callbacks/pruning.py, src/lightning/pytorch/callbacks/rich_model_summary.py, src/lightning/pytorch/callbacks/stochastic_weight_avg.py, src/lightning/pytorch/callbacks/timer.py, src/lightning/pytorch/core/datamodule.py, src/lightning/pytorch/core/hooks.py, src/lightning/pytorch/core/mixins/hparams_mixin.py, src/lightning/pytorch/core/module.py, src/lightning/pytorch/core/optimizer.py, src/lightning/pytorch/core/saving.py, src/lightning/pytorch/demos/boring_classes.py, src/lightning/pytorch/demos/mnist_datamodule.py, src/lightning/pytorch/loggers/comet.py, src/lightning/pytorch/loggers/csv_logs.py, src/lightning/pytorch/loggers/mlflow.py, src/lightning/pytorch/loggers/neptune.py, src/lightning/pytorch/loggers/tensorboard.py, src/lightning/pytorch/loggers/utilities.py, src/lightning/pytorch/loggers/wandb.py, src/lightning/pytorch/loops/fetchers.py, src/lightning/pytorch/loops/optimization/automatic.py, src/lightning/pytorch/loops/optimization/closure.py, src/lightning/pytorch/loops/prediction_loop.py, src/lightning/pytorch/loops/utilities.py, src/lightning/pytorch/overrides/distributed.py, src/lightning/pytorch/plugins/io/async_plugin.py, src/lightning/pytorch/plugins/precision/fsdp.py, src/lightning/pytorch/profilers/profiler.py, src/lightning/pytorch/profilers/pytorch.py, src/lightning/pytorch/profilers/simple.py, src/lightning/pytorch/profilers/xla.py, src/lightning/pytorch/serve/servable_module.py, src/lightning/pytorch/serve/servable_module_validator.py, src/lightning/pytorch/strategies/ddp.py, src/lightning/pytorch/strategies/deepspeed.py, src/lightning/pytorch/strategies/fsdp.py, src/lightning/pytorch/strategies/hpu_parallel.py, src/lightning/pytorch/strategies/ipu.py, src/lightning/pytorch/strategies/launchers/subprocess_script.py, src/lightning/pytorch/strategies/launchers/xla.py, src/lightning/pytorch/strategies/single_device.py, src/lightning/pytorch/strategies/single_hpu.py, src/lightning/pytorch/strategies/strategy.py, src/lightning/pytorch/strategies/xla.py, src/lightning/pytorch/trainer/call.py, src/lightning/pytorch/trainer/configuration_validator.py, src/lightning/pytorch/trainer/connectors/accelerator_connector.py, src/lightning/pytorch/trainer/connectors/callback_connector.py, src/lightning/pytorch/trainer/connectors/checkpoint_connector.py, src/lightning/pytorch/trainer/connectors/data_connector.py, src/lightning/pytorch/trainer/connectors/signal_connector.py, src/lightning/pytorch/trainer/trainer.py, src/lightning/pytorch/tuner/lr_finder.py, src/lightning/pytorch/utilities/combined_loader.py, src/lightning/pytorch/utilities/data.py, src/lightning/pytorch/utilities/deepspeed.py, src/lightning/pytorch/utilities/migration/utils.py, src/lightning/pytorch/utilities/model_summary/model_summary.py, src/lightning/pytorch/utilities/parsing.py, src/lightning/pytorch/utilities/signature_utils.py, src/lightning/pytorch/utilities/testing/_runif.py, src/pytorch_lightning/__setup__.py, tests/tests_pytorch/accelerators/test_cpu.py, tests/tests_pytorch/accelerators/test_gpu.py, tests/tests_pytorch/accelerators/test_hpu.py, tests/tests_pytorch/accelerators/test_ipu.py, tests/tests_pytorch/accelerators/test_mps.py, tests/tests_pytorch/accelerators/test_tpu.py, tests/tests_pytorch/benchmarks/test_basic_parity.py, tests/tests_pytorch/callbacks/progress/test_rich_progress_bar.py, tests/tests_pytorch/callbacks/progress/test_tqdm_progress_bar.py, tests/tests_pytorch/callbacks/test_callbacks.py, tests/tests_pytorch/callbacks/test_device_stats_monitor.py, tests/tests_pytorch/callbacks/test_early_stopping.py, tests/tests_pytorch/callbacks/test_finetuning_callback.py, tests/tests_pytorch/callbacks/test_gradient_accumulation_scheduler.py, tests/tests_pytorch/callbacks/test_lr_monitor.py, tests/tests_pytorch/callbacks/test_model_summary.py, tests/tests_pytorch/callbacks/test_pruning.py, tests/tests_pytorch/callbacks/test_stochastic_weight_avg.py, tests/tests_pytorch/callbacks/test_timer.py, tests/tests_pytorch/checkpointing/test_checkpoint_callback_frequency.py, tests/tests_pytorch/checkpointing/test_legacy_checkpoints.py, tests/tests_pytorch/checkpointing/test_model_checkpoint.py, tests/tests_pytorch/checkpointing/test_trainer_checkpoint.py, tests/tests_pytorch/conftest.py, tests/tests_pytorch/core/test_datamodules.py, tests/tests_pytorch/core/test_lightning_module.py, tests/tests_pytorch/core/test_lightning_optimizer.py, tests/tests_pytorch/core/test_metric_result_integration.py, tests/tests_pytorch/core/test_saving.py, tests/tests_pytorch/graveyard/test_legacy_import_unpickler.py, tests/tests_pytorch/helpers/advanced_models.py, tests/tests_pytorch/helpers/datasets.py, tests/tests_pytorch/helpers/simple_models.py, tests/tests_pytorch/helpers/test_datasets.py, tests/tests_pytorch/helpers/test_models.py, tests/tests_pytorch/helpers/threading.py, tests/tests_pytorch/helpers/utils.py, tests/tests_pytorch/loggers/test_all.py, tests/tests_pytorch/loggers/test_comet.py, tests/tests_pytorch/loggers/test_csv.py, tests/tests_pytorch/loggers/test_logger.py, tests/tests_pytorch/loggers/test_mlflow.py, tests/tests_pytorch/loggers/test_neptune.py, tests/tests_pytorch/loggers/test_tensorboard.py, tests/tests_pytorch/loggers/test_wandb.py, tests/tests_pytorch/loops/test_all.py, tests/tests_pytorch/loops/test_evaluation_loop.py, tests/tests_pytorch/loops/test_fetchers.py, tests/tests_pytorch/loops/test_flow_warnings.py, tests/tests_pytorch/loops/test_loops.py, tests/tests_pytorch/loops/test_prediction_loop.py, tests/tests_pytorch/loops/test_progress.py, tests/tests_pytorch/loops/test_training_epoch_loop.py, tests/tests_pytorch/loops/test_training_loop.py, tests/tests_pytorch/loops/test_training_loop_flow_dict.py, tests/tests_pytorch/loops/test_training_loop_flow_scalar.py, tests/tests_pytorch/models/test_amp.py, tests/tests_pytorch/models/test_cpu.py, tests/tests_pytorch/models/test_fabric_integration.py, tests/tests_pytorch/models/test_gpu.py, tests/tests_pytorch/models/test_hooks.py, tests/tests_pytorch/models/test_hparams.py, tests/tests_pytorch/models/test_onnx.py, tests/tests_pytorch/models/test_restore.py, tests/tests_pytorch/models/test_torchscript.py, tests/tests_pytorch/models/test_tpu.py, tests/tests_pytorch/overrides/test_distributed.py, tests/tests_pytorch/plugins/precision/hpu/test_hpu.py, tests/tests_pytorch/plugins/test_amp_plugins.py, tests/tests_pytorch/profilers/test_profiler.py, tests/tests_pytorch/run_standalone_tests.sh, tests/tests_pytorch/strategies/test_common.py, tests/tests_pytorch/strategies/test_ddp.py, tests/tests_pytorch/strategies/test_ddp_spawn_strategy.py, tests/tests_pytorch/strategies/test_ddp_strategy.py, tests/tests_pytorch/strategies/test_deepspeed_strategy.py, tests/tests_pytorch/strategies/test_fsdp.py, tests/tests_pytorch/strategies/test_registry.py, tests/tests_pytorch/strategies/test_single_device_strategy.py, tests/tests_pytorch/test_cli.py, tests/tests_pytorch/trainer/connectors/test_accelerator_connector.py, tests/tests_pytorch/trainer/connectors/test_callback_connector.py, tests/tests_pytorch/trainer/connectors/test_checkpoint_connector.py, tests/tests_pytorch/trainer/connectors/test_data_connector.py, tests/tests_pytorch/trainer/connectors/test_signal_connector.py, tests/tests_pytorch/trainer/dynamic_args/test_multiple_eval_dataloaders.py, tests/tests_pytorch/trainer/flags/test_check_val_every_n_epoch.py, tests/tests_pytorch/trainer/flags/test_fast_dev_run.py, tests/tests_pytorch/trainer/flags/test_inference_mode.py, tests/tests_pytorch/trainer/flags/test_limit_batches.py, tests/tests_pytorch/trainer/flags/test_min_max_epochs.py, tests/tests_pytorch/trainer/flags/test_overfit_batches.py, tests/tests_pytorch/trainer/flags/test_val_check_interval.py, tests/tests_pytorch/trainer/logging_/test_eval_loop_logging.py, tests/tests_pytorch/trainer/logging_/test_logger_connector.py, tests/tests_pytorch/trainer/logging_/test_train_loop_logging.py, tests/tests_pytorch/trainer/optimization/test_manual_optimization.py, tests/tests_pytorch/trainer/optimization/test_optimizers.py, tests/tests_pytorch/trainer/properties/test_estimated_stepping_batches.py, tests/tests_pytorch/trainer/properties/test_get_model.py, tests/tests_pytorch/trainer/test_config_validator.py, tests/tests_pytorch/trainer/test_dataloaders.py, tests/tests_pytorch/trainer/test_trainer.py, tests/tests_pytorch/tuner/test_lr_finder.py, tests/tests_pytorch/tuner/test_scale_batch_size.py, tests/tests_pytorch/utilities/migration/test_migration.py, tests/tests_pytorch/utilities/migration/test_utils.py, tests/tests_pytorch/utilities/test_all_gather_grad.py, tests/tests_pytorch/utilities/test_combined_loader.py, tests/tests_pytorch/utilities/test_grads.py, tests/tests_pytorch/utilities/test_imports.py, tests/tests_pytorch/utilities/test_model_summary.py, tests/tests_pytorch/utilities/test_parameter_tying.py, tests/tests_pytorch/utilities/test_signature_utils.py, tests/tests_pytorch/utilities/test_torchdistx.py, tests/tests_pytorch/utilities/test_upgrade_checkpoint.py, tests/tests_pytorch/utilities/test_warnings.py, tests/legacy/back-compatible-versions.txt, tests/legacy/generate_checkpoints.sh, tests/legacy/requirements.txt, tests/legacy/simple_classif_training.py, pyproject.toml.

🟢 pytorch_lightning: Azure GPU
Check ID Status
pytorch-lightning (GPUs) success

These checks are required after the changes to .actions/assistant.py, .actions/pull_legacy_checkpoints.sh, .azure/gpu-tests-pytorch.yml, examples/pytorch/basics/backbone_image_classifier.py, examples/pytorch/basics/autoencoder.py, requirements/pytorch/adjust-versions.py, requirements/pytorch/base.txt, requirements/pytorch/check-avail-strategies.py, requirements/pytorch/devel.txt, requirements/pytorch/examples.txt, requirements/pytorch/extra.txt, requirements/pytorch/strategies.txt, requirements/pytorch/test.txt, src/lightning/__setup__.py, src/lightning/pytorch/_graveyard/legacy_import_unpickler.py, src/lightning/pytorch/accelerators/cpu.py, src/lightning/pytorch/accelerators/cuda.py, src/lightning/pytorch/accelerators/ipu.py, src/lightning/pytorch/accelerators/mps.py, src/lightning/pytorch/accelerators/tpu.py, src/lightning/pytorch/callbacks/batch_size_finder.py, src/lightning/pytorch/callbacks/callback.py, src/lightning/pytorch/callbacks/checkpoint.py, src/lightning/pytorch/callbacks/device_stats_monitor.py, src/lightning/pytorch/callbacks/early_stopping.py, src/lightning/pytorch/callbacks/finetuning.py, src/lightning/pytorch/callbacks/gradient_accumulation_scheduler.py, src/lightning/pytorch/callbacks/lambda_function.py, src/lightning/pytorch/callbacks/lr_monitor.py, src/lightning/pytorch/callbacks/model_checkpoint.py, src/lightning/pytorch/callbacks/model_summary.py, src/lightning/pytorch/callbacks/progress/progress_bar.py, src/lightning/pytorch/callbacks/progress/rich_progress.py, src/lightning/pytorch/callbacks/progress/tqdm_progress.py, src/lightning/pytorch/callbacks/pruning.py, src/lightning/pytorch/callbacks/rich_model_summary.py, src/lightning/pytorch/callbacks/stochastic_weight_avg.py, src/lightning/pytorch/callbacks/timer.py, src/lightning/pytorch/core/datamodule.py, src/lightning/pytorch/core/hooks.py, src/lightning/pytorch/core/mixins/hparams_mixin.py, src/lightning/pytorch/core/module.py, src/lightning/pytorch/core/optimizer.py, src/lightning/pytorch/core/saving.py, src/lightning/pytorch/demos/boring_classes.py, src/lightning/pytorch/demos/mnist_datamodule.py, src/lightning/pytorch/loggers/comet.py, src/lightning/pytorch/loggers/csv_logs.py, src/lightning/pytorch/loggers/mlflow.py, src/lightning/pytorch/loggers/neptune.py, src/lightning/pytorch/loggers/tensorboard.py, src/lightning/pytorch/loggers/utilities.py, src/lightning/pytorch/loggers/wandb.py, src/lightning/pytorch/loops/fetchers.py, src/lightning/pytorch/loops/optimization/automatic.py, src/lightning/pytorch/loops/optimization/closure.py, src/lightning/pytorch/loops/prediction_loop.py, src/lightning/pytorch/loops/utilities.py, src/lightning/pytorch/overrides/distributed.py, src/lightning/pytorch/plugins/io/async_plugin.py, src/lightning/pytorch/plugins/precision/fsdp.py, src/lightning/pytorch/profilers/profiler.py, src/lightning/pytorch/profilers/pytorch.py, src/lightning/pytorch/profilers/simple.py, src/lightning/pytorch/profilers/xla.py, src/lightning/pytorch/serve/servable_module.py, src/lightning/pytorch/serve/servable_module_validator.py, src/lightning/pytorch/strategies/ddp.py, src/lightning/pytorch/strategies/deepspeed.py, src/lightning/pytorch/strategies/fsdp.py, src/lightning/pytorch/strategies/hpu_parallel.py, src/lightning/pytorch/strategies/ipu.py, src/lightning/pytorch/strategies/launchers/subprocess_script.py, src/lightning/pytorch/strategies/launchers/xla.py, src/lightning/pytorch/strategies/single_device.py, src/lightning/pytorch/strategies/single_hpu.py, src/lightning/pytorch/strategies/strategy.py, src/lightning/pytorch/strategies/xla.py, src/lightning/pytorch/trainer/call.py, src/lightning/pytorch/trainer/configuration_validator.py, src/lightning/pytorch/trainer/connectors/accelerator_connector.py, src/lightning/pytorch/trainer/connectors/callback_connector.py, src/lightning/pytorch/trainer/connectors/checkpoint_connector.py, src/lightning/pytorch/trainer/connectors/data_connector.py, src/lightning/pytorch/trainer/connectors/signal_connector.py, src/lightning/pytorch/trainer/trainer.py, src/lightning/pytorch/tuner/lr_finder.py, src/lightning/pytorch/utilities/combined_loader.py, src/lightning/pytorch/utilities/data.py, src/lightning/pytorch/utilities/deepspeed.py, src/lightning/pytorch/utilities/migration/utils.py, src/lightning/pytorch/utilities/model_summary/model_summary.py, src/lightning/pytorch/utilities/parsing.py, src/lightning/pytorch/utilities/signature_utils.py, src/lightning/pytorch/utilities/testing/_runif.py, src/pytorch_lightning/__setup__.py, tests/tests_pytorch/accelerators/test_cpu.py, tests/tests_pytorch/accelerators/test_gpu.py, tests/tests_pytorch/accelerators/test_hpu.py, tests/tests_pytorch/accelerators/test_ipu.py, tests/tests_pytorch/accelerators/test_mps.py, tests/tests_pytorch/accelerators/test_tpu.py, tests/tests_pytorch/benchmarks/test_basic_parity.py, tests/tests_pytorch/callbacks/progress/test_rich_progress_bar.py, tests/tests_pytorch/callbacks/progress/test_tqdm_progress_bar.py, tests/tests_pytorch/callbacks/test_callbacks.py, tests/tests_pytorch/callbacks/test_device_stats_monitor.py, tests/tests_pytorch/callbacks/test_early_stopping.py, tests/tests_pytorch/callbacks/test_finetuning_callback.py, tests/tests_pytorch/callbacks/test_gradient_accumulation_scheduler.py, tests/tests_pytorch/callbacks/test_lr_monitor.py, tests/tests_pytorch/callbacks/test_model_summary.py, tests/tests_pytorch/callbacks/test_pruning.py, tests/tests_pytorch/callbacks/test_stochastic_weight_avg.py, tests/tests_pytorch/callbacks/test_timer.py, tests/tests_pytorch/checkpointing/test_checkpoint_callback_frequency.py, tests/tests_pytorch/checkpointing/test_legacy_checkpoints.py, tests/tests_pytorch/checkpointing/test_model_checkpoint.py, tests/tests_pytorch/checkpointing/test_trainer_checkpoint.py, tests/tests_pytorch/conftest.py, tests/tests_pytorch/core/test_datamodules.py, tests/tests_pytorch/core/test_lightning_module.py, tests/tests_pytorch/core/test_lightning_optimizer.py, tests/tests_pytorch/core/test_metric_result_integration.py, tests/tests_pytorch/core/test_saving.py, tests/tests_pytorch/graveyard/test_legacy_import_unpickler.py, tests/tests_pytorch/helpers/advanced_models.py, tests/tests_pytorch/helpers/datasets.py, tests/tests_pytorch/helpers/simple_models.py, tests/tests_pytorch/helpers/test_datasets.py, tests/tests_pytorch/helpers/test_models.py, tests/tests_pytorch/helpers/threading.py, tests/tests_pytorch/helpers/utils.py, tests/tests_pytorch/loggers/test_all.py, tests/tests_pytorch/loggers/test_comet.py, tests/tests_pytorch/loggers/test_csv.py, tests/tests_pytorch/loggers/test_logger.py, tests/tests_pytorch/loggers/test_mlflow.py, tests/tests_pytorch/loggers/test_neptune.py, tests/tests_pytorch/loggers/test_tensorboard.py, tests/tests_pytorch/loggers/test_wandb.py, tests/tests_pytorch/loops/test_all.py, tests/tests_pytorch/loops/test_evaluation_loop.py, tests/tests_pytorch/loops/test_fetchers.py, tests/tests_pytorch/loops/test_flow_warnings.py, tests/tests_pytorch/loops/test_loops.py, tests/tests_pytorch/loops/test_prediction_loop.py, tests/tests_pytorch/loops/test_progress.py, tests/tests_pytorch/loops/test_training_epoch_loop.py, tests/tests_pytorch/loops/test_training_loop.py, tests/tests_pytorch/loops/test_training_loop_flow_dict.py, tests/tests_pytorch/loops/test_training_loop_flow_scalar.py, tests/tests_pytorch/models/test_amp.py, tests/tests_pytorch/models/test_cpu.py, tests/tests_pytorch/models/test_fabric_integration.py, tests/tests_pytorch/models/test_gpu.py, tests/tests_pytorch/models/test_hooks.py, tests/tests_pytorch/models/test_hparams.py, tests/tests_pytorch/models/test_onnx.py, tests/tests_pytorch/models/test_restore.py, tests/tests_pytorch/models/test_torchscript.py, tests/tests_pytorch/models/test_tpu.py, tests/tests_pytorch/overrides/test_distributed.py, tests/tests_pytorch/plugins/precision/hpu/test_hpu.py, tests/tests_pytorch/plugins/test_amp_plugins.py, tests/tests_pytorch/profilers/test_profiler.py, tests/tests_pytorch/run_standalone_tests.sh, tests/tests_pytorch/strategies/test_common.py, tests/tests_pytorch/strategies/test_ddp.py, tests/tests_pytorch/strategies/test_ddp_spawn_strategy.py, tests/tests_pytorch/strategies/test_ddp_strategy.py, tests/tests_pytorch/strategies/test_deepspeed_strategy.py, tests/tests_pytorch/strategies/test_fsdp.py, tests/tests_pytorch/strategies/test_registry.py, tests/tests_pytorch/strategies/test_single_device_strategy.py, tests/tests_pytorch/test_cli.py, tests/tests_pytorch/trainer/connectors/test_accelerator_connector.py, tests/tests_pytorch/trainer/connectors/test_callback_connector.py, tests/tests_pytorch/trainer/connectors/test_checkpoint_connector.py, tests/tests_pytorch/trainer/connectors/test_data_connector.py, tests/tests_pytorch/trainer/connectors/test_signal_connector.py, tests/tests_pytorch/trainer/dynamic_args/test_multiple_eval_dataloaders.py, tests/tests_pytorch/trainer/flags/test_check_val_every_n_epoch.py, tests/tests_pytorch/trainer/flags/test_fast_dev_run.py, tests/tests_pytorch/trainer/flags/test_inference_mode.py, tests/tests_pytorch/trainer/flags/test_limit_batches.py, tests/tests_pytorch/trainer/flags/test_min_max_epochs.py, tests/tests_pytorch/trainer/flags/test_overfit_batches.py, tests/tests_pytorch/trainer/flags/test_val_check_interval.py, tests/tests_pytorch/trainer/logging_/test_eval_loop_logging.py, tests/tests_pytorch/trainer/logging_/test_logger_connector.py, tests/tests_pytorch/trainer/logging_/test_train_loop_logging.py, tests/tests_pytorch/trainer/optimization/test_manual_optimization.py, tests/tests_pytorch/trainer/optimization/test_optimizers.py, tests/tests_pytorch/trainer/properties/test_estimated_stepping_batches.py, tests/tests_pytorch/trainer/properties/test_get_model.py, tests/tests_pytorch/trainer/test_config_validator.py, tests/tests_pytorch/trainer/test_dataloaders.py, tests/tests_pytorch/trainer/test_trainer.py, tests/tests_pytorch/tuner/test_lr_finder.py, tests/tests_pytorch/tuner/test_scale_batch_size.py, tests/tests_pytorch/utilities/migration/test_migration.py, tests/tests_pytorch/utilities/migration/test_utils.py, tests/tests_pytorch/utilities/test_all_gather_grad.py, tests/tests_pytorch/utilities/test_combined_loader.py, tests/tests_pytorch/utilities/test_grads.py, tests/tests_pytorch/utilities/test_imports.py, tests/tests_pytorch/utilities/test_model_summary.py, tests/tests_pytorch/utilities/test_parameter_tying.py, tests/tests_pytorch/utilities/test_signature_utils.py, tests/tests_pytorch/utilities/test_torchdistx.py, tests/tests_pytorch/utilities/test_upgrade_checkpoint.py, tests/tests_pytorch/utilities/test_warnings.py, pyproject.toml, requirements/fabric/base.txt, requirements/fabric/devel.txt, requirements/fabric/examples.txt, requirements/fabric/strategies.txt, requirements/fabric/test.txt, src/lightning/fabric/accelerators/accelerator.py, src/lightning/fabric/accelerators/cpu.py, src/lightning/fabric/accelerators/cuda.py, src/lightning/fabric/accelerators/mps.py, src/lightning/fabric/accelerators/registry.py, src/lightning/fabric/accelerators/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/fabric.py, src/lightning/fabric/loggers/csv_logs.py, src/lightning/fabric/loggers/tensorboard.py, src/lightning/fabric/plugins/environments/slurm.py, src/lightning/fabric/plugins/precision/fsdp.py, src/lightning/fabric/plugins/precision/tpu.py, src/lightning/fabric/strategies/ddp.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/dp.py, src/lightning/fabric/strategies/fsdp.py, src/lightning/fabric/strategies/launchers/base.py, src/lightning/fabric/strategies/launchers/launcher.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/launchers/xla.py, src/lightning/fabric/strategies/registry.py, src/lightning/fabric/strategies/strategy.py, src/lightning/fabric/strategies/xla.py, src/lightning/fabric/utilities/apply_func.py, src/lightning/fabric/utilities/data.py, src/lightning/fabric/utilities/device_parser.py, src/lightning/fabric/utilities/logger.py, src/lightning/fabric/utilities/rank_zero.py, src/lightning/fabric/utilities/seed.py, src/lightning/fabric/wrappers.py, src/lightning_fabric/MANIFEST.in, src/lightning_fabric/__setup__.py, src/lightning_fabric/py.typed.

🟡 pytorch_lightning: Benchmarks
Check ID Status
pytorch-lightning.Benchmark no_status

These checks are required after the changes to .azure/gpu-benchmark.yml, tests/tests_pytorch/benchmarks/test_basic_parity.py, requirements/pytorch/adjust-versions.py, requirements/pytorch/base.txt, requirements/pytorch/check-avail-strategies.py, requirements/pytorch/devel.txt, requirements/pytorch/examples.txt, requirements/pytorch/extra.txt, requirements/pytorch/strategies.txt, requirements/pytorch/test.txt.

🟢 pytorch_lightning: Azure HPU
Check ID Status
pytorch-lightning (HPUs) success

These checks are required after the changes to .actions/assistant.py, .actions/pull_legacy_checkpoints.sh, .azure/hpu-tests.yml, examples/pytorch/hpu/mnist_sample.py, requirements/fabric/base.txt, requirements/fabric/devel.txt, requirements/fabric/examples.txt, requirements/fabric/strategies.txt, requirements/fabric/test.txt, src/lightning/__setup__.py, src/lightning/fabric/accelerators/accelerator.py, src/lightning/fabric/accelerators/cpu.py, src/lightning/fabric/accelerators/cuda.py, src/lightning/fabric/accelerators/mps.py, src/lightning/fabric/accelerators/registry.py, src/lightning/fabric/accelerators/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/fabric.py, src/lightning/fabric/loggers/csv_logs.py, src/lightning/fabric/loggers/tensorboard.py, src/lightning/fabric/plugins/environments/slurm.py, src/lightning/fabric/plugins/precision/fsdp.py, src/lightning/fabric/plugins/precision/tpu.py, src/lightning/fabric/strategies/ddp.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/dp.py, src/lightning/fabric/strategies/fsdp.py, src/lightning/fabric/strategies/launchers/base.py, src/lightning/fabric/strategies/launchers/launcher.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/launchers/xla.py, src/lightning/fabric/strategies/registry.py, src/lightning/fabric/strategies/strategy.py, src/lightning/fabric/strategies/xla.py, src/lightning/fabric/utilities/apply_func.py, src/lightning/fabric/utilities/data.py, src/lightning/fabric/utilities/device_parser.py, src/lightning/fabric/utilities/logger.py, src/lightning/fabric/utilities/rank_zero.py, src/lightning/fabric/utilities/seed.py, src/lightning/fabric/wrappers.py, src/lightning_fabric/MANIFEST.in, src/lightning_fabric/__setup__.py, src/lightning_fabric/py.typed, requirements/pytorch/adjust-versions.py, requirements/pytorch/base.txt, requirements/pytorch/check-avail-strategies.py, requirements/pytorch/devel.txt, requirements/pytorch/examples.txt, requirements/pytorch/extra.txt, requirements/pytorch/strategies.txt, requirements/pytorch/test.txt, src/lightning/pytorch/_graveyard/legacy_import_unpickler.py, src/lightning/pytorch/accelerators/cpu.py, src/lightning/pytorch/accelerators/cuda.py, src/lightning/pytorch/accelerators/ipu.py, src/lightning/pytorch/accelerators/mps.py, src/lightning/pytorch/accelerators/tpu.py, src/lightning/pytorch/callbacks/batch_size_finder.py, src/lightning/pytorch/callbacks/callback.py, src/lightning/pytorch/callbacks/checkpoint.py, src/lightning/pytorch/callbacks/device_stats_monitor.py, src/lightning/pytorch/callbacks/early_stopping.py, src/lightning/pytorch/callbacks/finetuning.py, src/lightning/pytorch/callbacks/gradient_accumulation_scheduler.py, src/lightning/pytorch/callbacks/lambda_function.py, src/lightning/pytorch/callbacks/lr_monitor.py, src/lightning/pytorch/callbacks/model_checkpoint.py, src/lightning/pytorch/callbacks/model_summary.py, src/lightning/pytorch/callbacks/progress/progress_bar.py, src/lightning/pytorch/callbacks/progress/rich_progress.py, src/lightning/pytorch/callbacks/progress/tqdm_progress.py, src/lightning/pytorch/callbacks/pruning.py, src/lightning/pytorch/callbacks/rich_model_summary.py, src/lightning/pytorch/callbacks/stochastic_weight_avg.py, src/lightning/pytorch/callbacks/timer.py, src/lightning/pytorch/core/datamodule.py, src/lightning/pytorch/core/hooks.py, src/lightning/pytorch/core/mixins/hparams_mixin.py, src/lightning/pytorch/core/module.py, src/lightning/pytorch/core/optimizer.py, src/lightning/pytorch/core/saving.py, src/lightning/pytorch/demos/boring_classes.py, src/lightning/pytorch/demos/mnist_datamodule.py, src/lightning/pytorch/loggers/comet.py, src/lightning/pytorch/loggers/csv_logs.py, src/lightning/pytorch/loggers/mlflow.py, src/lightning/pytorch/loggers/neptune.py, src/lightning/pytorch/loggers/tensorboard.py, src/lightning/pytorch/loggers/utilities.py, src/lightning/pytorch/loggers/wandb.py, src/lightning/pytorch/loops/fetchers.py, src/lightning/pytorch/loops/optimization/automatic.py, src/lightning/pytorch/loops/optimization/closure.py, src/lightning/pytorch/loops/prediction_loop.py, src/lightning/pytorch/loops/utilities.py, src/lightning/pytorch/overrides/distributed.py, src/lightning/pytorch/plugins/io/async_plugin.py, src/lightning/pytorch/plugins/precision/fsdp.py, src/lightning/pytorch/profilers/profiler.py, src/lightning/pytorch/profilers/pytorch.py, src/lightning/pytorch/profilers/simple.py, src/lightning/pytorch/profilers/xla.py, src/lightning/pytorch/serve/servable_module.py, src/lightning/pytorch/serve/servable_module_validator.py, src/lightning/pytorch/strategies/ddp.py, src/lightning/pytorch/strategies/deepspeed.py, src/lightning/pytorch/strategies/fsdp.py, src/lightning/pytorch/strategies/hpu_parallel.py, src/lightning/pytorch/strategies/ipu.py, src/lightning/pytorch/strategies/launchers/subprocess_script.py, src/lightning/pytorch/strategies/launchers/xla.py, src/lightning/pytorch/strategies/single_device.py, src/lightning/pytorch/strategies/single_hpu.py, src/lightning/pytorch/strategies/strategy.py, src/lightning/pytorch/strategies/xla.py, src/lightning/pytorch/trainer/call.py, src/lightning/pytorch/trainer/configuration_validator.py, src/lightning/pytorch/trainer/connectors/accelerator_connector.py, src/lightning/pytorch/trainer/connectors/callback_connector.py, src/lightning/pytorch/trainer/connectors/checkpoint_connector.py, src/lightning/pytorch/trainer/connectors/data_connector.py, src/lightning/pytorch/trainer/connectors/signal_connector.py, src/lightning/pytorch/trainer/trainer.py, src/lightning/pytorch/tuner/lr_finder.py, src/lightning/pytorch/utilities/combined_loader.py, src/lightning/pytorch/utilities/data.py, src/lightning/pytorch/utilities/deepspeed.py, src/lightning/pytorch/utilities/migration/utils.py, src/lightning/pytorch/utilities/model_summary/model_summary.py, src/lightning/pytorch/utilities/parsing.py, src/lightning/pytorch/utilities/signature_utils.py, src/lightning/pytorch/utilities/testing/_runif.py, src/pytorch_lightning/__setup__.py, tests/tests_pytorch/accelerators/test_cpu.py, tests/tests_pytorch/accelerators/test_gpu.py, tests/tests_pytorch/accelerators/test_hpu.py, tests/tests_pytorch/accelerators/test_ipu.py, tests/tests_pytorch/accelerators/test_mps.py, tests/tests_pytorch/accelerators/test_tpu.py, tests/tests_pytorch/benchmarks/test_basic_parity.py, tests/tests_pytorch/callbacks/progress/test_rich_progress_bar.py, tests/tests_pytorch/callbacks/progress/test_tqdm_progress_bar.py, tests/tests_pytorch/callbacks/test_callbacks.py, tests/tests_pytorch/callbacks/test_device_stats_monitor.py, tests/tests_pytorch/callbacks/test_early_stopping.py, tests/tests_pytorch/callbacks/test_finetuning_callback.py, tests/tests_pytorch/callbacks/test_gradient_accumulation_scheduler.py, tests/tests_pytorch/callbacks/test_lr_monitor.py, tests/tests_pytorch/callbacks/test_model_summary.py, tests/tests_pytorch/callbacks/test_pruning.py, tests/tests_pytorch/callbacks/test_stochastic_weight_avg.py, tests/tests_pytorch/callbacks/test_timer.py, tests/tests_pytorch/checkpointing/test_checkpoint_callback_frequency.py, tests/tests_pytorch/checkpointing/test_legacy_checkpoints.py, tests/tests_pytorch/checkpointing/test_model_checkpoint.py, tests/tests_pytorch/checkpointing/test_trainer_checkpoint.py, tests/tests_pytorch/conftest.py, tests/tests_pytorch/core/test_datamodules.py, tests/tests_pytorch/core/test_lightning_module.py, tests/tests_pytorch/core/test_lightning_optimizer.py, tests/tests_pytorch/core/test_metric_result_integration.py, tests/tests_pytorch/core/test_saving.py, tests/tests_pytorch/graveyard/test_legacy_import_unpickler.py, tests/tests_pytorch/helpers/advanced_models.py, tests/tests_pytorch/helpers/datasets.py, tests/tests_pytorch/helpers/simple_models.py, tests/tests_pytorch/helpers/test_datasets.py, tests/tests_pytorch/helpers/test_models.py, tests/tests_pytorch/helpers/threading.py, tests/tests_pytorch/helpers/utils.py, tests/tests_pytorch/loggers/test_all.py, tests/tests_pytorch/loggers/test_comet.py, tests/tests_pytorch/loggers/test_csv.py, tests/tests_pytorch/loggers/test_logger.py, tests/tests_pytorch/loggers/test_mlflow.py, tests/tests_pytorch/loggers/test_neptune.py, tests/tests_pytorch/loggers/test_tensorboard.py, tests/tests_pytorch/loggers/test_wandb.py, tests/tests_pytorch/loops/test_all.py, tests/tests_pytorch/loops/test_evaluation_loop.py, tests/tests_pytorch/loops/test_fetchers.py, tests/tests_pytorch/loops/test_flow_warnings.py, tests/tests_pytorch/loops/test_loops.py, tests/tests_pytorch/loops/test_prediction_loop.py, tests/tests_pytorch/loops/test_progress.py, tests/tests_pytorch/loops/test_training_epoch_loop.py, tests/tests_pytorch/loops/test_training_loop.py, tests/tests_pytorch/loops/test_training_loop_flow_dict.py, tests/tests_pytorch/loops/test_training_loop_flow_scalar.py, tests/tests_pytorch/models/test_amp.py, tests/tests_pytorch/models/test_cpu.py, tests/tests_pytorch/models/test_fabric_integration.py, tests/tests_pytorch/models/test_gpu.py, tests/tests_pytorch/models/test_hooks.py, tests/tests_pytorch/models/test_hparams.py, tests/tests_pytorch/models/test_onnx.py, tests/tests_pytorch/models/test_restore.py, tests/tests_pytorch/models/test_torchscript.py, tests/tests_pytorch/models/test_tpu.py, tests/tests_pytorch/overrides/test_distributed.py, tests/tests_pytorch/plugins/precision/hpu/test_hpu.py, tests/tests_pytorch/plugins/test_amp_plugins.py, tests/tests_pytorch/profilers/test_profiler.py, tests/tests_pytorch/run_standalone_tests.sh, tests/tests_pytorch/strategies/test_common.py, tests/tests_pytorch/strategies/test_ddp.py, tests/tests_pytorch/strategies/test_ddp_spawn_strategy.py, tests/tests_pytorch/strategies/test_ddp_strategy.py, tests/tests_pytorch/strategies/test_deepspeed_strategy.py, tests/tests_pytorch/strategies/test_fsdp.py, tests/tests_pytorch/strategies/test_registry.py, tests/tests_pytorch/strategies/test_single_device_strategy.py, tests/tests_pytorch/test_cli.py, tests/tests_pytorch/trainer/connectors/test_accelerator_connector.py, tests/tests_pytorch/trainer/connectors/test_callback_connector.py, tests/tests_pytorch/trainer/connectors/test_checkpoint_connector.py, tests/tests_pytorch/trainer/connectors/test_data_connector.py, tests/tests_pytorch/trainer/connectors/test_signal_connector.py, tests/tests_pytorch/trainer/dynamic_args/test_multiple_eval_dataloaders.py, tests/tests_pytorch/trainer/flags/test_check_val_every_n_epoch.py, tests/tests_pytorch/trainer/flags/test_fast_dev_run.py, tests/tests_pytorch/trainer/flags/test_inference_mode.py, tests/tests_pytorch/trainer/flags/test_limit_batches.py, tests/tests_pytorch/trainer/flags/test_min_max_epochs.py, tests/tests_pytorch/trainer/flags/test_overfit_batches.py, tests/tests_pytorch/trainer/flags/test_val_check_interval.py, tests/tests_pytorch/trainer/logging_/test_eval_loop_logging.py, tests/tests_pytorch/trainer/logging_/test_logger_connector.py, tests/tests_pytorch/trainer/logging_/test_train_loop_logging.py, tests/tests_pytorch/trainer/optimization/test_manual_optimization.py, tests/tests_pytorch/trainer/optimization/test_optimizers.py, tests/tests_pytorch/trainer/properties/test_estimated_stepping_batches.py, tests/tests_pytorch/trainer/properties/test_get_model.py, tests/tests_pytorch/trainer/test_config_validator.py, tests/tests_pytorch/trainer/test_dataloaders.py, tests/tests_pytorch/trainer/test_trainer.py, tests/tests_pytorch/tuner/test_lr_finder.py, tests/tests_pytorch/tuner/test_scale_batch_size.py, tests/tests_pytorch/utilities/migration/test_migration.py, tests/tests_pytorch/utilities/migration/test_utils.py, tests/tests_pytorch/utilities/test_all_gather_grad.py, tests/tests_pytorch/utilities/test_combined_loader.py, tests/tests_pytorch/utilities/test_grads.py, tests/tests_pytorch/utilities/test_imports.py, tests/tests_pytorch/utilities/test_model_summary.py, tests/tests_pytorch/utilities/test_parameter_tying.py, tests/tests_pytorch/utilities/test_signature_utils.py, tests/tests_pytorch/utilities/test_torchdistx.py, tests/tests_pytorch/utilities/test_upgrade_checkpoint.py, tests/tests_pytorch/utilities/test_warnings.py, pyproject.toml.

🟢 fabric: Docs
Check ID Status
make-doctest (fabric) success
make-html (fabric) success

These checks are required after the changes to src/lightning/fabric/accelerators/accelerator.py, src/lightning/fabric/accelerators/cpu.py, src/lightning/fabric/accelerators/cuda.py, src/lightning/fabric/accelerators/mps.py, src/lightning/fabric/accelerators/registry.py, src/lightning/fabric/accelerators/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/fabric.py, src/lightning/fabric/loggers/csv_logs.py, src/lightning/fabric/loggers/tensorboard.py, src/lightning/fabric/plugins/environments/slurm.py, src/lightning/fabric/plugins/precision/fsdp.py, src/lightning/fabric/plugins/precision/tpu.py, src/lightning/fabric/strategies/ddp.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/dp.py, src/lightning/fabric/strategies/fsdp.py, src/lightning/fabric/strategies/launchers/base.py, src/lightning/fabric/strategies/launchers/launcher.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/launchers/xla.py, src/lightning/fabric/strategies/registry.py, src/lightning/fabric/strategies/strategy.py, src/lightning/fabric/strategies/xla.py, src/lightning/fabric/utilities/apply_func.py, src/lightning/fabric/utilities/data.py, src/lightning/fabric/utilities/device_parser.py, src/lightning/fabric/utilities/logger.py, src/lightning/fabric/utilities/rank_zero.py, src/lightning/fabric/utilities/seed.py, src/lightning/fabric/wrappers.py, src/lightning_fabric/MANIFEST.in, src/lightning_fabric/__setup__.py, src/lightning_fabric/py.typed, docs/source-fabric/glossary/index.rst, docs/source-fabric/guide/multi_node/cloud.rst, docs/source-fabric/links.rst, requirements/docs.txt, requirements/fabric/base.txt, requirements/fabric/devel.txt, requirements/fabric/examples.txt, requirements/fabric/strategies.txt, requirements/fabric/test.txt, setup.py, pyproject.toml.

🟢 pytorch_lightning: Docs
Check ID Status
make-doctest (pytorch) success
make-html (pytorch) success

These checks are required after the changes to src/lightning/pytorch/_graveyard/legacy_import_unpickler.py, src/lightning/pytorch/accelerators/cpu.py, src/lightning/pytorch/accelerators/cuda.py, src/lightning/pytorch/accelerators/ipu.py, src/lightning/pytorch/accelerators/mps.py, src/lightning/pytorch/accelerators/tpu.py, src/lightning/pytorch/callbacks/batch_size_finder.py, src/lightning/pytorch/callbacks/callback.py, src/lightning/pytorch/callbacks/checkpoint.py, src/lightning/pytorch/callbacks/device_stats_monitor.py, src/lightning/pytorch/callbacks/early_stopping.py, src/lightning/pytorch/callbacks/finetuning.py, src/lightning/pytorch/callbacks/gradient_accumulation_scheduler.py, src/lightning/pytorch/callbacks/lambda_function.py, src/lightning/pytorch/callbacks/lr_monitor.py, src/lightning/pytorch/callbacks/model_checkpoint.py, src/lightning/pytorch/callbacks/model_summary.py, src/lightning/pytorch/callbacks/progress/progress_bar.py, src/lightning/pytorch/callbacks/progress/rich_progress.py, src/lightning/pytorch/callbacks/progress/tqdm_progress.py, src/lightning/pytorch/callbacks/pruning.py, src/lightning/pytorch/callbacks/rich_model_summary.py, src/lightning/pytorch/callbacks/stochastic_weight_avg.py, src/lightning/pytorch/callbacks/timer.py, src/lightning/pytorch/core/datamodule.py, src/lightning/pytorch/core/hooks.py, src/lightning/pytorch/core/mixins/hparams_mixin.py, src/lightning/pytorch/core/module.py, src/lightning/pytorch/core/optimizer.py, src/lightning/pytorch/core/saving.py, src/lightning/pytorch/demos/boring_classes.py, src/lightning/pytorch/demos/mnist_datamodule.py, src/lightning/pytorch/loggers/comet.py, src/lightning/pytorch/loggers/csv_logs.py, src/lightning/pytorch/loggers/mlflow.py, src/lightning/pytorch/loggers/neptune.py, src/lightning/pytorch/loggers/tensorboard.py, src/lightning/pytorch/loggers/utilities.py, src/lightning/pytorch/loggers/wandb.py, src/lightning/pytorch/loops/fetchers.py, src/lightning/pytorch/loops/optimization/automatic.py, src/lightning/pytorch/loops/optimization/closure.py, src/lightning/pytorch/loops/prediction_loop.py, src/lightning/pytorch/loops/utilities.py, src/lightning/pytorch/overrides/distributed.py, src/lightning/pytorch/plugins/io/async_plugin.py, src/lightning/pytorch/plugins/precision/fsdp.py, src/lightning/pytorch/profilers/profiler.py, src/lightning/pytorch/profilers/pytorch.py, src/lightning/pytorch/profilers/simple.py, src/lightning/pytorch/profilers/xla.py, src/lightning/pytorch/serve/servable_module.py, src/lightning/pytorch/serve/servable_module_validator.py, src/lightning/pytorch/strategies/ddp.py, src/lightning/pytorch/strategies/deepspeed.py, src/lightning/pytorch/strategies/fsdp.py, src/lightning/pytorch/strategies/hpu_parallel.py, src/lightning/pytorch/strategies/ipu.py, src/lightning/pytorch/strategies/launchers/subprocess_script.py, src/lightning/pytorch/strategies/launchers/xla.py, src/lightning/pytorch/strategies/single_device.py, src/lightning/pytorch/strategies/single_hpu.py, src/lightning/pytorch/strategies/strategy.py, src/lightning/pytorch/strategies/xla.py, src/lightning/pytorch/trainer/call.py, src/lightning/pytorch/trainer/configuration_validator.py, src/lightning/pytorch/trainer/connectors/accelerator_connector.py, src/lightning/pytorch/trainer/connectors/callback_connector.py, src/lightning/pytorch/trainer/connectors/checkpoint_connector.py, src/lightning/pytorch/trainer/connectors/data_connector.py, src/lightning/pytorch/trainer/connectors/signal_connector.py, src/lightning/pytorch/trainer/trainer.py, src/lightning/pytorch/tuner/lr_finder.py, src/lightning/pytorch/utilities/combined_loader.py, src/lightning/pytorch/utilities/data.py, src/lightning/pytorch/utilities/deepspeed.py, src/lightning/pytorch/utilities/migration/utils.py, src/lightning/pytorch/utilities/model_summary/model_summary.py, src/lightning/pytorch/utilities/parsing.py, src/lightning/pytorch/utilities/signature_utils.py, src/lightning/pytorch/utilities/testing/_runif.py, src/pytorch_lightning/__setup__.py, docs/source-pytorch/advanced/post_training_quantization.rst, docs/source-pytorch/cli/lightning_cli_expert.rst, docs/source-pytorch/cli/lightning_cli_faq.rst, docs/source-pytorch/cli/lightning_cli_intermediate.rst, docs/source-pytorch/common/index.rst, docs/source-pytorch/common/trainer.rst, docs/source-pytorch/data/data.rst, docs/source-pytorch/expertise_levels.rst, docs/source-pytorch/levels/advanced.rst, docs/source-pytorch/levels/advanced_level_15.rst, docs/source-pytorch/levels/advanced_level_16.rst, docs/source-pytorch/levels/advanced_level_17.rst, docs/source-pytorch/levels/advanced_level_18.rst, docs/source-pytorch/levels/advanced_level_19.rst, docs/source-pytorch/levels/advanced_level_21.rst, docs/source-pytorch/levels/advanced_level_22.rst, docs/source-pytorch/levels/expert.rst, docs/source-pytorch/levels/expert_level_23.rst, docs/source-pytorch/levels/expert_level_24.rst, docs/source-pytorch/levels/expert_level_27.rst, docs/source-pytorch/levels/intermediate.rst, docs/source-pytorch/levels/intermediate_level_10.rst, docs/source-pytorch/levels/intermediate_level_11.rst, docs/source-pytorch/levels/intermediate_level_12.rst, docs/source-pytorch/levels/intermediate_level_13.rst, docs/source-pytorch/levels/intermediate_level_14.rst, docs/source-pytorch/levels/intermediate_level_9.rst, docs/source-pytorch/past_versions.rst, .actions/assistant.py, .actions/pull_legacy_checkpoints.sh, requirements/docs.txt, requirements/pytorch/adjust-versions.py, requirements/pytorch/base.txt, requirements/pytorch/check-avail-strategies.py, requirements/pytorch/devel.txt, requirements/pytorch/examples.txt, requirements/pytorch/extra.txt, requirements/pytorch/strategies.txt, requirements/pytorch/test.txt, setup.py, pyproject.toml.

🟡 pytorch_lightning: Docker
Check ID Status
build-cuda (3.9, 1.11, 11.3.1) success
build-cuda (3.9, 1.12, 11.6.1) success
build-cuda (3.9, 1.13, 11.7.1) success
build-cuda (3.10, 2.0, 11.7.1) success
build-hpu (1.5.0, 1.11.0) success
build-ipu (3.9, 1.13) success
build-NGC no_status
build-pl (3.9, 1.11, 11.3.1) success
build-pl (3.9, 1.12, 11.6.1) success
build-pl (3.9, 1.13, 11.7.1) success
build-pl (3.10, 2.0, 11.7.1) success
build-xla (3.8, 1.12) no_status

These checks are required after the changes to .actions/assistant.py, .actions/pull_legacy_checkpoints.sh, .github/workflows/ci-dockers-pytorch.yml, dockers/base-cuda/Dockerfile, dockers/base-ipu/Dockerfile, dockers/base-xla/Dockerfile, dockers/base-xla/tpu_workflow_fabric.jsonnet, dockers/base-xla/tpu_workflow_pytorch.jsonnet, dockers/nvidia/Dockerfile, requirements/pytorch/adjust-versions.py, requirements/pytorch/base.txt, requirements/pytorch/check-avail-strategies.py, requirements/pytorch/devel.txt, requirements/pytorch/examples.txt, requirements/pytorch/extra.txt, requirements/pytorch/strategies.txt, requirements/pytorch/test.txt, requirements/fabric/base.txt, requirements/fabric/devel.txt, requirements/fabric/examples.txt, requirements/fabric/strategies.txt, requirements/fabric/test.txt, setup.py.

🟢 lightning_fabric: CPU workflow
Check ID Status
fabric-cpu (macOS-11, lightning, 3.8, 1.11) success
fabric-cpu (macOS-11, lightning, 3.9, 1.12) success
fabric-cpu (macOS-11, lightning, 3.10, 1.13) success
fabric-cpu (macOS-11, lightning, 3.10, 2.0) success
fabric-cpu (macOS-11, lightning, 3.8, 1.11, oldest) success
fabric-cpu (ubuntu-20.04, lightning, 3.8, 1.11) success
fabric-cpu (ubuntu-20.04, lightning, 3.9, 1.12) success
fabric-cpu (ubuntu-20.04, lightning, 3.10, 1.13) success
fabric-cpu (ubuntu-20.04, lightning, 3.10, 2.0) success
fabric-cpu (ubuntu-20.04, lightning, 3.8, 1.11, oldest) success
fabric-cpu (windows-2022, lightning, 3.8, 1.11) success
fabric-cpu (windows-2022, lightning, 3.9, 1.12) success
fabric-cpu (windows-2022, lightning, 3.10, 1.13) success
fabric-cpu (windows-2022, lightning, 3.10, 2.0) success
fabric-cpu (windows-2022, lightning, 3.8, 1.11, oldest) success
fabric-cpu (macOS-11, fabric, 3.8, 1.13) success
fabric-cpu (ubuntu-20.04, fabric, 3.8, 1.13) success
fabric-cpu (windows-2022, fabric, 3.8, 1.13) success

These checks are required after the changes to .actions/assistant.py, .actions/pull_legacy_checkpoints.sh, requirements/fabric/base.txt, requirements/fabric/devel.txt, requirements/fabric/examples.txt, requirements/fabric/strategies.txt, requirements/fabric/test.txt, src/lightning/fabric/accelerators/accelerator.py, src/lightning/fabric/accelerators/cpu.py, src/lightning/fabric/accelerators/cuda.py, src/lightning/fabric/accelerators/mps.py, src/lightning/fabric/accelerators/registry.py, src/lightning/fabric/accelerators/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/fabric.py, src/lightning/fabric/loggers/csv_logs.py, src/lightning/fabric/loggers/tensorboard.py, src/lightning/fabric/plugins/environments/slurm.py, src/lightning/fabric/plugins/precision/fsdp.py, src/lightning/fabric/plugins/precision/tpu.py, src/lightning/fabric/strategies/ddp.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/dp.py, src/lightning/fabric/strategies/fsdp.py, src/lightning/fabric/strategies/launchers/base.py, src/lightning/fabric/strategies/launchers/launcher.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/launchers/xla.py, src/lightning/fabric/strategies/registry.py, src/lightning/fabric/strategies/strategy.py, src/lightning/fabric/strategies/xla.py, src/lightning/fabric/utilities/apply_func.py, src/lightning/fabric/utilities/data.py, src/lightning/fabric/utilities/device_parser.py, src/lightning/fabric/utilities/logger.py, src/lightning/fabric/utilities/rank_zero.py, src/lightning/fabric/utilities/seed.py, src/lightning/fabric/wrappers.py, src/lightning_fabric/MANIFEST.in, src/lightning_fabric/__setup__.py, src/lightning_fabric/py.typed, tests/tests_fabric/accelerators/test_cpu.py, tests/tests_fabric/accelerators/test_cuda.py, tests/tests_fabric/accelerators/test_mps.py, tests/tests_fabric/accelerators/test_tpu.py, tests/tests_fabric/conftest.py, tests/tests_fabric/helpers/models.py, tests/tests_fabric/helpers/runif.py, tests/tests_fabric/loggers/test_csv.py, tests/tests_fabric/loggers/test_tensorboard.py, tests/tests_fabric/parity/models.py, tests/tests_fabric/parity/test_parity_ddp.py, tests/tests_fabric/parity/test_parity_simple.py, tests/tests_fabric/parity/utils.py, tests/tests_fabric/plugins/collectives/test_torch_collective.py, tests/tests_fabric/plugins/environments/test_lightning.py, tests/tests_fabric/plugins/environments/test_mpi.py, tests/tests_fabric/plugins/environments/test_slurm.py, tests/tests_fabric/plugins/precision/test_amp_integration.py, tests/tests_fabric/plugins/precision/test_double_integration.py, tests/tests_fabric/plugins/precision/test_fsdp.py, tests/tests_fabric/run_standalone_tasks.sh, tests/tests_fabric/strategies/test_ddp.py, tests/tests_fabric/strategies/test_deepspeed.py, tests/tests_fabric/strategies/test_deepspeed_integration.py, tests/tests_fabric/strategies/test_dp.py, tests/tests_fabric/strategies/test_fsdp.py, tests/tests_fabric/strategies/test_fsdp_integration.py, tests/tests_fabric/strategies/test_registry.py, tests/tests_fabric/strategies/test_single_device.py, tests/tests_fabric/test_cli.py, tests/tests_fabric/test_connector.py, tests/tests_fabric/test_fabric.py, tests/tests_fabric/test_wrappers.py, tests/tests_fabric/utilities/test_apply_func.py, tests/tests_fabric/utilities/test_data.py, tests/tests_fabric/utilities/test_device_dtype_mixin.py, tests/tests_fabric/utilities/test_device_parser.py, tests/tests_fabric/utilities/test_logger.py, tests/tests_fabric/utilities/test_rank_zero.py, tests/tests_fabric/utilities/test_seed.py, tests/tests_fabric/utilities/test_warnings.py, pyproject.toml, .github/workflows/ci-tests-fabric.yml.

🟢 lightning_fabric: Azure GPU
Check ID Status
lightning-fabric (GPUs) success

These checks are required after the changes to .actions/assistant.py, .actions/pull_legacy_checkpoints.sh, .azure/gpu-tests-fabric.yml, examples/fabric/build_your_own_trainer/run.py, examples/fabric/build_your_own_trainer/trainer.py, examples/fabric/image_classifier/train_fabric.py, examples/fabric/image_classifier/train_torch.py, examples/fabric/kfold_cv/train_fabric.py, examples/fabric/reinforcement_learning/src/loss.py, examples/fabric/reinforcement_learning/src/utils.py, examples/fabric/reinforcement_learning/train_torch.py, tests/tests_fabric/run_standalone_tasks.sh, tests/tests_pytorch/run_standalone_tests.sh, requirements/fabric/base.txt, requirements/fabric/devel.txt, requirements/fabric/examples.txt, requirements/fabric/strategies.txt, requirements/fabric/test.txt, src/lightning/__setup__.py, src/lightning/fabric/accelerators/accelerator.py, src/lightning/fabric/accelerators/cpu.py, src/lightning/fabric/accelerators/cuda.py, src/lightning/fabric/accelerators/mps.py, src/lightning/fabric/accelerators/registry.py, src/lightning/fabric/accelerators/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/fabric.py, src/lightning/fabric/loggers/csv_logs.py, src/lightning/fabric/loggers/tensorboard.py, src/lightning/fabric/plugins/environments/slurm.py, src/lightning/fabric/plugins/precision/fsdp.py, src/lightning/fabric/plugins/precision/tpu.py, src/lightning/fabric/strategies/ddp.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/dp.py, src/lightning/fabric/strategies/fsdp.py, src/lightning/fabric/strategies/launchers/base.py, src/lightning/fabric/strategies/launchers/launcher.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/launchers/xla.py, src/lightning/fabric/strategies/registry.py, src/lightning/fabric/strategies/strategy.py, src/lightning/fabric/strategies/xla.py, src/lightning/fabric/utilities/apply_func.py, src/lightning/fabric/utilities/data.py, src/lightning/fabric/utilities/device_parser.py, src/lightning/fabric/utilities/logger.py, src/lightning/fabric/utilities/rank_zero.py, src/lightning/fabric/utilities/seed.py, src/lightning/fabric/wrappers.py, src/lightning_fabric/MANIFEST.in, src/lightning_fabric/__setup__.py, src/lightning_fabric/py.typed, tests/tests_fabric/accelerators/test_cpu.py, tests/tests_fabric/accelerators/test_cuda.py, tests/tests_fabric/accelerators/test_mps.py, tests/tests_fabric/accelerators/test_tpu.py, tests/tests_fabric/conftest.py, tests/tests_fabric/helpers/models.py, tests/tests_fabric/helpers/runif.py, tests/tests_fabric/loggers/test_csv.py, tests/tests_fabric/loggers/test_tensorboard.py, tests/tests_fabric/parity/models.py, tests/tests_fabric/parity/test_parity_ddp.py, tests/tests_fabric/parity/test_parity_simple.py, tests/tests_fabric/parity/utils.py, tests/tests_fabric/plugins/collectives/test_torch_collective.py, tests/tests_fabric/plugins/environments/test_lightning.py, tests/tests_fabric/plugins/environments/test_mpi.py, tests/tests_fabric/plugins/environments/test_slurm.py, tests/tests_fabric/plugins/precision/test_amp_integration.py, tests/tests_fabric/plugins/precision/test_double_integration.py, tests/tests_fabric/plugins/precision/test_fsdp.py, tests/tests_fabric/strategies/test_ddp.py, tests/tests_fabric/strategies/test_deepspeed.py, tests/tests_fabric/strategies/test_deepspeed_integration.py, tests/tests_fabric/strategies/test_dp.py, tests/tests_fabric/strategies/test_fsdp.py, tests/tests_fabric/strategies/test_fsdp_integration.py, tests/tests_fabric/strategies/test_registry.py, tests/tests_fabric/strategies/test_single_device.py, tests/tests_fabric/test_cli.py, tests/tests_fabric/test_connector.py, tests/tests_fabric/test_fabric.py, tests/tests_fabric/test_wrappers.py, tests/tests_fabric/utilities/test_apply_func.py, tests/tests_fabric/utilities/test_data.py, tests/tests_fabric/utilities/test_device_dtype_mixin.py, tests/tests_fabric/utilities/test_device_parser.py, tests/tests_fabric/utilities/test_logger.py, tests/tests_fabric/utilities/test_rank_zero.py, tests/tests_fabric/utilities/test_seed.py, tests/tests_fabric/utilities/test_warnings.py, pyproject.toml.

🟢 lightning_app: Tests workflow
Check ID Status
app-pytest (macOS-11, lightning, 3.8, latest) success
app-pytest (macOS-11, lightning, 3.8, oldest) success
app-pytest (macOS-11, app, 3.9, latest) success
app-pytest (ubuntu-20.04, lightning, 3.8, latest) success
app-pytest (ubuntu-20.04, lightning, 3.8, oldest) success
app-pytest (ubuntu-20.04, app, 3.9, latest) success
app-pytest (windows-2022, lightning, 3.8, latest) success
app-pytest (windows-2022, lightning, 3.8, oldest) success
app-pytest (windows-2022, app, 3.8, latest) success

These checks are required after the changes to .actions/assistant.py, .actions/pull_legacy_checkpoints.sh, .github/workflows/ci-tests-app.yml, src/lightning/app/api/http_methods.py, src/lightning/app/cli/cmd_clusters.py, src/lightning/app/cli/cmd_init.py, src/lightning/app/cli/cmd_install.py, src/lightning/app/cli/cmd_pl_init.py, src/lightning/app/cli/cmd_react_ui_init.py, src/lightning/app/cli/cmd_ssh_keys.py, src/lightning/app/cli/commands/cd.py, src/lightning/app/cli/commands/cp.py, src/lightning/app/cli/commands/logs.py, src/lightning/app/cli/commands/ls.py, src/lightning/app/cli/commands/pwd.py, src/lightning/app/cli/commands/rm.py, src/lightning/app/cli/connect/app.py, src/lightning/app/cli/connect/data.py, src/lightning/app/cli/connect/maverick.py, src/lightning/app/cli/lightning_cli.py, src/lightning/app/cli/lightning_cli_create.py, src/lightning/app/cli/lightning_cli_delete.py, src/lightning/app/cli/pl-app-template/app.py, src/lightning/app/cli/pl-app-template/core/callbacks.py, src/lightning/app/cli/pl-app-template/tests/core/test_callbacks.py, src/lightning/app/cli/pl-app-template/tests/test_app.py, src/lightning/app/components/database/utilities.py, src/lightning/app/components/multi_node/base.py, src/lightning/app/components/multi_node/pytorch_spawn.py, src/lightning/app/components/serve/auto_scaler.py, src/lightning/app/components/serve/python_server.py, src/lightning/app/components/serve/streamlit.py, src/lightning/app/components/training.py, src/lightning/app/core/api.py, src/lightning/app/core/app.py, src/lightning/app/core/constants.py, src/lightning/app/core/flow.py, src/lightning/app/core/queues.py, src/lightning/app/core/work.py, src/lightning/app/frontend/just_py/just_py_base.py, src/lightning/app/frontend/panel/app_state_comm.py, src/lightning/app/frontend/panel/app_state_watcher.py, src/lightning/app/frontend/panel/panel_frontend.py, src/lightning/app/frontend/panel/panel_serve_render_fn.py, src/lightning/app/frontend/streamlit_base.py, src/lightning/app/frontend/utils.py, src/lightning/app/plugin/plugin.py, src/lightning/app/runners/backends/__init__.py, src/lightning/app/runners/backends/mp_process.py, src/lightning/app/runners/cloud.py, src/lightning/app/runners/multiprocess.py, src/lightning/app/runners/runtime_type.py, src/lightning/app/source_code/hashing.py, src/lightning/app/source_code/tar.py, src/lightning/app/storage/copier.py, src/lightning/app/storage/drive.py, src/lightning/app/storage/filesystem.py, src/lightning/app/storage/orchestrator.py, src/lightning/app/storage/path.py, src/lightning/app/storage/payload.py, src/lightning/app/testing/testing.py, src/lightning/app/utilities/app_commands.py, src/lightning/app/utilities/app_helpers.py, src/lightning/app/utilities/app_logs.py, src/lightning/app/utilities/app_status.py, src/lightning/app/utilities/cli_helpers.py, src/lightning/app/utilities/cloud.py, src/lightning/app/utilities/clusters.py, src/lightning/app/utilities/commands/base.py, src/lightning/app/utilities/component.py, src/lightning/app/utilities/data_structures.py, src/lightning/app/utilities/git.py, src/lightning/app/utilities/introspection.py, src/lightning/app/utilities/layout.py, src/lightning/app/utilities/load_app.py, src/lightning/app/utilities/log.py, src/lightning/app/utilities/login.py, src/lightning/app/utilities/name_generator.py, src/lightning/app/utilities/network.py, src/lightning/app/utilities/openapi.py, src/lightning/app/utilities/packaging/build_config.py, src/lightning/app/utilities/packaging/cloud_compute.py, src/lightning/app/utilities/packaging/docker.py, src/lightning/app/utilities/packaging/lightning_utils.py, src/lightning/app/utilities/packaging/tarfile.py, src/lightning/app/utilities/port.py, src/lightning/app/utilities/proxies.py, src/lightning/app/utilities/safe_pickle.py, src/lightning/app/utilities/scheduler.py, src/lightning/app/utilities/state.py, src/lightning/app/utilities/tracer.py, src/lightning/app/utilities/tree.py, src/lightning_app/MANIFEST.in, src/lightning_app/__setup__.py, src/lightning_app/py.typed, tests/tests_app/cli/test_cd.py, tests/tests_app/cli/test_cloud_cli.py, tests/tests_app/cli/test_cmd_apps.py, tests/tests_app/cli/test_cmd_clusters.py, tests/tests_app/cli/test_cmd_init.py, tests/tests_app/cli/test_cmd_install.py, tests/tests_app/cli/test_cmd_pl_init.py, tests/tests_app/cli/test_cmd_react_ui_init.py, tests/tests_app/cli/test_cmd_show_cluster_logs.py, tests/tests_app/cli/test_cmd_show_logs.py, tests/tests_app/cli/test_connect_data.py, tests/tests_app/cli/test_cp.py, tests/tests_app/cli/test_ls.py, tests/tests_app/cli/test_rm.py, tests/tests_app/cli/test_run_app.py, tests/tests_app/components/database/test_client_server.py, tests/tests_app/components/multi_node/test_fabric.py, tests/tests_app/components/multi_node/test_trainer.py, tests/tests_app/components/serve/test_auto_scaler.py, tests/tests_app/components/serve/test_model_inference_api.py, tests/tests_app/conftest.py, tests/tests_app/core/lightning_app/test_configure_layout.py, tests/tests_app/core/test_lightning_api.py, tests/tests_app/core/test_lightning_app.py, tests/tests_app/core/test_lightning_flow.py, tests/tests_app/core/test_lightning_work.py, tests/tests_app/core/test_queues.py, tests/tests_app/frontend/conftest.py, tests/tests_app/frontend/just_py/test_just_py.py, tests/tests_app/frontend/panel/app_panel.py, tests/tests_app/frontend/panel/test_panel_frontend.py, tests/tests_app/plugin/test_plugin.py, tests/tests_app/runners/test_cloud.py, tests/tests_app/runners/test_multiprocess.py, tests/tests_app/runners/test_runtime.py, tests/tests_app/source_code/test_local.py, tests/tests_app/source_code/test_tar.py, tests/tests_app/storage/test_copier.py, tests/tests_app/storage/test_path.py, tests/tests_app/storage/test_payload.py, tests/tests_app/structures/test_structures.py, tests/tests_app/utilities/packaging/test_cloud_compute.py, tests/tests_app/utilities/test_app_commands.py, tests/tests_app/utilities/test_app_helpers.py, tests/tests_app/utilities/test_auth.py, tests/tests_app/utilities/test_cli_helpers.py, tests/tests_app/utilities/test_cloud.py, tests/tests_app/utilities/test_exceptions.py, tests/tests_app/utilities/test_git.py, tests/tests_app/utilities/test_introspection.py, tests/tests_app/utilities/test_layout.py, tests/tests_app/utilities/test_log_helpers.py, tests/tests_app/utilities/test_network.py, tests/tests_app/utilities/test_port.py, tests/tests_app/utilities/test_proxies.py, tests/tests_app/utilities/test_secrets.py, tests/tests_app/utilities/test_state.py, tests/tests_app/utilities/test_tree.py, requirements/app/base.txt, requirements/app/cloud.txt, requirements/app/components.txt, requirements/app/devel.txt, requirements/app/test.txt, requirements/app/ui.txt, setup.py.

🟢 lightning_app: Examples
Check ID Status
app-examples (macOS-11, lightning, 3.9, latest) success
app-examples (macOS-11, lightning, 3.9, oldest) success
app-examples (macOS-11, app, 3.9, latest) success
app-examples (ubuntu-20.04, lightning, 3.9, latest) success
app-examples (ubuntu-20.04, lightning, 3.9, oldest) success
app-examples (ubuntu-20.04, app, 3.9, latest) success
app-examples (windows-2022, lightning, 3.9, latest) success
app-examples (windows-2022, lightning, 3.9, oldest) success
app-examples (windows-2022, app, 3.9, latest) success

These checks are required after the changes to .actions/assistant.py, .actions/pull_legacy_checkpoints.sh, .github/workflows/ci-examples-app.yml, src/lightning/app/api/http_methods.py, src/lightning/app/cli/cmd_clusters.py, src/lightning/app/cli/cmd_init.py, src/lightning/app/cli/cmd_install.py, src/lightning/app/cli/cmd_pl_init.py, src/lightning/app/cli/cmd_react_ui_init.py, src/lightning/app/cli/cmd_ssh_keys.py, src/lightning/app/cli/commands/cd.py, src/lightning/app/cli/commands/cp.py, src/lightning/app/cli/commands/logs.py, src/lightning/app/cli/commands/ls.py, src/lightning/app/cli/commands/pwd.py, src/lightning/app/cli/commands/rm.py, src/lightning/app/cli/connect/app.py, src/lightning/app/cli/connect/data.py, src/lightning/app/cli/connect/maverick.py, src/lightning/app/cli/lightning_cli.py, src/lightning/app/cli/lightning_cli_create.py, src/lightning/app/cli/lightning_cli_delete.py, src/lightning/app/cli/pl-app-template/app.py, src/lightning/app/cli/pl-app-template/core/callbacks.py, src/lightning/app/cli/pl-app-template/tests/core/test_callbacks.py, src/lightning/app/cli/pl-app-template/tests/test_app.py, src/lightning/app/components/database/utilities.py, src/lightning/app/components/multi_node/base.py, src/lightning/app/components/multi_node/pytorch_spawn.py, src/lightning/app/components/serve/auto_scaler.py, src/lightning/app/components/serve/python_server.py, src/lightning/app/components/serve/streamlit.py, src/lightning/app/components/training.py, src/lightning/app/core/api.py, src/lightning/app/core/app.py, src/lightning/app/core/constants.py, src/lightning/app/core/flow.py, src/lightning/app/core/queues.py, src/lightning/app/core/work.py, src/lightning/app/frontend/just_py/just_py_base.py, src/lightning/app/frontend/panel/app_state_comm.py, src/lightning/app/frontend/panel/app_state_watcher.py, src/lightning/app/frontend/panel/panel_frontend.py, src/lightning/app/frontend/panel/panel_serve_render_fn.py, src/lightning/app/frontend/streamlit_base.py, src/lightning/app/frontend/utils.py, src/lightning/app/plugin/plugin.py, src/lightning/app/runners/backends/__init__.py, src/lightning/app/runners/backends/mp_process.py, src/lightning/app/runners/cloud.py, src/lightning/app/runners/multiprocess.py, src/lightning/app/runners/runtime_type.py, src/lightning/app/source_code/hashing.py, src/lightning/app/source_code/tar.py, src/lightning/app/storage/copier.py, src/lightning/app/storage/drive.py, src/lightning/app/storage/filesystem.py, src/lightning/app/storage/orchestrator.py, src/lightning/app/storage/path.py, src/lightning/app/storage/payload.py, src/lightning/app/testing/testing.py, src/lightning/app/utilities/app_commands.py, src/lightning/app/utilities/app_helpers.py, src/lightning/app/utilities/app_logs.py, src/lightning/app/utilities/app_status.py, src/lightning/app/utilities/cli_helpers.py, src/lightning/app/utilities/cloud.py, src/lightning/app/utilities/clusters.py, src/lightning/app/utilities/commands/base.py, src/lightning/app/utilities/component.py, src/lightning/app/utilities/data_structures.py, src/lightning/app/utilities/git.py, src/lightning/app/utilities/introspection.py, src/lightning/app/utilities/layout.py, src/lightning/app/utilities/load_app.py, src/lightning/app/utilities/log.py, src/lightning/app/utilities/login.py, src/lightning/app/utilities/name_generator.py, src/lightning/app/utilities/network.py, src/lightning/app/utilities/openapi.py, src/lightning/app/utilities/packaging/build_config.py, src/lightning/app/utilities/packaging/cloud_compute.py, src/lightning/app/utilities/packaging/docker.py, src/lightning/app/utilities/packaging/lightning_utils.py, src/lightning/app/utilities/packaging/tarfile.py, src/lightning/app/utilities/port.py, src/lightning/app/utilities/proxies.py, src/lightning/app/utilities/safe_pickle.py, src/lightning/app/utilities/scheduler.py, src/lightning/app/utilities/state.py, src/lightning/app/utilities/tracer.py, src/lightning/app/utilities/tree.py, src/lightning_app/MANIFEST.in, src/lightning_app/__setup__.py, src/lightning_app/py.typed, tests/integrations_app/conftest.py, tests/integrations_app/local/test_collect_failures.py, tests/integrations_app/local/test_core_features_app.py, tests/integrations_app/local/test_custom_work_dependencies.py, tests/integrations_app/local/test_idle_timeout.py, tests/integrations_app/public/test_app_dag.py, tests/integrations_app/public/test_boring_app.py, tests/integrations_app/public/test_commands_and_api.py, tests/integrations_app/public/test_drive.py, tests/integrations_app/public/test_gradio.py, tests/integrations_app/public/test_installation_commands_app.py, tests/integrations_app/public/test_layout.py, tests/integrations_app/public/test_payload.py, tests/integrations_app/public/test_pickle_or_not.py, tests/integrations_app/public/test_quick_start.py, tests/integrations_app/public/test_scripts.py, tests/integrations_app/public/test_template_react_ui.py, tests/integrations_app/public/test_template_streamlit_ui.py, tests/integrations_app/public/test_v0_app.py, examples/app/boring/app_dynamic.py, examples/app/boring/scripts/serve.py, examples/app/dag/app.py, examples/app/dag/processing.py, examples/app/pickle_or_not/app.py, examples/app/template_streamlit_ui/app.py, requirements/app/base.txt, requirements/app/cloud.txt, requirements/app/components.txt, requirements/app/devel.txt, requirements/app/test.txt, requirements/app/ui.txt, setup.py.

🟢 lightning: Store
Check ID Status
Store.cloud (test_store Linux) success
Store.cloud (test_store Mac) success
Store.cloud (test_store Windows) success

These checks are required after the changes to src/lightning/__setup__.py, src/lightning/store/cloud_api.py, src/lightning/store/save.py, src/lightning/store/utils.py, tests/tests_cloud/conftest.py.

🟢 lightning_app: Docs
Check ID Status
make-doctest (app) success
make-html (app) success

These checks are required after the changes to .actions/assistant.py, .actions/pull_legacy_checkpoints.sh, src/lightning/app/api/http_methods.py, src/lightning/app/cli/cmd_clusters.py, src/lightning/app/cli/cmd_init.py, src/lightning/app/cli/cmd_install.py, src/lightning/app/cli/cmd_pl_init.py, src/lightning/app/cli/cmd_react_ui_init.py, src/lightning/app/cli/cmd_ssh_keys.py, src/lightning/app/cli/commands/cd.py, src/lightning/app/cli/commands/cp.py, src/lightning/app/cli/commands/logs.py, src/lightning/app/cli/commands/ls.py, src/lightning/app/cli/commands/pwd.py, src/lightning/app/cli/commands/rm.py, src/lightning/app/cli/connect/app.py, src/lightning/app/cli/connect/data.py, src/lightning/app/cli/connect/maverick.py, src/lightning/app/cli/lightning_cli.py, src/lightning/app/cli/lightning_cli_create.py, src/lightning/app/cli/lightning_cli_delete.py, src/lightning/app/cli/pl-app-template/app.py, src/lightning/app/cli/pl-app-template/core/callbacks.py, src/lightning/app/cli/pl-app-template/tests/core/test_callbacks.py, src/lightning/app/cli/pl-app-template/tests/test_app.py, src/lightning/app/components/database/utilities.py, src/lightning/app/components/multi_node/base.py, src/lightning/app/components/multi_node/pytorch_spawn.py, src/lightning/app/components/serve/auto_scaler.py, src/lightning/app/components/serve/python_server.py, src/lightning/app/components/serve/streamlit.py, src/lightning/app/components/training.py, src/lightning/app/core/api.py, src/lightning/app/core/app.py, src/lightning/app/core/constants.py, src/lightning/app/core/flow.py, src/lightning/app/core/queues.py, src/lightning/app/core/work.py, src/lightning/app/frontend/just_py/just_py_base.py, src/lightning/app/frontend/panel/app_state_comm.py, src/lightning/app/frontend/panel/app_state_watcher.py, src/lightning/app/frontend/panel/panel_frontend.py, src/lightning/app/frontend/panel/panel_serve_render_fn.py, src/lightning/app/frontend/streamlit_base.py, src/lightning/app/frontend/utils.py, src/lightning/app/plugin/plugin.py, src/lightning/app/runners/backends/__init__.py, src/lightning/app/runners/backends/mp_process.py, src/lightning/app/runners/cloud.py, src/lightning/app/runners/multiprocess.py, src/lightning/app/runners/runtime_type.py, src/lightning/app/source_code/hashing.py, src/lightning/app/source_code/tar.py, src/lightning/app/storage/copier.py, src/lightning/app/storage/drive.py, src/lightning/app/storage/filesystem.py, src/lightning/app/storage/orchestrator.py, src/lightning/app/storage/path.py, src/lightning/app/storage/payload.py, src/lightning/app/testing/testing.py, src/lightning/app/utilities/app_commands.py, src/lightning/app/utilities/app_helpers.py, src/lightning/app/utilities/app_logs.py, src/lightning/app/utilities/app_status.py, src/lightning/app/utilities/cli_helpers.py, src/lightning/app/utilities/cloud.py, src/lightning/app/utilities/clusters.py, src/lightning/app/utilities/commands/base.py, src/lightning/app/utilities/component.py, src/lightning/app/utilities/data_structures.py, src/lightning/app/utilities/git.py, src/lightning/app/utilities/introspection.py, src/lightning/app/utilities/layout.py, src/lightning/app/utilities/load_app.py, src/lightning/app/utilities/log.py, src/lightning/app/utilities/login.py, src/lightning/app/utilities/name_generator.py, src/lightning/app/utilities/network.py, src/lightning/app/utilities/openapi.py, src/lightning/app/utilities/packaging/build_config.py, src/lightning/app/utilities/packaging/cloud_compute.py, src/lightning/app/utilities/packaging/docker.py, src/lightning/app/utilities/packaging/lightning_utils.py, src/lightning/app/utilities/packaging/tarfile.py, src/lightning/app/utilities/port.py, src/lightning/app/utilities/proxies.py, src/lightning/app/utilities/safe_pickle.py, src/lightning/app/utilities/scheduler.py, src/lightning/app/utilities/state.py, src/lightning/app/utilities/tracer.py, src/lightning/app/utilities/tree.py, src/lightning_app/MANIFEST.in, src/lightning_app/__setup__.py, src/lightning_app/py.typed, docs/source-app/examples/dag/dag_from_scratch.rst, requirements/docs.txt, requirements/app/base.txt, requirements/app/cloud.txt, requirements/app/components.txt, requirements/app/devel.txt, requirements/app/test.txt, requirements/app/ui.txt, setup.py, pyproject.toml.

🟢 mypy
Check ID Status
mypy success

These checks are required after the changes to .actions/assistant.py, .actions/pull_legacy_checkpoints.sh, .github/workflows/code-checks.yml, requirements/app/base.txt, requirements/app/cloud.txt, requirements/app/components.txt, requirements/app/devel.txt, requirements/app/test.txt, requirements/app/ui.txt, requirements/fabric/base.txt, requirements/fabric/devel.txt, requirements/fabric/examples.txt, requirements/fabric/strategies.txt, requirements/fabric/test.txt, requirements/pytorch/adjust-versions.py, requirements/pytorch/base.txt, requirements/pytorch/check-avail-strategies.py, requirements/pytorch/devel.txt, requirements/pytorch/examples.txt, requirements/pytorch/extra.txt, requirements/pytorch/strategies.txt, requirements/pytorch/test.txt, requirements/typing.txt, src/lightning/__setup__.py, src/lightning/app/api/http_methods.py, src/lightning/app/cli/cmd_clusters.py, src/lightning/app/cli/cmd_init.py, src/lightning/app/cli/cmd_install.py, src/lightning/app/cli/cmd_pl_init.py, src/lightning/app/cli/cmd_react_ui_init.py, src/lightning/app/cli/cmd_ssh_keys.py, src/lightning/app/cli/commands/cd.py, src/lightning/app/cli/commands/cp.py, src/lightning/app/cli/commands/logs.py, src/lightning/app/cli/commands/ls.py, src/lightning/app/cli/commands/pwd.py, src/lightning/app/cli/commands/rm.py, src/lightning/app/cli/connect/app.py, src/lightning/app/cli/connect/data.py, src/lightning/app/cli/connect/maverick.py, src/lightning/app/cli/lightning_cli.py, src/lightning/app/cli/lightning_cli_create.py, src/lightning/app/cli/lightning_cli_delete.py, src/lightning/app/cli/pl-app-template/app.py, src/lightning/app/cli/pl-app-template/core/callbacks.py, src/lightning/app/cli/pl-app-template/tests/core/test_callbacks.py, src/lightning/app/cli/pl-app-template/tests/test_app.py, src/lightning/app/components/database/utilities.py, src/lightning/app/components/multi_node/base.py, src/lightning/app/components/multi_node/pytorch_spawn.py, src/lightning/app/components/serve/auto_scaler.py, src/lightning/app/components/serve/python_server.py, src/lightning/app/components/serve/streamlit.py, src/lightning/app/components/training.py, src/lightning/app/core/api.py, src/lightning/app/core/app.py, src/lightning/app/core/constants.py, src/lightning/app/core/flow.py, src/lightning/app/core/queues.py, src/lightning/app/core/work.py, src/lightning/app/frontend/just_py/just_py_base.py, src/lightning/app/frontend/panel/app_state_comm.py, src/lightning/app/frontend/panel/app_state_watcher.py, src/lightning/app/frontend/panel/panel_frontend.py, src/lightning/app/frontend/panel/panel_serve_render_fn.py, src/lightning/app/frontend/streamlit_base.py, src/lightning/app/frontend/utils.py, src/lightning/app/plugin/plugin.py, src/lightning/app/runners/backends/__init__.py, src/lightning/app/runners/backends/mp_process.py, src/lightning/app/runners/cloud.py, src/lightning/app/runners/multiprocess.py, src/lightning/app/runners/runtime_type.py, src/lightning/app/source_code/hashing.py, src/lightning/app/source_code/tar.py, src/lightning/app/storage/copier.py, src/lightning/app/storage/drive.py, src/lightning/app/storage/filesystem.py, src/lightning/app/storage/orchestrator.py, src/lightning/app/storage/path.py, src/lightning/app/storage/payload.py, src/lightning/app/testing/testing.py, src/lightning/app/utilities/app_commands.py, src/lightning/app/utilities/app_helpers.py, src/lightning/app/utilities/app_logs.py, src/lightning/app/utilities/app_status.py, src/lightning/app/utilities/cli_helpers.py, src/lightning/app/utilities/cloud.py, src/lightning/app/utilities/clusters.py, src/lightning/app/utilities/commands/base.py, src/lightning/app/utilities/component.py, src/lightning/app/utilities/data_structures.py, src/lightning/app/utilities/git.py, src/lightning/app/utilities/introspection.py, src/lightning/app/utilities/layout.py, src/lightning/app/utilities/load_app.py, src/lightning/app/utilities/log.py, src/lightning/app/utilities/login.py, src/lightning/app/utilities/name_generator.py, src/lightning/app/utilities/network.py, src/lightning/app/utilities/openapi.py, src/lightning/app/utilities/packaging/build_config.py, src/lightning/app/utilities/packaging/cloud_compute.py, src/lightning/app/utilities/packaging/docker.py, src/lightning/app/utilities/packaging/lightning_utils.py, src/lightning/app/utilities/packaging/tarfile.py, src/lightning/app/utilities/port.py, src/lightning/app/utilities/proxies.py, src/lightning/app/utilities/safe_pickle.py, src/lightning/app/utilities/scheduler.py, src/lightning/app/utilities/state.py, src/lightning/app/utilities/tracer.py, src/lightning/app/utilities/tree.py, src/lightning/fabric/accelerators/accelerator.py, src/lightning/fabric/accelerators/cpu.py, src/lightning/fabric/accelerators/cuda.py, src/lightning/fabric/accelerators/mps.py, src/lightning/fabric/accelerators/registry.py, src/lightning/fabric/accelerators/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/fabric.py, src/lightning/fabric/loggers/csv_logs.py, src/lightning/fabric/loggers/tensorboard.py, src/lightning/fabric/plugins/environments/slurm.py, src/lightning/fabric/plugins/precision/fsdp.py, src/lightning/fabric/plugins/precision/tpu.py, src/lightning/fabric/strategies/ddp.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/dp.py, src/lightning/fabric/strategies/fsdp.py, src/lightning/fabric/strategies/launchers/base.py, src/lightning/fabric/strategies/launchers/launcher.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/launchers/xla.py, src/lightning/fabric/strategies/registry.py, src/lightning/fabric/strategies/strategy.py, src/lightning/fabric/strategies/xla.py, src/lightning/fabric/utilities/apply_func.py, src/lightning/fabric/utilities/data.py, src/lightning/fabric/utilities/device_parser.py, src/lightning/fabric/utilities/logger.py, src/lightning/fabric/utilities/rank_zero.py, src/lightning/fabric/utilities/seed.py, src/lightning/fabric/wrappers.py, src/lightning/py.typed, src/lightning/pytorch/_graveyard/legacy_import_unpickler.py, src/lightning/pytorch/accelerators/cpu.py, src/lightning/pytorch/accelerators/cuda.py, src/lightning/pytorch/accelerators/ipu.py, src/lightning/pytorch/accelerators/mps.py, src/lightning/pytorch/accelerators/tpu.py, src/lightning/pytorch/callbacks/batch_size_finder.py, src/lightning/pytorch/callbacks/callback.py, src/lightning/pytorch/callbacks/checkpoint.py, src/lightning/pytorch/callbacks/device_stats_monitor.py, src/lightning/pytorch/callbacks/early_stopping.py, src/lightning/pytorch/callbacks/finetuning.py, src/lightning/pytorch/callbacks/gradient_accumulation_scheduler.py, src/lightning/pytorch/callbacks/lambda_function.py, src/lightning/pytorch/callbacks/lr_monitor.py, src/lightning/pytorch/callbacks/model_checkpoint.py, src/lightning/pytorch/callbacks/model_summary.py, src/lightning/pytorch/callbacks/progress/progress_bar.py, src/lightning/pytorch/callbacks/progress/rich_progress.py, src/lightning/pytorch/callbacks/progress/tqdm_progress.py, src/lightning/pytorch/callbacks/pruning.py, src/lightning/pytorch/callbacks/rich_model_summary.py, src/lightning/pytorch/callbacks/stochastic_weight_avg.py, src/lightning/pytorch/callbacks/timer.py, src/lightning/pytorch/core/datamodule.py, src/lightning/pytorch/core/hooks.py, src/lightning/pytorch/core/mixins/hparams_mixin.py, src/lightning/pytorch/core/module.py, src/lightning/pytorch/core/optimizer.py, src/lightning/pytorch/core/saving.py, src/lightning/pytorch/demos/boring_classes.py, src/lightning/pytorch/demos/mnist_datamodule.py, src/lightning/pytorch/loggers/comet.py, src/lightning/pytorch/loggers/csv_logs.py, src/lightning/pytorch/loggers/mlflow.py, src/lightning/pytorch/loggers/neptune.py, src/lightning/pytorch/loggers/tensorboard.py, src/lightning/pytorch/loggers/utilities.py, src/lightning/pytorch/loggers/wandb.py, src/lightning/pytorch/loops/fetchers.py, src/lightning/pytorch/loops/optimization/automatic.py, src/lightning/pytorch/loops/optimization/closure.py, src/lightning/pytorch/loops/prediction_loop.py, src/lightning/pytorch/loops/utilities.py, src/lightning/pytorch/overrides/distributed.py, src/lightning/pytorch/plugins/io/async_plugin.py, src/lightning/pytorch/plugins/precision/fsdp.py, src/lightning/pytorch/profilers/profiler.py, src/lightning/pytorch/profilers/pytorch.py, src/lightning/pytorch/profilers/simple.py, src/lightning/pytorch/profilers/xla.py, src/lightning/pytorch/serve/servable_module.py, src/lightning/pytorch/serve/servable_module_validator.py, src/lightning/pytorch/strategies/ddp.py, src/lightning/pytorch/strategies/deepspeed.py, src/lightning/pytorch/strategies/fsdp.py, src/lightning/pytorch/strategies/hpu_parallel.py, src/lightning/pytorch/strategies/ipu.py, src/lightning/pytorch/strategies/launchers/subprocess_script.py, src/lightning/pytorch/strategies/launchers/xla.py, src/lightning/pytorch/strategies/single_device.py, src/lightning/pytorch/strategies/single_hpu.py, src/lightning/pytorch/strategies/strategy.py, src/lightning/pytorch/strategies/xla.py, src/lightning/pytorch/trainer/call.py, src/lightning/pytorch/trainer/configuration_validator.py, src/lightning/pytorch/trainer/connectors/accelerator_connector.py, src/lightning/pytorch/trainer/connectors/callback_connector.py, src/lightning/pytorch/trainer/connectors/checkpoint_connector.py, src/lightning/pytorch/trainer/connectors/data_connector.py, src/lightning/pytorch/trainer/connectors/signal_connector.py, src/lightning/pytorch/trainer/trainer.py, src/lightning/pytorch/tuner/lr_finder.py, src/lightning/pytorch/utilities/combined_loader.py, src/lightning/pytorch/utilities/data.py, src/lightning/pytorch/utilities/deepspeed.py, src/lightning/pytorch/utilities/migration/utils.py, src/lightning/pytorch/utilities/model_summary/model_summary.py, src/lightning/pytorch/utilities/parsing.py, src/lightning/pytorch/utilities/signature_utils.py, src/lightning/pytorch/utilities/testing/_runif.py, src/lightning/store/cloud_api.py, src/lightning/store/save.py, src/lightning/store/utils.py, src/lightning_app/MANIFEST.in, src/lightning_app/__setup__.py, src/lightning_app/py.typed, src/lightning_fabric/MANIFEST.in, src/lightning_fabric/__setup__.py, src/lightning_fabric/py.typed, src/pytorch_lightning/__setup__.py, pyproject.toml.

🟢 install
Check ID Status
install-pkg (ubuntu-22.04, app, 3.8) success
install-pkg (ubuntu-22.04, app, 3.10) success
install-pkg (ubuntu-22.04, fabric, 3.8) success
install-pkg (ubuntu-22.04, fabric, 3.10) success
install-pkg (ubuntu-22.04, pytorch, 3.8) success
install-pkg (ubuntu-22.04, pytorch, 3.10) success
install-pkg (ubuntu-22.04, lightning, 3.8) success
install-pkg (ubuntu-22.04, lightning, 3.10) success
install-pkg (ubuntu-22.04, notset, 3.8) success
install-pkg (ubuntu-22.04, notset, 3.10) success
install-pkg (macOS-12, app, 3.8) success
install-pkg (macOS-12, app, 3.10) success
install-pkg (macOS-12, fabric, 3.8) success
install-pkg (macOS-12, fabric, 3.10) success
install-pkg (macOS-12, pytorch, 3.8) success
install-pkg (macOS-12, pytorch, 3.10) success
install-pkg (macOS-12, lightning, 3.8) success
install-pkg (macOS-12, lightning, 3.10) success
install-pkg (macOS-12, notset, 3.8) success
install-pkg (macOS-12, notset, 3.10) success
install-pkg (windows-2022, app, 3.8) success
install-pkg (windows-2022, app, 3.10) success
install-pkg (windows-2022, fabric, 3.8) success
install-pkg (windows-2022, fabric, 3.10) success
install-pkg (windows-2022, pytorch, 3.8) success
install-pkg (windows-2022, pytorch, 3.10) success
install-pkg (windows-2022, lightning, 3.8) success
install-pkg (windows-2022, lightning, 3.10) success
install-pkg (windows-2022, notset, 3.8) success
install-pkg (windows-2022, notset, 3.10) success

These checks are required after the changes to .actions/assistant.py, .actions/pull_legacy_checkpoints.sh, setup.py, src/lightning/__setup__.py, src/lightning/app/api/http_methods.py, src/lightning/app/cli/cmd_clusters.py, src/lightning/app/cli/cmd_init.py, src/lightning/app/cli/cmd_install.py, src/lightning/app/cli/cmd_pl_init.py, src/lightning/app/cli/cmd_react_ui_init.py, src/lightning/app/cli/cmd_ssh_keys.py, src/lightning/app/cli/commands/cd.py, src/lightning/app/cli/commands/cp.py, src/lightning/app/cli/commands/logs.py, src/lightning/app/cli/commands/ls.py, src/lightning/app/cli/commands/pwd.py, src/lightning/app/cli/commands/rm.py, src/lightning/app/cli/connect/app.py, src/lightning/app/cli/connect/data.py, src/lightning/app/cli/connect/maverick.py, src/lightning/app/cli/lightning_cli.py, src/lightning/app/cli/lightning_cli_create.py, src/lightning/app/cli/lightning_cli_delete.py, src/lightning/app/cli/pl-app-template/app.py, src/lightning/app/cli/pl-app-template/core/callbacks.py, src/lightning/app/cli/pl-app-template/tests/core/test_callbacks.py, src/lightning/app/cli/pl-app-template/tests/test_app.py, src/lightning/app/components/database/utilities.py, src/lightning/app/components/multi_node/base.py, src/lightning/app/components/multi_node/pytorch_spawn.py, src/lightning/app/components/serve/auto_scaler.py, src/lightning/app/components/serve/python_server.py, src/lightning/app/components/serve/streamlit.py, src/lightning/app/components/training.py, src/lightning/app/core/api.py, src/lightning/app/core/app.py, src/lightning/app/core/constants.py, src/lightning/app/core/flow.py, src/lightning/app/core/queues.py, src/lightning/app/core/work.py, src/lightning/app/frontend/just_py/just_py_base.py, src/lightning/app/frontend/panel/app_state_comm.py, src/lightning/app/frontend/panel/app_state_watcher.py, src/lightning/app/frontend/panel/panel_frontend.py, src/lightning/app/frontend/panel/panel_serve_render_fn.py, src/lightning/app/frontend/streamlit_base.py, src/lightning/app/frontend/utils.py, src/lightning/app/plugin/plugin.py, src/lightning/app/runners/backends/__init__.py, src/lightning/app/runners/backends/mp_process.py, src/lightning/app/runners/cloud.py, src/lightning/app/runners/multiprocess.py, src/lightning/app/runners/runtime_type.py, src/lightning/app/source_code/hashing.py, src/lightning/app/source_code/tar.py, src/lightning/app/storage/copier.py, src/lightning/app/storage/drive.py, src/lightning/app/storage/filesystem.py, src/lightning/app/storage/orchestrator.py, src/lightning/app/storage/path.py, src/lightning/app/storage/payload.py, src/lightning/app/testing/testing.py, src/lightning/app/utilities/app_commands.py, src/lightning/app/utilities/app_helpers.py, src/lightning/app/utilities/app_logs.py, src/lightning/app/utilities/app_status.py, src/lightning/app/utilities/cli_helpers.py, src/lightning/app/utilities/cloud.py, src/lightning/app/utilities/clusters.py, src/lightning/app/utilities/commands/base.py, src/lightning/app/utilities/component.py, src/lightning/app/utilities/data_structures.py, src/lightning/app/utilities/git.py, src/lightning/app/utilities/introspection.py, src/lightning/app/utilities/layout.py, src/lightning/app/utilities/load_app.py, src/lightning/app/utilities/log.py, src/lightning/app/utilities/login.py, src/lightning/app/utilities/name_generator.py, src/lightning/app/utilities/network.py, src/lightning/app/utilities/openapi.py, src/lightning/app/utilities/packaging/build_config.py, src/lightning/app/utilities/packaging/cloud_compute.py, src/lightning/app/utilities/packaging/docker.py, src/lightning/app/utilities/packaging/lightning_utils.py, src/lightning/app/utilities/packaging/tarfile.py, src/lightning/app/utilities/port.py, src/lightning/app/utilities/proxies.py, src/lightning/app/utilities/safe_pickle.py, src/lightning/app/utilities/scheduler.py, src/lightning/app/utilities/state.py, src/lightning/app/utilities/tracer.py, src/lightning/app/utilities/tree.py, src/lightning/fabric/accelerators/accelerator.py, src/lightning/fabric/accelerators/cpu.py, src/lightning/fabric/accelerators/cuda.py, src/lightning/fabric/accelerators/mps.py, src/lightning/fabric/accelerators/registry.py, src/lightning/fabric/accelerators/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/fabric.py, src/lightning/fabric/loggers/csv_logs.py, src/lightning/fabric/loggers/tensorboard.py, src/lightning/fabric/plugins/environments/slurm.py, src/lightning/fabric/plugins/precision/fsdp.py, src/lightning/fabric/plugins/precision/tpu.py, src/lightning/fabric/strategies/ddp.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/dp.py, src/lightning/fabric/strategies/fsdp.py, src/lightning/fabric/strategies/launchers/base.py, src/lightning/fabric/strategies/launchers/launcher.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/launchers/xla.py, src/lightning/fabric/strategies/registry.py, src/lightning/fabric/strategies/strategy.py, src/lightning/fabric/strategies/xla.py, src/lightning/fabric/utilities/apply_func.py, src/lightning/fabric/utilities/data.py, src/lightning/fabric/utilities/device_parser.py, src/lightning/fabric/utilities/logger.py, src/lightning/fabric/utilities/rank_zero.py, src/lightning/fabric/utilities/seed.py, src/lightning/fabric/wrappers.py, src/lightning/py.typed, src/lightning/pytorch/_graveyard/legacy_import_unpickler.py, src/lightning/pytorch/accelerators/cpu.py, src/lightning/pytorch/accelerators/cuda.py, src/lightning/pytorch/accelerators/ipu.py, src/lightning/pytorch/accelerators/mps.py, src/lightning/pytorch/accelerators/tpu.py, src/lightning/pytorch/callbacks/batch_size_finder.py, src/lightning/pytorch/callbacks/callback.py, src/lightning/pytorch/callbacks/checkpoint.py, src/lightning/pytorch/callbacks/device_stats_monitor.py, src/lightning/pytorch/callbacks/early_stopping.py, src/lightning/pytorch/callbacks/finetuning.py, src/lightning/pytorch/callbacks/gradient_accumulation_scheduler.py, src/lightning/pytorch/callbacks/lambda_function.py, src/lightning/pytorch/callbacks/lr_monitor.py, src/lightning/pytorch/callbacks/model_checkpoint.py, src/lightning/pytorch/callbacks/model_summary.py, src/lightning/pytorch/callbacks/progress/progress_bar.py, src/lightning/pytorch/callbacks/progress/rich_progress.py, src/lightning/pytorch/callbacks/progress/tqdm_progress.py, src/lightning/pytorch/callbacks/pruning.py, src/lightning/pytorch/callbacks/rich_model_summary.py, src/lightning/pytorch/callbacks/stochastic_weight_avg.py, src/lightning/pytorch/callbacks/timer.py, src/lightning/pytorch/core/datamodule.py, src/lightning/pytorch/core/hooks.py, src/lightning/pytorch/core/mixins/hparams_mixin.py, src/lightning/pytorch/core/module.py, src/lightning/pytorch/core/optimizer.py, src/lightning/pytorch/core/saving.py, src/lightning/pytorch/demos/boring_classes.py, src/lightning/pytorch/demos/mnist_datamodule.py, src/lightning/pytorch/loggers/comet.py, src/lightning/pytorch/loggers/csv_logs.py, src/lightning/pytorch/loggers/mlflow.py, src/lightning/pytorch/loggers/neptune.py, src/lightning/pytorch/loggers/tensorboard.py, src/lightning/pytorch/loggers/utilities.py, src/lightning/pytorch/loggers/wandb.py, src/lightning/pytorch/loops/fetchers.py, src/lightning/pytorch/loops/optimization/automatic.py, src/lightning/pytorch/loops/optimization/closure.py, src/lightning/pytorch/loops/prediction_loop.py, src/lightning/pytorch/loops/utilities.py, src/lightning/pytorch/overrides/distributed.py, src/lightning/pytorch/plugins/io/async_plugin.py, src/lightning/pytorch/plugins/precision/fsdp.py, src/lightning/pytorch/profilers/profiler.py, src/lightning/pytorch/profilers/pytorch.py, src/lightning/pytorch/profilers/simple.py, src/lightning/pytorch/profilers/xla.py, src/lightning/pytorch/serve/servable_module.py, src/lightning/pytorch/serve/servable_module_validator.py, src/lightning/pytorch/strategies/ddp.py, src/lightning/pytorch/strategies/deepspeed.py, src/lightning/pytorch/strategies/fsdp.py, src/lightning/pytorch/strategies/hpu_parallel.py, src/lightning/pytorch/strategies/ipu.py, src/lightning/pytorch/strategies/launchers/subprocess_script.py, src/lightning/pytorch/strategies/launchers/xla.py, src/lightning/pytorch/strategies/single_device.py, src/lightning/pytorch/strategies/single_hpu.py, src/lightning/pytorch/strategies/strategy.py, src/lightning/pytorch/strategies/xla.py, src/lightning/pytorch/trainer/call.py, src/lightning/pytorch/trainer/configuration_validator.py, src/lightning/pytorch/trainer/connectors/accelerator_connector.py, src/lightning/pytorch/trainer/connectors/callback_connector.py, src/lightning/pytorch/trainer/connectors/checkpoint_connector.py, src/lightning/pytorch/trainer/connectors/data_connector.py, src/lightning/pytorch/trainer/connectors/signal_connector.py, src/lightning/pytorch/trainer/trainer.py, src/lightning/pytorch/tuner/lr_finder.py, src/lightning/pytorch/utilities/combined_loader.py, src/lightning/pytorch/utilities/data.py, src/lightning/pytorch/utilities/deepspeed.py, src/lightning/pytorch/utilities/migration/utils.py, src/lightning/pytorch/utilities/model_summary/model_summary.py, src/lightning/pytorch/utilities/parsing.py, src/lightning/pytorch/utilities/signature_utils.py, src/lightning/pytorch/utilities/testing/_runif.py, src/lightning/store/cloud_api.py, src/lightning/store/save.py, src/lightning/store/utils.py, src/lightning_app/MANIFEST.in, src/lightning_app/__setup__.py, src/lightning_app/py.typed, src/lightning_fabric/MANIFEST.in, src/lightning_fabric/__setup__.py, src/lightning_fabric/py.typed, src/pytorch_lightning/__setup__.py, requirements/app/base.txt, requirements/app/cloud.txt, requirements/app/components.txt, requirements/app/devel.txt, requirements/app/test.txt, requirements/app/ui.txt, requirements/fabric/base.txt, requirements/fabric/devel.txt, requirements/fabric/examples.txt, requirements/fabric/strategies.txt, requirements/fabric/test.txt, requirements/pytorch/adjust-versions.py, requirements/pytorch/base.txt, requirements/pytorch/check-avail-strategies.py, requirements/pytorch/devel.txt, requirements/pytorch/examples.txt, requirements/pytorch/extra.txt, requirements/pytorch/strategies.txt, requirements/pytorch/test.txt, requirements/typing.txt.

🟢 link-check
Check ID Status
check-md-links / markdown-link-check success

These checks are required after the changes to README.md, SECURITY.md, requirements/README.md, src/lightning/app/CHANGELOG.md, src/lightning/fabric/CHANGELOG.md, src/lightning/pytorch/CHANGELOG.md, tests/README.md.


Thank you for your contribution! 💜

Note
This comment is automatically generated and updates for 60 minutes every 180 seconds. If you have any other questions, contact carmocca for help.

@Borda Borda changed the title Patch release for stable [wip] Patch release for stable [rebase & merge] Apr 24, 2023
@Borda Borda changed the title Patch release for stable [rebase & merge] Patch release for stable [wip] Apr 24, 2023
@Borda Borda force-pushed the releasing/stable-next branch 4 times, most recently from 15cb179 to 5bf21a0 Compare April 26, 2023 18:17
@Borda Borda self-assigned this Apr 27, 2023
@Borda Borda force-pushed the releasing/stable-next branch 2 times, most recently from 82b4628 to beddb1f Compare April 27, 2023 19:10
Copy link
Collaborator

@lantiga lantiga left a comment

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Can we also add updating the starlette dependency since it has a vulnerability?

@Borda Borda force-pushed the releasing/stable-next branch from a3bdc1b to b314ee8 Compare May 9, 2023 17:00
@Borda Borda requested a review from lantiga May 9, 2023 17:16
@codecov
Copy link

codecov bot commented Jun 1, 2023

Codecov Report

Merging #17459 (e3510e2) into release/stable (ccf947c) will increase coverage by 1%.
The diff coverage is 65%.

❗ Current head e3510e2 differs from pull request most recent head 4b37cd7. Consider uploading reports for the commit 4b37cd7 to get more accurate results

Additional details and impacted files
@@               Coverage Diff                @@
##           release/stable   #17459    +/-   ##
================================================
+ Coverage              82%      83%    +1%     
================================================
  Files                 419      419            
  Lines               31750    31687    -63     
================================================
+ Hits                25951    26320   +369     
+ Misses               5799     5367   -432     

@lantiga lantiga force-pushed the releasing/stable-next branch from a34f524 to 4083803 Compare June 1, 2023 13:55
@Borda Borda force-pushed the releasing/stable-next branch from 3004a92 to 9799cde Compare June 1, 2023 15:04
edenlightning and others added 8 commits June 2, 2023 12:07
(cherry picked from commit e470997)
* fix: get project

* test

* fix tests

* fix tests

* [pre-commit.ci] auto fixes from pre-commit.com hooks

for more information, see https://pre-commit.ci

---------

Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>
(cherry picked from commit 266a4f1)
Co-authored-by: awaelchli <aedu.waelchli@gmail.com>

(cherry picked from commit cbc536a)
…>=4.18.0,<4.22.0 in /requirements (#17633)

Co-authored-by: dependabot[bot] <49699333+dependabot[bot]@users.noreply.github.com>
(cherry picked from commit ca83a46)
…/requirements (#17630)

Co-authored-by: dependabot[bot] <49699333+dependabot[bot]@users.noreply.github.com>
(cherry picked from commit deb7046)
Co-authored-by: bas <bas.krahmer@talentflyxpert.com>
(cherry picked from commit a37f5a5)
@Borda Borda force-pushed the releasing/stable-next branch from 32001e8 to b7b201c Compare June 2, 2023 10:08
Borda and others added 14 commits June 2, 2023 12:57
(cherry picked from commit 61246c3)
…16222)

Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>
Co-authored-by: Jirka <jirka.borovec@seznam.cz>
Co-authored-by: Jirka Borovec <6035284+Borda@users.noreply.github.com>
Co-authored-by: Adrian Wälchli <aedu.waelchli@gmail.com>

(cherry picked from commit 4d5df5f)
…0 in /requirements (#17674)

Co-authored-by: dependabot[bot] <49699333+dependabot[bot]@users.noreply.github.com>
(cherry picked from commit 52257a9)
Co-authored-by: Adrian Wälchli <aedu.waelchli@gmail.com>
(cherry picked from commit a209f8b)
….15.2 in /requirements (#17714)

Update torchvision requirement in /requirements

Updates the requirements on [torchvision](https://github.com/pytorch/vision) to permit the latest version.
- [Release notes](https://github.com/pytorch/vision/releases)
- [Commits](pytorch/vision@v0.12.0...v0.15.2)

---
updated-dependencies:
- dependency-name: torchvision
  dependency-type: direct:production
...

Signed-off-by: dependabot[bot] <support@github.com>
Co-authored-by: dependabot[bot] <49699333+dependabot[bot]@users.noreply.github.com>
Co-authored-by: Jirka Borovec <6035284+Borda@users.noreply.github.com>
(cherry picked from commit 7cba951)
Co-authored-by: dependabot[bot] <49699333+dependabot[bot]@users.noreply.github.com>
(cherry picked from commit dff46e6)
…equirements (#17632)

Co-authored-by: dependabot[bot] <49699333+dependabot[bot]@users.noreply.github.com>
(cherry picked from commit 614a299)
…/requirements (#17631)

Co-authored-by: dependabot[bot] <49699333+dependabot[bot]@users.noreply.github.com>
(cherry picked from commit bd53b03)
Co-authored-by: Carlos Mocholí <carlossmocholi@gmail.com>
Co-authored-by: Adrian Wälchli <aedu.waelchli@gmail.com>

(cherry picked from commit c3ad756)
Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>

(cherry picked from commit 53815e6)
Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>
Co-authored-by: awaelchli <aedu.waelchli@gmail.com>
(cherry picked from commit 1307b60)
@Borda Borda changed the title Patch release for stable [wip] Patch release for stable [rebase & merge] Jun 2, 2023
@lantiga lantiga merged commit 4a884d2 into release/stable Jun 2, 2023
@lantiga lantiga deleted the releasing/stable-next branch June 2, 2023 14:13
@mergify mergify bot added the ready PRs ready to be merged label Jun 2, 2023
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment

Labels

app (removed) Generic label for Lightning App package ci Continuous Integration fabric lightning.fabric.Fabric pl Generic label for PyTorch Lightning package ready PRs ready to be merged release

Projects

None yet

Development

Successfully merging this pull request may close these issues.