Skip to content

Conversation

@Borda
Copy link
Collaborator

@Borda Borda commented Feb 14, 2025

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

📚 Documentation preview 📚: https://pytorch-lightning--20589.org.readthedocs.build/en/20589/

withbest and others added 12 commits February 14, 2025 17:56
Signed-off-by: withbest <[email protected].>
(cherry picked from commit afe5708)
(cherry picked from commit efe311c)
When loading a pytorch-lightning model from MLFlow, I get `TypeError: Type parameter +_R_co without a default follows type parameter with a default`.  This happens whenever doing `import pytorch_lightning as pl` which is done by packages like MLFlow.

Co-authored-by: Jirka Borovec <[email protected]>
Co-authored-by: Luca Antiga <[email protected]>
(cherry picked from commit ee7fa43)
* Fix TBPTT example

* Make example self-contained

* Update imports

* Add test

(cherry picked from commit 76f0c54)
Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>
Co-authored-by: Jirka Borovec <[email protected]>
Co-authored-by: Jirka B <[email protected]>
(cherry picked from commit 1b26ac4)
* test: flaky terminated with signal SIGABRT

* str

(cherry picked from commit a944e77)
* Update twine to 6.0.1 for Python 3.13

* Pin pkginfo

* Go with twine 6.0.1

(cherry picked from commit 711abb4)
Bumps [Lightning-AI/utilities](https://github.com/lightning-ai/utilities) from 0.11.9 to 0.12.0.
- [Release notes](https://github.com/lightning-ai/utilities/releases)
- [Changelog](https://github.com/Lightning-AI/utilities/blob/main/CHANGELOG.md)
- [Commits](Lightning-AI/utilities@v0.11.9...v0.12.0)

---
updated-dependencies:
- dependency-name: Lightning-AI/utilities
  dependency-type: direct:production
  update-type: version-update:semver-minor
...

Signed-off-by: dependabot[bot] <[email protected]>
Co-authored-by: dependabot[bot] <49699333+dependabot[bot]@users.noreply.github.com>
(cherry picked from commit ea59e40)
(cherry picked from commit 9afcc58)
@Borda
Copy link
Collaborator Author

Borda commented Feb 14, 2025

would need also #20509

@github-actions github-actions bot added docs Documentation related ci Continuous Integration release fabric lightning.fabric.Fabric pl Generic label for PyTorch Lightning package dependencies Pull requests that update a dependency file package data labels Feb 14, 2025
@github-actions
Copy link
Contributor

github-actions bot commented Feb 14, 2025

⚡ Required checks status: All passing 🟢

Groups summary

🟢 pytorch_lightning: Tests workflow
Check ID Status
pl-cpu-guardian success

These checks are required after the changes to .github/workflows/ci-tests-pytorch.yml, requirements/fabric/base.txt, requirements/fabric/strategies.txt, src/lightning/fabric/_graveyard/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/plugins/environments/kubeflow.py, src/lightning/fabric/plugins/precision/bitsandbytes.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/launchers/multiprocessing.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/model_parallel.py, src/lightning/fabric/utilities/imports.py, src/lightning/fabric/utilities/logger.py, src/lightning_fabric/__setup__.py, requirements/pytorch/base.txt, requirements/pytorch/extra.txt, src/lightning/pytorch/callbacks/early_stopping.py, src/lightning/pytorch/callbacks/stochastic_weight_avg.py, src/lightning/pytorch/cli.py, src/lightning/pytorch/core/module.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/utilities.py, src/lightning/pytorch/loggers/wandb.py, src/lightning/pytorch/loops/evaluation_loop.py, src/lightning/pytorch/plugins/precision/xla.py, src/lightning/pytorch/strategies/deepspeed.py, src/lightning/pytorch/strategies/launchers/multiprocessing.py, src/lightning/pytorch/strategies/launchers/xla.py, src/lightning/pytorch/trainer/__init__.py, src/lightning/pytorch/trainer/call.py, src/lightning/pytorch/trainer/connectors/callback_connector.py, src/lightning/pytorch/trainer/connectors/checkpoint_connector.py, src/lightning/pytorch/trainer/connectors/logger_connector/fx_validator.py, src/lightning/pytorch/trainer/connectors/logger_connector/result.py, src/lightning/pytorch/trainer/trainer.py, src/lightning/pytorch/utilities/model_helpers.py, src/lightning/pytorch/utilities/model_registry.py, src/pytorch_lightning/__setup__.py, tests/tests_pytorch/__init__.py, tests/tests_pytorch/accelerators/test_common.py, tests/tests_pytorch/accelerators/test_cpu.py, tests/tests_pytorch/accelerators/test_gpu.py, tests/tests_pytorch/accelerators/test_mps.py, tests/tests_pytorch/accelerators/test_xla.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_callback_hook_outputs.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_lambda_function.py, tests/tests_pytorch/callbacks/test_lr_monitor.py, tests/tests_pytorch/callbacks/test_prediction_writer.py, tests/tests_pytorch/callbacks/test_pruning.py, tests/tests_pytorch/callbacks/test_rich_model_summary.py, tests/tests_pytorch/callbacks/test_spike.py, tests/tests_pytorch/callbacks/test_stochastic_weight_avg.py, tests/tests_pytorch/callbacks/test_throughput_monitor.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_torch_saving.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_results.py, tests/tests_pytorch/core/test_saving.py, tests/tests_pytorch/demos/transformer.py, tests/tests_pytorch/deprecated_api/test_no_removal_version.py, tests/tests_pytorch/helpers/__init__.py, tests/tests_pytorch/helpers/advanced_models.py, tests/tests_pytorch/helpers/datamodules.py, tests/tests_pytorch/helpers/deterministic_model.py, tests/tests_pytorch/helpers/pipelines.py, tests/tests_pytorch/helpers/runif.py, tests/tests_pytorch/helpers/simple_models.py, tests/tests_pytorch/helpers/test_models.py, tests/tests_pytorch/loggers/conftest.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/optimization/test_automatic_loop.py, tests/tests_pytorch/loops/optimization/test_closure.py, tests/tests_pytorch/loops/optimization/test_manual_loop.py, tests/tests_pytorch/loops/test_all.py, tests/tests_pytorch/loops/test_evaluation_loop.py, tests/tests_pytorch/loops/test_evaluation_loop_flow.py, tests/tests_pytorch/loops/test_fetchers.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_ddp_fork_amp.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/test_all.py, tests/tests_pytorch/plugins/precision/test_amp.py, tests/tests_pytorch/plugins/precision/test_amp_integration.py, tests/tests_pytorch/plugins/precision/test_bitsandbytes.py, tests/tests_pytorch/plugins/precision/test_deepspeed_precision.py, tests/tests_pytorch/plugins/precision/test_double.py, tests/tests_pytorch/plugins/precision/test_fsdp.py, tests/tests_pytorch/plugins/precision/test_half.py, tests/tests_pytorch/plugins/precision/test_transformer_engine.py, tests/tests_pytorch/plugins/precision/test_xla.py, tests/tests_pytorch/plugins/test_amp_plugins.py, tests/tests_pytorch/plugins/test_checkpoint_io_plugin.py, tests/tests_pytorch/plugins/test_cluster_integration.py, tests/tests_pytorch/profilers/test_profiler.py, tests/tests_pytorch/profilers/test_xla_profiler.py, tests/tests_pytorch/serve/test_servable_module_validator.py, tests/tests_pytorch/strategies/launchers/test_multiprocessing.py, tests/tests_pytorch/strategies/launchers/test_subprocess_script.py, tests/tests_pytorch/strategies/test_common.py, tests/tests_pytorch/strategies/test_custom_strategy.py, tests/tests_pytorch/strategies/test_ddp.py, tests/tests_pytorch/strategies/test_ddp_integration.py, tests/tests_pytorch/strategies/test_ddp_integration_comm_hook.py, tests/tests_pytorch/strategies/test_deepspeed.py, tests/tests_pytorch/strategies/test_fsdp.py, tests/tests_pytorch/strategies/test_model_parallel.py, tests/tests_pytorch/strategies/test_model_parallel_integration.py, tests/tests_pytorch/strategies/test_registry.py, tests/tests_pytorch/strategies/test_single_device.py, tests/tests_pytorch/strategies/test_xla.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_barebones.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_distributed_logging.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_loop_logging.py, tests/tests_pytorch/trainer/logging_/test_train_loop_logging.py, tests/tests_pytorch/trainer/optimization/test_backward_calls.py, tests/tests_pytorch/trainer/optimization/test_manual_optimization.py, tests/tests_pytorch/trainer/optimization/test_multiple_optimizers.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/properties/test_log_dir.py, tests/tests_pytorch/trainer/properties/test_loggers.py, tests/tests_pytorch/trainer/test_config_validator.py, tests/tests_pytorch/trainer/test_dataloaders.py, tests/tests_pytorch/trainer/test_states.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/tuner/test_tuning.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_auto_restart.py, tests/tests_pytorch/utilities/test_combined_loader.py, tests/tests_pytorch/utilities/test_compile.py, tests/tests_pytorch/utilities/test_data.py, tests/tests_pytorch/utilities/test_deepspeed_collate_checkpoint.py, tests/tests_pytorch/utilities/test_deepspeed_model_summary.py, tests/tests_pytorch/utilities/test_dtype_device_mixin.py, tests/tests_pytorch/utilities/test_grads.py, tests/tests_pytorch/utilities/test_imports.py, tests/tests_pytorch/utilities/test_memory.py, tests/tests_pytorch/utilities/test_model_helpers.py, tests/tests_pytorch/utilities/test_model_summary.py, tests/tests_pytorch/utilities/test_parameter_tying.py, tests/tests_pytorch/utilities/test_parsing.py, tests/tests_pytorch/utilities/test_pytree.py, tests/tests_pytorch/utilities/test_seed.py, tests/tests_pytorch/utilities/test_signature_utils.py, tests/tests_pytorch/utilities/test_upgrade_checkpoint.py, tests/tests_pytorch/utilities/test_warnings.py, tests/legacy/simple_classif_training.py.

🟢 pytorch_lightning: Azure GPU
Check ID Status
pytorch-lightning (GPUs) (testing Lightning | latest) success
pytorch-lightning (GPUs) (testing PyTorch | latest) success

These checks are required after the changes to .azure/gpu-tests-pytorch.yml, examples/pytorch/basics/backbone_image_classifier.py, examples/pytorch/basics/autoencoder.py, requirements/pytorch/base.txt, requirements/pytorch/extra.txt, src/lightning/__setup__.py, src/lightning/pytorch/callbacks/early_stopping.py, src/lightning/pytorch/callbacks/stochastic_weight_avg.py, src/lightning/pytorch/cli.py, src/lightning/pytorch/core/module.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/utilities.py, src/lightning/pytorch/loggers/wandb.py, src/lightning/pytorch/loops/evaluation_loop.py, src/lightning/pytorch/plugins/precision/xla.py, src/lightning/pytorch/strategies/deepspeed.py, src/lightning/pytorch/strategies/launchers/multiprocessing.py, src/lightning/pytorch/strategies/launchers/xla.py, src/lightning/pytorch/trainer/__init__.py, src/lightning/pytorch/trainer/call.py, src/lightning/pytorch/trainer/connectors/callback_connector.py, src/lightning/pytorch/trainer/connectors/checkpoint_connector.py, src/lightning/pytorch/trainer/connectors/logger_connector/fx_validator.py, src/lightning/pytorch/trainer/connectors/logger_connector/result.py, src/lightning/pytorch/trainer/trainer.py, src/lightning/pytorch/utilities/model_helpers.py, src/lightning/pytorch/utilities/model_registry.py, src/pytorch_lightning/__setup__.py, tests/tests_pytorch/__init__.py, tests/tests_pytorch/accelerators/test_common.py, tests/tests_pytorch/accelerators/test_cpu.py, tests/tests_pytorch/accelerators/test_gpu.py, tests/tests_pytorch/accelerators/test_mps.py, tests/tests_pytorch/accelerators/test_xla.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_callback_hook_outputs.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_lambda_function.py, tests/tests_pytorch/callbacks/test_lr_monitor.py, tests/tests_pytorch/callbacks/test_prediction_writer.py, tests/tests_pytorch/callbacks/test_pruning.py, tests/tests_pytorch/callbacks/test_rich_model_summary.py, tests/tests_pytorch/callbacks/test_spike.py, tests/tests_pytorch/callbacks/test_stochastic_weight_avg.py, tests/tests_pytorch/callbacks/test_throughput_monitor.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_torch_saving.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_results.py, tests/tests_pytorch/core/test_saving.py, tests/tests_pytorch/demos/transformer.py, tests/tests_pytorch/deprecated_api/test_no_removal_version.py, tests/tests_pytorch/helpers/__init__.py, tests/tests_pytorch/helpers/advanced_models.py, tests/tests_pytorch/helpers/datamodules.py, tests/tests_pytorch/helpers/deterministic_model.py, tests/tests_pytorch/helpers/pipelines.py, tests/tests_pytorch/helpers/runif.py, tests/tests_pytorch/helpers/simple_models.py, tests/tests_pytorch/helpers/test_models.py, tests/tests_pytorch/loggers/conftest.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/optimization/test_automatic_loop.py, tests/tests_pytorch/loops/optimization/test_closure.py, tests/tests_pytorch/loops/optimization/test_manual_loop.py, tests/tests_pytorch/loops/test_all.py, tests/tests_pytorch/loops/test_evaluation_loop.py, tests/tests_pytorch/loops/test_evaluation_loop_flow.py, tests/tests_pytorch/loops/test_fetchers.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_ddp_fork_amp.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/test_all.py, tests/tests_pytorch/plugins/precision/test_amp.py, tests/tests_pytorch/plugins/precision/test_amp_integration.py, tests/tests_pytorch/plugins/precision/test_bitsandbytes.py, tests/tests_pytorch/plugins/precision/test_deepspeed_precision.py, tests/tests_pytorch/plugins/precision/test_double.py, tests/tests_pytorch/plugins/precision/test_fsdp.py, tests/tests_pytorch/plugins/precision/test_half.py, tests/tests_pytorch/plugins/precision/test_transformer_engine.py, tests/tests_pytorch/plugins/precision/test_xla.py, tests/tests_pytorch/plugins/test_amp_plugins.py, tests/tests_pytorch/plugins/test_checkpoint_io_plugin.py, tests/tests_pytorch/plugins/test_cluster_integration.py, tests/tests_pytorch/profilers/test_profiler.py, tests/tests_pytorch/profilers/test_xla_profiler.py, tests/tests_pytorch/serve/test_servable_module_validator.py, tests/tests_pytorch/strategies/launchers/test_multiprocessing.py, tests/tests_pytorch/strategies/launchers/test_subprocess_script.py, tests/tests_pytorch/strategies/test_common.py, tests/tests_pytorch/strategies/test_custom_strategy.py, tests/tests_pytorch/strategies/test_ddp.py, tests/tests_pytorch/strategies/test_ddp_integration.py, tests/tests_pytorch/strategies/test_ddp_integration_comm_hook.py, tests/tests_pytorch/strategies/test_deepspeed.py, tests/tests_pytorch/strategies/test_fsdp.py, tests/tests_pytorch/strategies/test_model_parallel.py, tests/tests_pytorch/strategies/test_model_parallel_integration.py, tests/tests_pytorch/strategies/test_registry.py, tests/tests_pytorch/strategies/test_single_device.py, tests/tests_pytorch/strategies/test_xla.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_barebones.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_distributed_logging.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_loop_logging.py, tests/tests_pytorch/trainer/logging_/test_train_loop_logging.py, tests/tests_pytorch/trainer/optimization/test_backward_calls.py, tests/tests_pytorch/trainer/optimization/test_manual_optimization.py, tests/tests_pytorch/trainer/optimization/test_multiple_optimizers.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/properties/test_log_dir.py, tests/tests_pytorch/trainer/properties/test_loggers.py, tests/tests_pytorch/trainer/test_config_validator.py, tests/tests_pytorch/trainer/test_dataloaders.py, tests/tests_pytorch/trainer/test_states.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/tuner/test_tuning.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_auto_restart.py, tests/tests_pytorch/utilities/test_combined_loader.py, tests/tests_pytorch/utilities/test_compile.py, tests/tests_pytorch/utilities/test_data.py, tests/tests_pytorch/utilities/test_deepspeed_collate_checkpoint.py, tests/tests_pytorch/utilities/test_deepspeed_model_summary.py, tests/tests_pytorch/utilities/test_dtype_device_mixin.py, tests/tests_pytorch/utilities/test_grads.py, tests/tests_pytorch/utilities/test_imports.py, tests/tests_pytorch/utilities/test_memory.py, tests/tests_pytorch/utilities/test_model_helpers.py, tests/tests_pytorch/utilities/test_model_summary.py, tests/tests_pytorch/utilities/test_parameter_tying.py, tests/tests_pytorch/utilities/test_parsing.py, tests/tests_pytorch/utilities/test_pytree.py, tests/tests_pytorch/utilities/test_seed.py, tests/tests_pytorch/utilities/test_signature_utils.py, tests/tests_pytorch/utilities/test_upgrade_checkpoint.py, tests/tests_pytorch/utilities/test_warnings.py, tests/run_standalone_tests.sh, requirements/fabric/base.txt, requirements/fabric/strategies.txt, src/lightning/fabric/_graveyard/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/plugins/environments/kubeflow.py, src/lightning/fabric/plugins/precision/bitsandbytes.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/launchers/multiprocessing.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/model_parallel.py, src/lightning/fabric/utilities/imports.py, src/lightning/fabric/utilities/logger.py, src/lightning_fabric/__setup__.py.

🟢 pytorch_lightning: Benchmarks
Check ID Status
lightning.Benchmarks success

These checks are required after the changes to .azure/gpu-benchmarks.yml, requirements/fabric/base.txt, requirements/fabric/strategies.txt, requirements/pytorch/base.txt, requirements/pytorch/extra.txt, src/lightning/fabric/_graveyard/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/plugins/environments/kubeflow.py, src/lightning/fabric/plugins/precision/bitsandbytes.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/launchers/multiprocessing.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/model_parallel.py, src/lightning/fabric/utilities/imports.py, src/lightning/fabric/utilities/logger.py, src/lightning/pytorch/callbacks/early_stopping.py, src/lightning/pytorch/callbacks/stochastic_weight_avg.py, src/lightning/pytorch/cli.py, src/lightning/pytorch/core/module.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/utilities.py, src/lightning/pytorch/loggers/wandb.py, src/lightning/pytorch/loops/evaluation_loop.py, src/lightning/pytorch/plugins/precision/xla.py, src/lightning/pytorch/strategies/deepspeed.py, src/lightning/pytorch/strategies/launchers/multiprocessing.py, src/lightning/pytorch/strategies/launchers/xla.py, src/lightning/pytorch/trainer/__init__.py, src/lightning/pytorch/trainer/call.py, src/lightning/pytorch/trainer/connectors/callback_connector.py, src/lightning/pytorch/trainer/connectors/checkpoint_connector.py, src/lightning/pytorch/trainer/connectors/logger_connector/fx_validator.py, src/lightning/pytorch/trainer/connectors/logger_connector/result.py, src/lightning/pytorch/trainer/trainer.py, src/lightning/pytorch/utilities/model_helpers.py, src/lightning/pytorch/utilities/model_registry.py, tests/parity_fabric/conftest.py, tests/parity_fabric/test_parity_ddp.py, tests/parity_fabric/test_parity_simple.py, tests/parity_fabric/utils.py, tests/parity_pytorch/__init__.py, tests/parity_pytorch/models.py, tests/parity_pytorch/test_basic_parity.py, tests/parity_pytorch/test_sync_batchnorm_parity.py.

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

These checks are required after the changes to src/lightning/fabric/_graveyard/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/plugins/environments/kubeflow.py, src/lightning/fabric/plugins/precision/bitsandbytes.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/launchers/multiprocessing.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/model_parallel.py, src/lightning/fabric/utilities/imports.py, src/lightning/fabric/utilities/logger.py, src/lightning_fabric/__setup__.py, docs/source-fabric/_templates/theme_variables.jinja, docs/source-fabric/links.rst, .github/workflows/docs-build.yml, requirements/fabric/base.txt, requirements/fabric/strategies.txt.

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

These checks are required after the changes to src/lightning/pytorch/callbacks/early_stopping.py, src/lightning/pytorch/callbacks/stochastic_weight_avg.py, src/lightning/pytorch/cli.py, src/lightning/pytorch/core/module.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/utilities.py, src/lightning/pytorch/loggers/wandb.py, src/lightning/pytorch/loops/evaluation_loop.py, src/lightning/pytorch/plugins/precision/xla.py, src/lightning/pytorch/strategies/deepspeed.py, src/lightning/pytorch/strategies/launchers/multiprocessing.py, src/lightning/pytorch/strategies/launchers/xla.py, src/lightning/pytorch/trainer/__init__.py, src/lightning/pytorch/trainer/call.py, src/lightning/pytorch/trainer/connectors/callback_connector.py, src/lightning/pytorch/trainer/connectors/checkpoint_connector.py, src/lightning/pytorch/trainer/connectors/logger_connector/fx_validator.py, src/lightning/pytorch/trainer/connectors/logger_connector/result.py, src/lightning/pytorch/trainer/trainer.py, src/lightning/pytorch/utilities/model_helpers.py, src/lightning/pytorch/utilities/model_registry.py, src/pytorch_lightning/__setup__.py, docs/source-pytorch/_templates/theme_variables.jinja, docs/source-pytorch/accelerators/accelerator_prepare.rst, docs/source-pytorch/accelerators/gpu_intermediate.rst, docs/source-pytorch/advanced/ddp_optimizations.rst, docs/source-pytorch/advanced/model_parallel/deepspeed.rst, docs/source-pytorch/common/lightning_module.rst, docs/source-pytorch/common/tbptt.rst, docs/source-pytorch/data/alternatives.rst, docs/source-pytorch/data/iterables.rst, docs/source-pytorch/links.rst, docs/source-pytorch/starter/converting.rst, docs/source-pytorch/tuning/profiler_intermediate.rst, docs/source-pytorch/versioning.rst, docs/source-pytorch/visualize/loggers.rst, .github/workflows/docs-build.yml, requirements/pytorch/base.txt, requirements/pytorch/extra.txt.

🟢 pytorch_lightning: Docker
Check ID Status
build-cuda (3.10, 2.1.2, 12.1.1) success
build-cuda (3.11, 2.2.2, 12.1.1) success
build-cuda (3.11, 2.3.1, 12.1.1) success
build-cuda (3.11, 2.4.1, 12.1.1) success
build-cuda (3.12, 2.5.1, 12.1.1) success
build-pl (3.10, 2.1, 12.1.1) success
build-pl (3.11, 2.2, 12.1.1) success
build-pl (3.11, 2.3, 12.1.1) success
build-pl (3.11, 2.4, 12.1.1) success
build-pl (3.12, 2.5, 12.1.1, true) success

These checks are required after the changes to .github/workflows/docker-build.yml, dockers/base-cuda/Dockerfile, requirements/pytorch/base.txt, requirements/pytorch/extra.txt, requirements/fabric/base.txt, requirements/fabric/strategies.txt.

🟢 lightning_fabric: CPU workflow
Check ID Status
fabric-cpu-guardian success

These checks are required after the changes to requirements/fabric/base.txt, requirements/fabric/strategies.txt, src/lightning/fabric/_graveyard/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/plugins/environments/kubeflow.py, src/lightning/fabric/plugins/precision/bitsandbytes.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/launchers/multiprocessing.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/model_parallel.py, src/lightning/fabric/utilities/imports.py, src/lightning/fabric/utilities/logger.py, src/lightning_fabric/__setup__.py, 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_registry.py, tests/tests_fabric/accelerators/test_xla.py, tests/tests_fabric/conftest.py, tests/tests_fabric/helpers/runif.py, tests/tests_fabric/loggers/test_csv.py, tests/tests_fabric/loggers/test_tensorboard.py, tests/tests_fabric/plugins/collectives/test_single_device.py, tests/tests_fabric/plugins/collectives/test_torch_collective.py, tests/tests_fabric/plugins/environments/test_kubeflow.py, tests/tests_fabric/plugins/environments/test_lightning.py, tests/tests_fabric/plugins/environments/test_lsf.py, tests/tests_fabric/plugins/environments/test_mpi.py, tests/tests_fabric/plugins/environments/test_slurm.py, tests/tests_fabric/plugins/environments/test_torchelastic.py, tests/tests_fabric/plugins/environments/test_xla.py, tests/tests_fabric/plugins/precision/test_all.py, tests/tests_fabric/plugins/precision/test_amp.py, tests/tests_fabric/plugins/precision/test_amp_integration.py, tests/tests_fabric/plugins/precision/test_bitsandbytes.py, tests/tests_fabric/plugins/precision/test_deepspeed.py, tests/tests_fabric/plugins/precision/test_deepspeed_integration.py, tests/tests_fabric/plugins/precision/test_double.py, tests/tests_fabric/plugins/precision/test_double_integration.py, tests/tests_fabric/plugins/precision/test_fsdp.py, tests/tests_fabric/plugins/precision/test_half.py, tests/tests_fabric/plugins/precision/test_transformer_engine.py, tests/tests_fabric/plugins/precision/test_utils.py, tests/tests_fabric/plugins/precision/test_xla.py, tests/tests_fabric/plugins/precision/test_xla_integration.py, tests/tests_fabric/strategies/launchers/test_multiprocessing.py, tests/tests_fabric/strategies/launchers/test_multiprocessing_integration.py, tests/tests_fabric/strategies/launchers/test_subprocess_script.py, tests/tests_fabric/strategies/test_ddp.py, tests/tests_fabric/strategies/test_ddp_integration.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_model_parallel.py, tests/tests_fabric/strategies/test_model_parallel_integration.py, tests/tests_fabric/strategies/test_single_device.py, tests/tests_fabric/strategies/test_strategy.py, tests/tests_fabric/strategies/test_xla.py, tests/tests_fabric/strategies/test_xla_fsdp.py, tests/tests_fabric/strategies/test_xla_fsdp_integration.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_cloud_io.py, tests/tests_fabric/utilities/test_consolidate_checkpoint.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_distributed.py, tests/tests_fabric/utilities/test_init.py, tests/tests_fabric/utilities/test_load.py, tests/tests_fabric/utilities/test_logger.py, tests/tests_fabric/utilities/test_optimizer.py, tests/tests_fabric/utilities/test_rank_zero.py, tests/tests_fabric/utilities/test_seed.py, tests/tests_fabric/utilities/test_spike.py, tests/tests_fabric/utilities/test_throughput.py, tests/tests_fabric/utilities/test_warnings.py, .github/workflows/ci-tests-fabric.yml.

🟢 lightning_fabric: Azure GPU
Check ID Status
lightning-fabric (GPUs) (testing Fabric | latest) success
lightning-fabric (GPUs) (testing Lightning | latest) success

These checks are required after the changes to .azure/gpu-tests-fabric.yml, examples/fabric/build_your_own_trainer/run.py, examples/fabric/build_your_own_trainer/trainer.py, examples/fabric/dcgan/train_fabric.py, examples/fabric/fp8_distributed_transformer/train.py, examples/fabric/image_classifier/train_fabric.py, examples/fabric/kfold_cv/train_fabric.py, examples/fabric/language_model/train.py, examples/fabric/meta_learning/train_fabric.py, examples/fabric/reinforcement_learning/rl/agent.py, examples/fabric/reinforcement_learning/train_fabric.py, examples/fabric/reinforcement_learning/train_fabric_decoupled.py, examples/fabric/tensor_parallel/train.py, requirements/fabric/base.txt, requirements/fabric/strategies.txt, src/lightning/__setup__.py, src/lightning/fabric/_graveyard/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/plugins/environments/kubeflow.py, src/lightning/fabric/plugins/precision/bitsandbytes.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/launchers/multiprocessing.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/model_parallel.py, src/lightning/fabric/utilities/imports.py, src/lightning/fabric/utilities/logger.py, src/lightning_fabric/__setup__.py, 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_registry.py, tests/tests_fabric/accelerators/test_xla.py, tests/tests_fabric/conftest.py, tests/tests_fabric/helpers/runif.py, tests/tests_fabric/loggers/test_csv.py, tests/tests_fabric/loggers/test_tensorboard.py, tests/tests_fabric/plugins/collectives/test_single_device.py, tests/tests_fabric/plugins/collectives/test_torch_collective.py, tests/tests_fabric/plugins/environments/test_kubeflow.py, tests/tests_fabric/plugins/environments/test_lightning.py, tests/tests_fabric/plugins/environments/test_lsf.py, tests/tests_fabric/plugins/environments/test_mpi.py, tests/tests_fabric/plugins/environments/test_slurm.py, tests/tests_fabric/plugins/environments/test_torchelastic.py, tests/tests_fabric/plugins/environments/test_xla.py, tests/tests_fabric/plugins/precision/test_all.py, tests/tests_fabric/plugins/precision/test_amp.py, tests/tests_fabric/plugins/precision/test_amp_integration.py, tests/tests_fabric/plugins/precision/test_bitsandbytes.py, tests/tests_fabric/plugins/precision/test_deepspeed.py, tests/tests_fabric/plugins/precision/test_deepspeed_integration.py, tests/tests_fabric/plugins/precision/test_double.py, tests/tests_fabric/plugins/precision/test_double_integration.py, tests/tests_fabric/plugins/precision/test_fsdp.py, tests/tests_fabric/plugins/precision/test_half.py, tests/tests_fabric/plugins/precision/test_transformer_engine.py, tests/tests_fabric/plugins/precision/test_utils.py, tests/tests_fabric/plugins/precision/test_xla.py, tests/tests_fabric/plugins/precision/test_xla_integration.py, tests/tests_fabric/strategies/launchers/test_multiprocessing.py, tests/tests_fabric/strategies/launchers/test_multiprocessing_integration.py, tests/tests_fabric/strategies/launchers/test_subprocess_script.py, tests/tests_fabric/strategies/test_ddp.py, tests/tests_fabric/strategies/test_ddp_integration.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_model_parallel.py, tests/tests_fabric/strategies/test_model_parallel_integration.py, tests/tests_fabric/strategies/test_single_device.py, tests/tests_fabric/strategies/test_strategy.py, tests/tests_fabric/strategies/test_xla.py, tests/tests_fabric/strategies/test_xla_fsdp.py, tests/tests_fabric/strategies/test_xla_fsdp_integration.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_cloud_io.py, tests/tests_fabric/utilities/test_consolidate_checkpoint.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_distributed.py, tests/tests_fabric/utilities/test_init.py, tests/tests_fabric/utilities/test_load.py, tests/tests_fabric/utilities/test_logger.py, tests/tests_fabric/utilities/test_optimizer.py, tests/tests_fabric/utilities/test_rank_zero.py, tests/tests_fabric/utilities/test_seed.py, tests/tests_fabric/utilities/test_spike.py, tests/tests_fabric/utilities/test_throughput.py, tests/tests_fabric/utilities/test_warnings.py, tests/run_standalone_tests.sh.

🟢 mypy
Check ID Status
mypy success

These checks are required after the changes to requirements/ci.txt, requirements/collect_env_details.py, requirements/fabric/base.txt, requirements/fabric/strategies.txt, requirements/pytorch/base.txt, requirements/pytorch/extra.txt, src/lightning/__setup__.py, src/lightning/fabric/_graveyard/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/plugins/environments/kubeflow.py, src/lightning/fabric/plugins/precision/bitsandbytes.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/launchers/multiprocessing.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/model_parallel.py, src/lightning/fabric/utilities/imports.py, src/lightning/fabric/utilities/logger.py, src/lightning/pytorch/callbacks/early_stopping.py, src/lightning/pytorch/callbacks/stochastic_weight_avg.py, src/lightning/pytorch/cli.py, src/lightning/pytorch/core/module.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/utilities.py, src/lightning/pytorch/loggers/wandb.py, src/lightning/pytorch/loops/evaluation_loop.py, src/lightning/pytorch/plugins/precision/xla.py, src/lightning/pytorch/strategies/deepspeed.py, src/lightning/pytorch/strategies/launchers/multiprocessing.py, src/lightning/pytorch/strategies/launchers/xla.py, src/lightning/pytorch/trainer/__init__.py, src/lightning/pytorch/trainer/call.py, src/lightning/pytorch/trainer/connectors/callback_connector.py, src/lightning/pytorch/trainer/connectors/checkpoint_connector.py, src/lightning/pytorch/trainer/connectors/logger_connector/fx_validator.py, src/lightning/pytorch/trainer/connectors/logger_connector/result.py, src/lightning/pytorch/trainer/trainer.py, src/lightning/pytorch/utilities/model_helpers.py, src/lightning/pytorch/utilities/model_registry.py, src/lightning_fabric/__setup__.py, src/pytorch_lightning/__setup__.py, src/version.info.

🟢 install
Check ID Status
install-pkg-guardian success

These checks are required after the changes to .github/workflows/ci-pkg-install.yml, src/lightning/__setup__.py, src/lightning/fabric/_graveyard/tpu.py, src/lightning/fabric/cli.py, src/lightning/fabric/connector.py, src/lightning/fabric/plugins/environments/kubeflow.py, src/lightning/fabric/plugins/precision/bitsandbytes.py, src/lightning/fabric/strategies/deepspeed.py, src/lightning/fabric/strategies/launchers/multiprocessing.py, src/lightning/fabric/strategies/launchers/subprocess_script.py, src/lightning/fabric/strategies/model_parallel.py, src/lightning/fabric/utilities/imports.py, src/lightning/fabric/utilities/logger.py, src/lightning/pytorch/callbacks/early_stopping.py, src/lightning/pytorch/callbacks/stochastic_weight_avg.py, src/lightning/pytorch/cli.py, src/lightning/pytorch/core/module.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/utilities.py, src/lightning/pytorch/loggers/wandb.py, src/lightning/pytorch/loops/evaluation_loop.py, src/lightning/pytorch/plugins/precision/xla.py, src/lightning/pytorch/strategies/deepspeed.py, src/lightning/pytorch/strategies/launchers/multiprocessing.py, src/lightning/pytorch/strategies/launchers/xla.py, src/lightning/pytorch/trainer/__init__.py, src/lightning/pytorch/trainer/call.py, src/lightning/pytorch/trainer/connectors/callback_connector.py, src/lightning/pytorch/trainer/connectors/checkpoint_connector.py, src/lightning/pytorch/trainer/connectors/logger_connector/fx_validator.py, src/lightning/pytorch/trainer/connectors/logger_connector/result.py, src/lightning/pytorch/trainer/trainer.py, src/lightning/pytorch/utilities/model_helpers.py, src/lightning/pytorch/utilities/model_registry.py, src/lightning_fabric/__setup__.py, src/pytorch_lightning/__setup__.py, src/version.info, requirements/ci.txt, requirements/collect_env_details.py, requirements/fabric/base.txt, requirements/fabric/strategies.txt, requirements/pytorch/base.txt, requirements/pytorch/extra.txt.


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.

@codecov
Copy link

codecov bot commented Feb 14, 2025

Codecov Report

Attention: Patch coverage is 65.78947% with 65 lines in your changes missing coverage. Please review.

Project coverage is 87%. Comparing base (9177ec0) to head (5400228).
Report is 43 commits behind head on release/stable.

Additional details and impacted files
@@               Coverage Diff               @@
##           release/stable   #20589   +/-   ##
===============================================
- Coverage              88%      87%   -0%     
===============================================
  Files                 267      268    +1     
  Lines               23380    23447   +67     
===============================================
+ Hits                20481    20497   +16     
- Misses               2899     2950   +51     

Borda and others added 2 commits February 15, 2025 00:00
haifeng-jin and others added 12 commits March 12, 2025 15:51
Co-authored-by: Haifeng Jin <[email protected]>
(cherry picked from commit 7bd9279)
…latency significantly. (#20594)

* Move save_hparams_to_yaml to log_hparams instead of auto save with metric
* Fix params to be optional
* Adjust test
* Fix test_csv, test_no_name

---------

Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>
(cherry picked from commit 1f5add3)
… to ensure `tensorboard` logs can sync to `wandb` (#20610)

(cherry picked from commit 93d707d)
* Add checkpoint artifact path prefix to MLflow logger

Add a new `checkpoint_artifact_path_prefix` parameter to the MLflow logger.

* Modify `src/lightning/pytorch/loggers/mlflow.py` to include the new parameter in the `MLFlowLogger` class constructor and use it in the `after_save_checkpoint` method.
* Update the documentation in `docs/source-pytorch/visualize/loggers.rst` to include the new `checkpoint_artifact_path_prefix` parameter.
* Add a new test in `tests/tests_pytorch/loggers/test_mlflow.py` to verify the functionality of the `checkpoint_artifact_path_prefix` parameter and ensure it is used in the artifact path.

* Add CHANGELOG
* Fix MLflow logger test for `checkpoint_path_prefix`
* Update stale documentation

---------

Co-authored-by: Luca Antiga <[email protected]>
(cherry picked from commit 87108d8)
* build(deps): bump Lightning-AI/utilities from 0.12.0 to 0.14.0

Bumps [Lightning-AI/utilities](https://github.com/lightning-ai/utilities) from 0.12.0 to 0.14.0.
- [Release notes](https://github.com/lightning-ai/utilities/releases)
- [Changelog](https://github.com/Lightning-AI/utilities/blob/main/CHANGELOG.md)
- [Commits](Lightning-AI/utilities@v0.12.0...v0.14.0)

---
updated-dependencies:
- dependency-name: Lightning-AI/utilities
  dependency-type: direct:production
  update-type: version-update:semver-minor
...

Signed-off-by: dependabot[bot] <[email protected]>

* Apply suggestions from code review

---------

Signed-off-by: dependabot[bot] <[email protected]>
Co-authored-by: dependabot[bot] <49699333+dependabot[bot]@users.noreply.github.com>
Co-authored-by: Jirka Borovec <[email protected]>
(cherry picked from commit d15eeff)
Update test_results.py

(cherry picked from commit 71793c6)
…if `sync_tensorboard=True` (#20611)

(cherry picked from commit a3314d4)
* Allow a custom parser class when using LightningCLI
* Update changelog

(cherry picked from commit 5073ac1)
* ci: resolve standalone testing

* faster

* merge

* printenv

* here

* list

* prune

* process

* printf

* stdout

* ./

* -e

* .coverage

* all

* rev

* notes

* notes

* notes

(cherry picked from commit e8d70bc)
* bump: testing with future torch 2.6
* bump `typing-extensions`
* TORCHINDUCTOR_CACHE_DIR
* bitsandbytes
* Apply suggestions from code review
* _TORCH_LESS_EQUAL_2_6

---------

Co-authored-by: Luca Antiga <[email protected]>
Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>
Co-authored-by: Luca Antiga <[email protected]>
(cherry picked from commit a0134d2)
japdubengsub and others added 10 commits March 18, 2025 17:08
…#20581)

Fix file extension of uploaded model checkpoints

Co-authored-by: Seppo Enarvi <[email protected]>
(cherry picked from commit 96df8c4)
---------

Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>
(cherry picked from commit 40c682e)
* Add support for handling lists of dictionaries in logging
* Apply suggestions from code review
* Update CHANGELOG.md

---------

Co-authored-by: Jirka Borovec <[email protected]>
Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>
(cherry picked from commit 7900105)
…set (#20624)

* Add test to reproduce OverflowError exception

* Don't increment batch progress in eval loop with inf max batch

* Update changelog

(cherry picked from commit 1278308)
…backs, not just one (#20191)

* test: add failing test using two callbacks
* fix: save all checkpoint callbacks to wandb
* chore: fix mypy
* chore: fix ruff

---------

Co-authored-by: Christian Gebbe <>
Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>
(cherry picked from commit bd9d114)
(cherry picked from commit eb082b2)
* build(deps): bump Lightning-AI/utilities from 0.14.0 to 0.14.1

Bumps [Lightning-AI/utilities](https://github.com/lightning-ai/utilities) from 0.14.0 to 0.14.1.
- [Release notes](https://github.com/lightning-ai/utilities/releases)
- [Changelog](https://github.com/Lightning-AI/utilities/blob/main/CHANGELOG.md)
- [Commits](Lightning-AI/utilities@v0.14.0...v0.14.1)

---
updated-dependencies:
- dependency-name: Lightning-AI/utilities
  dependency-type: direct:production
  update-type: version-update:semver-patch
...

Signed-off-by: dependabot[bot] <[email protected]>

* Apply suggestions from code review

---------

Signed-off-by: dependabot[bot] <[email protected]>
Co-authored-by: dependabot[bot] <49699333+dependabot[bot]@users.noreply.github.com>
Co-authored-by: Jirka Borovec <[email protected]>
(cherry picked from commit 2011d5a)
* Make error MLFlow deleted experiment explicit

---------

Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>
(cherry picked from commit 29ed24f)
@Borda Borda changed the title Minor path release 2.5.1 [wip] Minor path release 2.5.1 [rebase & merge] Mar 18, 2025
@lexierule lexierule merged commit 878ecf5 into release/stable Mar 18, 2025
136 checks passed
@lexierule lexierule deleted the releasing/2.5.1 branch March 18, 2025 21:08
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment

Labels

ci Continuous Integration data dependencies Pull requests that update a dependency file dockers docs Documentation related fabric lightning.fabric.Fabric package pl Generic label for PyTorch Lightning package release

Projects

None yet

Development

Successfully merging this pull request may close these issues.