From 770b7929255389503e907350e2380ff449229816 Mon Sep 17 00:00:00 2001 From: Jirka Borovec <6035284+Borda@users.noreply.github.com> Date: Mon, 6 Feb 2023 23:26:51 +0900 Subject: [PATCH] copyright Lightning AI team (#16647) * copyright Lightning AI team * more... --- .actions/assistant.py | 2 +- .codecov.yml | 2 +- .github/mergify.yml | 2 +- .pre-commit-config.yaml | 2 +- .readthedocs.yml | 2 +- dockers/base-cuda/Dockerfile | 2 +- dockers/base-ipu/Dockerfile | 2 +- dockers/base-xla/Dockerfile | 2 +- dockers/ci-runner-ipu/Dockerfile | 2 +- dockers/docs/Dockerfile | 2 +- dockers/nvidia/Dockerfile | 2 +- dockers/release/Dockerfile | 2 +- environment.yml | 2 +- examples/fabric/image_classifier/train_fabric.py | 2 +- examples/fabric/image_classifier/train_torch.py | 2 +- examples/pl_basics/autoencoder.py | 2 +- examples/pl_basics/backbone_image_classifier.py | 2 +- examples/pl_basics/profiler_example.py | 2 +- examples/pl_domain_templates/computer_vision_fine_tuning.py | 2 +- examples/pl_domain_templates/generative_adversarial_net.py | 2 +- examples/pl_domain_templates/imagenet.py | 2 +- examples/pl_domain_templates/reinforce_learn_Qnet.py | 2 +- examples/pl_domain_templates/reinforce_learn_ppo.py | 2 +- examples/pl_domain_templates/semantic_segmentation.py | 2 +- examples/pl_hpu/mnist_sample.py | 2 +- examples/pl_ipu/mnist_sample.py | 2 +- examples/run_fabric_examples.sh | 2 +- examples/run_pl_examples.sh | 2 +- pyproject.toml | 2 +- requirements/collect_env_details.py | 2 +- setup.py | 2 +- src/lightning/__about__.py | 2 +- src/lightning/app/api/http_methods.py | 2 +- src/lightning/app/api/request_types.py | 2 +- src/lightning/app/cli/cmd_apps.py | 2 +- src/lightning/app/cli/cmd_clusters.py | 2 +- src/lightning/app/cli/cmd_init.py | 2 +- src/lightning/app/cli/cmd_install.py | 2 +- src/lightning/app/cli/cmd_pl_init.py | 2 +- src/lightning/app/cli/cmd_react_ui_init.py | 2 +- src/lightning/app/cli/cmd_ssh_keys.py | 2 +- src/lightning/app/cli/commands/app_commands.py | 2 +- src/lightning/app/cli/commands/cd.py | 2 +- src/lightning/app/cli/commands/connection.py | 2 +- src/lightning/app/cli/commands/cp.py | 2 +- src/lightning/app/cli/commands/logs.py | 2 +- src/lightning/app/cli/commands/ls.py | 2 +- src/lightning/app/cli/commands/pwd.py | 2 +- src/lightning/app/cli/core.py | 2 +- src/lightning/app/cli/lightning_cli.py | 2 +- src/lightning/app/cli/lightning_cli_create.py | 2 +- src/lightning/app/cli/lightning_cli_delete.py | 2 +- src/lightning/app/cli/lightning_cli_list.py | 2 +- src/lightning/app/components/database/client.py | 2 +- src/lightning/app/components/database/server.py | 2 +- src/lightning/app/components/database/utilities.py | 2 +- src/lightning/app/components/multi_node/base.py | 2 +- src/lightning/app/components/multi_node/fabric.py | 2 +- src/lightning/app/components/multi_node/pytorch_spawn.py | 2 +- src/lightning/app/components/multi_node/trainer.py | 2 +- src/lightning/app/components/python/popen.py | 2 +- src/lightning/app/components/python/tracer.py | 2 +- src/lightning/app/components/serve/auto_scaler.py | 2 +- src/lightning/app/components/serve/cold_start_proxy.py | 2 +- src/lightning/app/components/serve/gradio_server.py | 2 +- src/lightning/app/components/serve/python_server.py | 2 +- src/lightning/app/components/serve/serve.py | 2 +- src/lightning/app/components/serve/streamlit.py | 2 +- src/lightning/app/components/serve/types/image.py | 2 +- src/lightning/app/components/serve/types/type.py | 2 +- src/lightning/app/components/training.py | 2 +- src/lightning/app/core/api.py | 2 +- src/lightning/app/core/app.py | 2 +- src/lightning/app/core/constants.py | 2 +- src/lightning/app/core/flow.py | 2 +- src/lightning/app/core/queues.py | 2 +- src/lightning/app/core/work.py | 2 +- src/lightning/app/frontend/frontend.py | 2 +- src/lightning/app/frontend/just_py/just_py.py | 2 +- src/lightning/app/frontend/just_py/just_py_base.py | 2 +- src/lightning/app/frontend/panel/app_state_comm.py | 2 +- src/lightning/app/frontend/panel/app_state_watcher.py | 2 +- src/lightning/app/frontend/panel/panel_frontend.py | 2 +- src/lightning/app/frontend/panel/panel_serve_render_fn.py | 2 +- src/lightning/app/frontend/stream_lit.py | 2 +- src/lightning/app/frontend/streamlit_base.py | 2 +- src/lightning/app/frontend/utils.py | 2 +- src/lightning/app/frontend/web.py | 2 +- src/lightning/app/perf/pdb.py | 2 +- src/lightning/app/runners/backends/backend.py | 2 +- src/lightning/app/runners/backends/cloud.py | 2 +- src/lightning/app/runners/backends/docker.py | 2 +- src/lightning/app/runners/backends/mp_process.py | 2 +- src/lightning/app/runners/cloud.py | 2 +- src/lightning/app/runners/multiprocess.py | 2 +- src/lightning/app/runners/runtime.py | 2 +- src/lightning/app/runners/runtime_type.py | 2 +- src/lightning/app/source_code/copytree.py | 2 +- src/lightning/app/source_code/hashing.py | 2 +- src/lightning/app/source_code/local.py | 2 +- src/lightning/app/source_code/tar.py | 2 +- src/lightning/app/source_code/uploader.py | 2 +- src/lightning/app/storage/copier.py | 2 +- src/lightning/app/storage/drive.py | 2 +- src/lightning/app/storage/mount.py | 2 +- src/lightning/app/storage/orchestrator.py | 2 +- src/lightning/app/storage/path.py | 2 +- src/lightning/app/storage/payload.py | 2 +- src/lightning/app/storage/requests.py | 2 +- src/lightning/app/structures/dict.py | 2 +- src/lightning/app/structures/list.py | 2 +- src/lightning/app/testing/config.py | 2 +- src/lightning/app/testing/helpers.py | 2 +- src/lightning/app/testing/testing.py | 2 +- src/lightning/app/utilities/app_commands.py | 2 +- src/lightning/app/utilities/app_helpers.py | 2 +- src/lightning/app/utilities/app_logs.py | 2 +- src/lightning/app/utilities/app_status.py | 2 +- src/lightning/app/utilities/auth.py | 2 +- src/lightning/app/utilities/cli_helpers.py | 2 +- src/lightning/app/utilities/cloud.py | 2 +- src/lightning/app/utilities/cluster_logs.py | 2 +- src/lightning/app/utilities/commands/base.py | 2 +- src/lightning/app/utilities/component.py | 2 +- src/lightning/app/utilities/data_structures.py | 2 +- src/lightning/app/utilities/dependency_caching.py | 2 +- src/lightning/app/utilities/enum.py | 2 +- src/lightning/app/utilities/exceptions.py | 2 +- src/lightning/app/utilities/frontend.py | 2 +- src/lightning/app/utilities/git.py | 2 +- src/lightning/app/utilities/imports.py | 2 +- src/lightning/app/utilities/introspection.py | 2 +- src/lightning/app/utilities/layout.py | 2 +- src/lightning/app/utilities/load_app.py | 2 +- src/lightning/app/utilities/log.py | 2 +- src/lightning/app/utilities/log_helpers.py | 2 +- src/lightning/app/utilities/login.py | 2 +- src/lightning/app/utilities/logs_socket_api.py | 2 +- src/lightning/app/utilities/name_generator.py | 2 +- src/lightning/app/utilities/network.py | 2 +- src/lightning/app/utilities/openapi.py | 2 +- src/lightning/app/utilities/packaging/app_config.py | 2 +- src/lightning/app/utilities/packaging/build_config.py | 2 +- src/lightning/app/utilities/packaging/cloud_compute.py | 2 +- src/lightning/app/utilities/packaging/docker.py | 2 +- src/lightning/app/utilities/packaging/lightning_utils.py | 2 +- src/lightning/app/utilities/packaging/tarfile.py | 2 +- src/lightning/app/utilities/port.py | 2 +- src/lightning/app/utilities/proxies.py | 2 +- src/lightning/app/utilities/redis.py | 2 +- src/lightning/app/utilities/safe_pickle.py | 2 +- src/lightning/app/utilities/scheduler.py | 2 +- src/lightning/app/utilities/secrets.py | 2 +- src/lightning/app/utilities/state.py | 2 +- src/lightning/app/utilities/tracer.py | 2 +- src/lightning/app/utilities/tree.py | 2 +- src/lightning/app/utilities/types.py | 2 +- src/lightning/app/utilities/warnings.py | 2 +- src/lightning/fabric/accelerators/__init__.py | 2 +- src/lightning/fabric/accelerators/accelerator.py | 2 +- src/lightning/fabric/accelerators/cpu.py | 2 +- src/lightning/fabric/accelerators/cuda.py | 2 +- src/lightning/fabric/accelerators/mps.py | 2 +- src/lightning/fabric/accelerators/registry.py | 2 +- src/lightning/fabric/accelerators/tpu.py | 2 +- src/lightning/fabric/cli.py | 2 +- src/lightning/fabric/connector.py | 2 +- src/lightning/fabric/fabric.py | 2 +- src/lightning/fabric/loggers/__init__.py | 2 +- src/lightning/fabric/loggers/csv_logs.py | 2 +- src/lightning/fabric/loggers/logger.py | 2 +- src/lightning/fabric/loggers/tensorboard.py | 2 +- src/lightning/fabric/plugins/__init__.py | 2 +- src/lightning/fabric/plugins/environments/__init__.py | 2 +- .../fabric/plugins/environments/cluster_environment.py | 2 +- src/lightning/fabric/plugins/environments/kubeflow.py | 2 +- src/lightning/fabric/plugins/environments/lightning.py | 2 +- src/lightning/fabric/plugins/environments/lsf.py | 2 +- src/lightning/fabric/plugins/environments/mpi.py | 2 +- src/lightning/fabric/plugins/environments/slurm.py | 2 +- src/lightning/fabric/plugins/environments/torchelastic.py | 2 +- src/lightning/fabric/plugins/environments/xla.py | 2 +- src/lightning/fabric/plugins/io/__init__.py | 2 +- src/lightning/fabric/plugins/io/checkpoint_io.py | 2 +- src/lightning/fabric/plugins/io/torch_io.py | 2 +- src/lightning/fabric/plugins/io/xla.py | 2 +- src/lightning/fabric/plugins/precision/__init__.py | 2 +- src/lightning/fabric/plugins/precision/amp.py | 2 +- src/lightning/fabric/plugins/precision/deepspeed.py | 2 +- src/lightning/fabric/plugins/precision/double.py | 2 +- src/lightning/fabric/plugins/precision/fsdp.py | 2 +- src/lightning/fabric/plugins/precision/precision.py | 2 +- src/lightning/fabric/plugins/precision/tpu.py | 2 +- src/lightning/fabric/plugins/precision/tpu_bf16.py | 2 +- src/lightning/fabric/plugins/precision/utils.py | 2 +- src/lightning/fabric/strategies/__init__.py | 2 +- src/lightning/fabric/strategies/ddp.py | 2 +- src/lightning/fabric/strategies/deepspeed.py | 2 +- src/lightning/fabric/strategies/dp.py | 2 +- src/lightning/fabric/strategies/fsdp.py | 2 +- src/lightning/fabric/strategies/launchers/__init__.py | 2 +- src/lightning/fabric/strategies/launchers/base.py | 2 +- src/lightning/fabric/strategies/launchers/launcher.py | 2 +- src/lightning/fabric/strategies/launchers/multiprocessing.py | 2 +- src/lightning/fabric/strategies/launchers/subprocess_script.py | 2 +- src/lightning/fabric/strategies/launchers/xla.py | 2 +- src/lightning/fabric/strategies/parallel.py | 2 +- src/lightning/fabric/strategies/registry.py | 2 +- src/lightning/fabric/strategies/single_device.py | 2 +- src/lightning/fabric/strategies/single_tpu.py | 2 +- src/lightning/fabric/strategies/strategy.py | 2 +- src/lightning/fabric/strategies/xla.py | 2 +- src/lightning/fabric/utilities/__init__.py | 2 +- src/lightning/fabric/utilities/apply_func.py | 2 +- src/lightning/fabric/utilities/cloud_io.py | 2 +- src/lightning/fabric/utilities/data.py | 2 +- src/lightning/fabric/utilities/device_dtype_mixin.py | 2 +- src/lightning/fabric/utilities/device_parser.py | 2 +- src/lightning/fabric/utilities/enums.py | 2 +- src/lightning/fabric/utilities/exceptions.py | 2 +- src/lightning/fabric/utilities/imports.py | 2 +- src/lightning/fabric/utilities/logger.py | 2 +- src/lightning/fabric/utilities/optimizer.py | 2 +- src/lightning/fabric/utilities/rank_zero.py | 2 +- src/lightning/fabric/utilities/registry.py | 2 +- src/lightning/fabric/utilities/types.py | 2 +- src/lightning/fabric/utilities/warnings.py | 2 +- src/lightning/fabric/wrappers.py | 2 +- src/lightning/pytorch/_graveyard/__init__.py | 2 +- src/lightning/pytorch/accelerators/__init__.py | 2 +- src/lightning/pytorch/accelerators/accelerator.py | 2 +- src/lightning/pytorch/accelerators/cpu.py | 2 +- src/lightning/pytorch/accelerators/cuda.py | 2 +- src/lightning/pytorch/accelerators/hpu.py | 2 +- src/lightning/pytorch/accelerators/ipu.py | 2 +- src/lightning/pytorch/accelerators/mps.py | 2 +- src/lightning/pytorch/accelerators/tpu.py | 2 +- src/lightning/pytorch/callbacks/__init__.py | 2 +- src/lightning/pytorch/callbacks/batch_size_finder.py | 2 +- src/lightning/pytorch/callbacks/callback.py | 2 +- src/lightning/pytorch/callbacks/device_stats_monitor.py | 2 +- src/lightning/pytorch/callbacks/early_stopping.py | 2 +- src/lightning/pytorch/callbacks/finetuning.py | 2 +- .../pytorch/callbacks/gradient_accumulation_scheduler.py | 2 +- src/lightning/pytorch/callbacks/lambda_function.py | 2 +- src/lightning/pytorch/callbacks/lr_finder.py | 2 +- src/lightning/pytorch/callbacks/lr_monitor.py | 2 +- src/lightning/pytorch/callbacks/model_checkpoint.py | 2 +- src/lightning/pytorch/callbacks/model_summary.py | 2 +- src/lightning/pytorch/callbacks/on_exception_checkpoint.py | 2 +- src/lightning/pytorch/callbacks/prediction_writer.py | 2 +- src/lightning/pytorch/callbacks/progress/__init__.py | 2 +- src/lightning/pytorch/callbacks/progress/base.py | 2 +- src/lightning/pytorch/callbacks/progress/rich_progress.py | 2 +- src/lightning/pytorch/callbacks/progress/tqdm_progress.py | 2 +- src/lightning/pytorch/callbacks/pruning.py | 2 +- src/lightning/pytorch/callbacks/quantization.py | 2 +- src/lightning/pytorch/callbacks/rich_model_summary.py | 2 +- src/lightning/pytorch/callbacks/stochastic_weight_avg.py | 2 +- src/lightning/pytorch/callbacks/timer.py | 2 +- src/lightning/pytorch/cli.py | 2 +- src/lightning/pytorch/core/__init__.py | 2 +- src/lightning/pytorch/core/datamodule.py | 2 +- src/lightning/pytorch/core/hooks.py | 2 +- src/lightning/pytorch/core/mixins/__init__.py | 2 +- src/lightning/pytorch/core/mixins/hparams_mixin.py | 2 +- src/lightning/pytorch/core/module.py | 2 +- src/lightning/pytorch/core/optimizer.py | 2 +- src/lightning/pytorch/core/saving.py | 2 +- src/lightning/pytorch/demos/boring_classes.py | 2 +- src/lightning/pytorch/demos/mnist_datamodule.py | 2 +- src/lightning/pytorch/loggers/__init__.py | 2 +- src/lightning/pytorch/loggers/comet.py | 2 +- src/lightning/pytorch/loggers/csv_logs.py | 2 +- src/lightning/pytorch/loggers/logger.py | 2 +- src/lightning/pytorch/loggers/mlflow.py | 2 +- src/lightning/pytorch/loggers/neptune.py | 2 +- src/lightning/pytorch/loggers/tensorboard.py | 2 +- src/lightning/pytorch/loggers/wandb.py | 2 +- src/lightning/pytorch/loops/__init__.py | 2 +- src/lightning/pytorch/loops/dataloader/__init__.py | 2 +- src/lightning/pytorch/loops/dataloader/dataloader_loop.py | 2 +- src/lightning/pytorch/loops/dataloader/evaluation_loop.py | 2 +- src/lightning/pytorch/loops/epoch/__init__.py | 2 +- src/lightning/pytorch/loops/epoch/evaluation_epoch_loop.py | 2 +- src/lightning/pytorch/loops/epoch/training_epoch_loop.py | 2 +- src/lightning/pytorch/loops/fit_loop.py | 2 +- src/lightning/pytorch/loops/loop.py | 2 +- src/lightning/pytorch/loops/optimization/__init__.py | 2 +- src/lightning/pytorch/loops/optimization/automatic.py | 2 +- src/lightning/pytorch/loops/optimization/closure.py | 2 +- src/lightning/pytorch/loops/optimization/manual.py | 2 +- src/lightning/pytorch/loops/progress.py | 2 +- src/lightning/pytorch/loops/utilities.py | 2 +- src/lightning/pytorch/overrides/base.py | 2 +- src/lightning/pytorch/overrides/data_parallel.py | 2 +- src/lightning/pytorch/overrides/distributed.py | 2 +- src/lightning/pytorch/plugins/environments/__init__.py | 2 +- src/lightning/pytorch/plugins/environments/bagua_environment.py | 2 +- src/lightning/pytorch/plugins/io/__init__.py | 2 +- src/lightning/pytorch/plugins/io/async_plugin.py | 2 +- src/lightning/pytorch/plugins/io/checkpoint_plugin.py | 2 +- src/lightning/pytorch/plugins/io/hpu_plugin.py | 2 +- src/lightning/pytorch/plugins/io/torch_plugin.py | 2 +- src/lightning/pytorch/plugins/io/wrapper.py | 2 +- src/lightning/pytorch/plugins/io/xla_plugin.py | 2 +- src/lightning/pytorch/plugins/layer_sync.py | 2 +- src/lightning/pytorch/plugins/precision/__init__.py | 2 +- src/lightning/pytorch/plugins/precision/colossalai.py | 2 +- src/lightning/pytorch/plugins/precision/deepspeed.py | 2 +- src/lightning/pytorch/plugins/precision/double.py | 2 +- src/lightning/pytorch/plugins/precision/fsdp.py | 2 +- src/lightning/pytorch/plugins/precision/hpu.py | 2 +- src/lightning/pytorch/plugins/precision/ipu.py | 2 +- src/lightning/pytorch/plugins/precision/precision_plugin.py | 2 +- src/lightning/pytorch/plugins/precision/tpu.py | 2 +- src/lightning/pytorch/plugins/precision/tpu_bf16.py | 2 +- src/lightning/pytorch/profilers/__init__.py | 2 +- src/lightning/pytorch/profilers/advanced.py | 2 +- src/lightning/pytorch/profilers/base.py | 2 +- src/lightning/pytorch/profilers/profiler.py | 2 +- src/lightning/pytorch/profilers/pytorch.py | 2 +- src/lightning/pytorch/profilers/simple.py | 2 +- src/lightning/pytorch/profilers/xla.py | 2 +- src/lightning/pytorch/strategies/__init__.py | 2 +- src/lightning/pytorch/strategies/bagua.py | 2 +- src/lightning/pytorch/strategies/colossalai.py | 2 +- src/lightning/pytorch/strategies/ddp.py | 2 +- src/lightning/pytorch/strategies/ddp_spawn.py | 2 +- src/lightning/pytorch/strategies/deepspeed.py | 2 +- src/lightning/pytorch/strategies/dp.py | 2 +- src/lightning/pytorch/strategies/fsdp.py | 2 +- src/lightning/pytorch/strategies/hpu_parallel.py | 2 +- src/lightning/pytorch/strategies/ipu.py | 2 +- src/lightning/pytorch/strategies/launchers/__init__.py | 2 +- src/lightning/pytorch/strategies/launchers/launcher.py | 2 +- src/lightning/pytorch/strategies/launchers/multiprocessing.py | 2 +- src/lightning/pytorch/strategies/launchers/subprocess_script.py | 2 +- src/lightning/pytorch/strategies/launchers/xla.py | 2 +- src/lightning/pytorch/strategies/parallel.py | 2 +- src/lightning/pytorch/strategies/single_device.py | 2 +- src/lightning/pytorch/strategies/single_hpu.py | 2 +- src/lightning/pytorch/strategies/single_tpu.py | 2 +- src/lightning/pytorch/strategies/strategy.py | 2 +- src/lightning/pytorch/strategies/tpu_spawn.py | 2 +- src/lightning/pytorch/strategies/utils.py | 2 +- src/lightning/pytorch/trainer/__init__.py | 2 +- src/lightning/pytorch/trainer/configuration_validator.py | 2 +- .../pytorch/trainer/connectors/accelerator_connector.py | 2 +- src/lightning/pytorch/trainer/connectors/callback_connector.py | 2 +- .../pytorch/trainer/connectors/checkpoint_connector.py | 2 +- src/lightning/pytorch/trainer/connectors/data_connector.py | 2 +- .../pytorch/trainer/connectors/logger_connector/fx_validator.py | 2 +- .../trainer/connectors/logger_connector/logger_connector.py | 2 +- .../pytorch/trainer/connectors/logger_connector/result.py | 2 +- src/lightning/pytorch/trainer/states.py | 2 +- src/lightning/pytorch/trainer/supporters.py | 2 +- src/lightning/pytorch/trainer/trainer.py | 2 +- src/lightning/pytorch/tuner/__init__.py | 2 +- src/lightning/pytorch/tuner/batch_size_scaling.py | 2 +- src/lightning/pytorch/tuner/lr_finder.py | 2 +- src/lightning/pytorch/tuner/tuning.py | 2 +- src/lightning/pytorch/utilities/__init__.py | 2 +- src/lightning/pytorch/utilities/argparse.py | 2 +- src/lightning/pytorch/utilities/data.py | 2 +- src/lightning/pytorch/utilities/enums.py | 2 +- src/lightning/pytorch/utilities/exceptions.py | 2 +- src/lightning/pytorch/utilities/fetching.py | 2 +- src/lightning/pytorch/utilities/finite_checks.py | 2 +- src/lightning/pytorch/utilities/grads.py | 2 +- src/lightning/pytorch/utilities/imports.py | 2 +- src/lightning/pytorch/utilities/logger.py | 2 +- src/lightning/pytorch/utilities/memory.py | 2 +- src/lightning/pytorch/utilities/meta.py | 2 +- src/lightning/pytorch/utilities/metrics.py | 2 +- src/lightning/pytorch/utilities/migration/__init__.py | 2 +- src/lightning/pytorch/utilities/migration/migration.py | 2 +- src/lightning/pytorch/utilities/migration/utils.py | 2 +- src/lightning/pytorch/utilities/model_helpers.py | 2 +- src/lightning/pytorch/utilities/model_summary/__init__.py | 2 +- src/lightning/pytorch/utilities/model_summary/model_summary.py | 2 +- src/lightning/pytorch/utilities/parameter_tying.py | 2 +- src/lightning/pytorch/utilities/parsing.py | 2 +- src/lightning/pytorch/utilities/rank_zero.py | 2 +- src/lightning/pytorch/utilities/seed.py | 2 +- src/lightning/pytorch/utilities/signature_utils.py | 2 +- src/lightning/pytorch/utilities/types.py | 2 +- src/lightning/pytorch/utilities/upgrade_checkpoint.py | 2 +- src/lightning/pytorch/utilities/warnings.py | 2 +- src/lightning/store/authentication.py | 2 +- src/lightning/store/cloud_api.py | 2 +- src/lightning/store/save.py | 2 +- src/lightning/store/utils.py | 2 +- src/lightning_app/__about__.py | 2 +- src/pytorch_lightning/__about__.py | 2 +- tests/legacy/simple_classif_training.py | 2 +- tests/tests_fabric/accelerators/test_cpu.py | 2 +- tests/tests_fabric/accelerators/test_cuda.py | 2 +- tests/tests_fabric/accelerators/test_mps.py | 2 +- tests/tests_fabric/accelerators/test_registry.py | 2 +- tests/tests_fabric/accelerators/test_tpu.py | 2 +- tests/tests_fabric/conftest.py | 2 +- tests/tests_fabric/helpers/dataloaders.py | 2 +- tests/tests_fabric/helpers/runif.py | 2 +- tests/tests_fabric/loggers/test_csv.py | 2 +- tests/tests_fabric/loggers/test_tensorboard.py | 2 +- tests/tests_fabric/plugins/environments/test_kubeflow.py | 2 +- tests/tests_fabric/plugins/environments/test_lightning.py | 2 +- tests/tests_fabric/plugins/environments/test_lsf.py | 2 +- tests/tests_fabric/plugins/environments/test_mpi.py | 2 +- tests/tests_fabric/plugins/environments/test_slurm.py | 2 +- tests/tests_fabric/plugins/environments/test_torchelastic.py | 2 +- tests/tests_fabric/plugins/environments/test_xla.py | 2 +- tests/tests_fabric/plugins/precision/test_amp.py | 2 +- tests/tests_fabric/plugins/precision/test_amp_integration.py | 2 +- tests/tests_fabric/plugins/precision/test_deepspeed.py | 2 +- .../plugins/precision/test_deepspeed_integration.py | 2 +- tests/tests_fabric/plugins/precision/test_double.py | 2 +- tests/tests_fabric/plugins/precision/test_double_integration.py | 2 +- tests/tests_fabric/plugins/precision/test_fsdp.py | 2 +- tests/tests_fabric/plugins/precision/test_tpu_bf16.py | 2 +- tests/tests_fabric/strategies/launchers/test_multiprocessing.py | 2 +- .../tests_fabric/strategies/launchers/test_subprocess_script.py | 2 +- tests/tests_fabric/strategies/launchers/test_xla.py | 2 +- tests/tests_fabric/strategies/test_ddp.py | 2 +- tests/tests_fabric/strategies/test_deepspeed.py | 2 +- tests/tests_fabric/strategies/test_deepspeed_integration.py | 2 +- tests/tests_fabric/strategies/test_dp.py | 2 +- tests/tests_fabric/strategies/test_fsdp.py | 2 +- tests/tests_fabric/strategies/test_fsdp_integration.py | 2 +- tests/tests_fabric/strategies/test_registry.py | 2 +- tests/tests_fabric/strategies/test_single_device.py | 2 +- tests/tests_fabric/strategies/test_strategy.py | 2 +- tests/tests_fabric/strategies/test_xla.py | 2 +- tests/tests_fabric/test_cli.py | 2 +- tests/tests_fabric/test_connector.py | 2 +- tests/tests_fabric/test_fabric.py | 2 +- tests/tests_fabric/test_parity.py | 2 +- tests/tests_fabric/test_wrappers.py | 2 +- tests/tests_fabric/utilities/test_apply_func.py | 2 +- tests/tests_fabric/utilities/test_cloud_io.py | 2 +- tests/tests_fabric/utilities/test_device_parser.py | 2 +- tests/tests_fabric/utilities/test_imports.py | 2 +- tests/tests_fabric/utilities/test_logger.py | 2 +- tests/tests_fabric/utilities/test_warnings.py | 2 +- tests/tests_fabric/utilities/test_xla_device_utils.py | 2 +- tests/tests_pytorch/__init__.py | 2 +- tests/tests_pytorch/accelerators/test_common.py | 2 +- tests/tests_pytorch/accelerators/test_gpu.py | 2 +- tests/tests_pytorch/accelerators/test_hpu.py | 2 +- tests/tests_pytorch/accelerators/test_ipu.py | 2 +- tests/tests_pytorch/accelerators/test_mps.py | 2 +- tests/tests_pytorch/accelerators/test_registry.py | 2 +- tests/tests_pytorch/accelerators/test_tpu.py | 2 +- tests/tests_pytorch/benchmarks/generate_comparison.py | 2 +- tests/tests_pytorch/benchmarks/test_basic_parity.py | 2 +- tests/tests_pytorch/benchmarks/test_sync_batchnorm_parity.py | 2 +- tests/tests_pytorch/callbacks/progress/test_base_progress.py | 2 +- .../tests_pytorch/callbacks/progress/test_rich_progress_bar.py | 2 +- .../tests_pytorch/callbacks/progress/test_tqdm_progress_bar.py | 2 +- tests/tests_pytorch/callbacks/test_callback_hook_outputs.py | 2 +- tests/tests_pytorch/callbacks/test_callbacks.py | 2 +- tests/tests_pytorch/callbacks/test_device_stats_monitor.py | 2 +- tests/tests_pytorch/callbacks/test_early_stopping.py | 2 +- tests/tests_pytorch/callbacks/test_finetuning_callback.py | 2 +- .../callbacks/test_gradient_accumulation_scheduler.py | 2 +- tests/tests_pytorch/callbacks/test_lambda_function.py | 2 +- tests/tests_pytorch/callbacks/test_lr_monitor.py | 2 +- tests/tests_pytorch/callbacks/test_model_summary.py | 2 +- tests/tests_pytorch/callbacks/test_prediction_writer.py | 2 +- tests/tests_pytorch/callbacks/test_pruning.py | 2 +- tests/tests_pytorch/callbacks/test_quantization.py | 2 +- tests/tests_pytorch/callbacks/test_rich_model_summary.py | 2 +- tests/tests_pytorch/callbacks/test_stochastic_weight_avg.py | 2 +- tests/tests_pytorch/callbacks/test_timer.py | 2 +- .../checkpointing/test_checkpoint_callback_frequency.py | 2 +- tests/tests_pytorch/checkpointing/test_legacy_checkpoints.py | 2 +- tests/tests_pytorch/checkpointing/test_model_checkpoint.py | 2 +- tests/tests_pytorch/checkpointing/test_torch_saving.py | 2 +- tests/tests_pytorch/checkpointing/test_trainer_checkpoint.py | 2 +- tests/tests_pytorch/conftest.py | 2 +- tests/tests_pytorch/core/test_datamodules.py | 2 +- tests/tests_pytorch/core/test_lightning_module.py | 2 +- tests/tests_pytorch/core/test_lightning_optimizer.py | 2 +- tests/tests_pytorch/core/test_metric_result_integration.py | 2 +- tests/tests_pytorch/core/test_results.py | 2 +- tests/tests_pytorch/deprecated_api/__init__.py | 2 +- tests/tests_pytorch/helpers/advanced_models.py | 2 +- tests/tests_pytorch/helpers/dataloaders.py | 2 +- tests/tests_pytorch/helpers/datamodules.py | 2 +- tests/tests_pytorch/helpers/datasets.py | 2 +- tests/tests_pytorch/helpers/deterministic_model.py | 2 +- tests/tests_pytorch/helpers/pipelines.py | 2 +- tests/tests_pytorch/helpers/runif.py | 2 +- tests/tests_pytorch/helpers/simple_models.py | 2 +- tests/tests_pytorch/helpers/test_datasets.py | 2 +- tests/tests_pytorch/helpers/test_models.py | 2 +- tests/tests_pytorch/helpers/utils.py | 2 +- tests/tests_pytorch/loggers/test_all.py | 2 +- tests/tests_pytorch/loggers/test_comet.py | 2 +- tests/tests_pytorch/loggers/test_csv.py | 2 +- tests/tests_pytorch/loggers/test_logger.py | 2 +- tests/tests_pytorch/loggers/test_mlflow.py | 2 +- tests/tests_pytorch/loggers/test_neptune.py | 2 +- tests/tests_pytorch/loggers/test_tensorboard.py | 2 +- tests/tests_pytorch/loggers/test_wandb.py | 2 +- tests/tests_pytorch/loops/epoch/test_training_epoch_loop.py | 2 +- tests/tests_pytorch/loops/optimization/test_closure.py | 2 +- tests/tests_pytorch/loops/optimization/test_manual_loop.py | 2 +- tests/tests_pytorch/loops/optimization/test_optimizer_loop.py | 2 +- tests/tests_pytorch/loops/test_all.py | 2 +- tests/tests_pytorch/loops/test_evaluation_loop.py | 2 +- tests/tests_pytorch/loops/test_evaluation_loop_flow.py | 2 +- tests/tests_pytorch/loops/test_flow_warnings.py | 2 +- tests/tests_pytorch/loops/test_loop_state_dict.py | 2 +- tests/tests_pytorch/loops/test_loops.py | 2 +- tests/tests_pytorch/loops/test_progress.py | 2 +- tests/tests_pytorch/loops/test_training_loop.py | 2 +- tests/tests_pytorch/loops/test_training_loop_flow_dict.py | 2 +- tests/tests_pytorch/loops/test_training_loop_flow_scalar.py | 2 +- tests/tests_pytorch/loops/test_utilities.py | 2 +- tests/tests_pytorch/models/conf/config.yaml | 2 +- tests/tests_pytorch/models/test_amp.py | 2 +- tests/tests_pytorch/models/test_cpu.py | 2 +- tests/tests_pytorch/models/test_ddp_fork_amp.py | 2 +- tests/tests_pytorch/models/test_fabric_integration.py | 2 +- tests/tests_pytorch/models/test_gpu.py | 2 +- tests/tests_pytorch/models/test_grad_norm.py | 2 +- tests/tests_pytorch/models/test_hooks.py | 2 +- tests/tests_pytorch/models/test_hparams.py | 2 +- tests/tests_pytorch/models/test_onnx.py | 2 +- tests/tests_pytorch/models/test_restore.py | 2 +- tests/tests_pytorch/models/test_torchscript.py | 2 +- tests/tests_pytorch/models/test_tpu.py | 2 +- tests/tests_pytorch/overrides/test_base.py | 2 +- tests/tests_pytorch/overrides/test_data_parallel.py | 2 +- tests/tests_pytorch/overrides/test_distributed.py | 2 +- tests/tests_pytorch/plugins/precision/hpu/test_hpu.py | 2 +- tests/tests_pytorch/plugins/precision/test_amp.py | 2 +- tests/tests_pytorch/plugins/precision/test_amp_integration.py | 2 +- .../tests_pytorch/plugins/precision/test_deepspeed_precision.py | 2 +- tests/tests_pytorch/plugins/precision/test_tpu.py | 2 +- tests/tests_pytorch/plugins/precision/test_tpu_bf16_plugin.py | 2 +- tests/tests_pytorch/plugins/test_amp_plugins.py | 2 +- tests/tests_pytorch/plugins/test_checkpoint_io_plugin.py | 2 +- tests/tests_pytorch/plugins/test_cluster_integration.py | 2 +- tests/tests_pytorch/plugins/test_double_plugin.py | 2 +- tests/tests_pytorch/profilers/test_profiler.py | 2 +- tests/tests_pytorch/profilers/test_xla_profiler.py | 2 +- tests/tests_pytorch/run_standalone_tasks.sh | 2 +- tests/tests_pytorch/run_standalone_tests.sh | 2 +- .../tests_pytorch/strategies/launchers/test_multiprocessing.py | 2 +- tests/tests_pytorch/strategies/scripts/cli_script.py | 2 +- tests/tests_pytorch/strategies/test_bagua_strategy.py | 2 +- tests/tests_pytorch/strategies/test_colossalai.py | 2 +- tests/tests_pytorch/strategies/test_common.py | 2 +- tests/tests_pytorch/strategies/test_custom_plugin.py | 2 +- tests/tests_pytorch/strategies/test_ddp.py | 2 +- tests/tests_pytorch/strategies/test_ddp_spawn.py | 2 +- tests/tests_pytorch/strategies/test_ddp_spawn_strategy.py | 2 +- tests/tests_pytorch/strategies/test_ddp_strategy.py | 2 +- .../strategies/test_ddp_strategy_with_comm_hook.py | 2 +- tests/tests_pytorch/strategies/test_deepspeed_strategy.py | 2 +- tests/tests_pytorch/strategies/test_dp.py | 2 +- tests/tests_pytorch/strategies/test_registry.py | 2 +- tests/tests_pytorch/strategies/test_single_device_strategy.py | 2 +- tests/tests_pytorch/strategies/test_tpu_spawn.py | 2 +- tests/tests_pytorch/test_cli.py | 2 +- .../trainer/connectors/test_accelerator_connector.py | 2 +- .../tests_pytorch/trainer/connectors/test_callback_connector.py | 2 +- .../trainer/connectors/test_checkpoint_connector.py | 2 +- tests/tests_pytorch/trainer/connectors/test_data_connector.py | 2 +- tests/tests_pytorch/trainer/connectors/test_signal_connector.py | 2 +- .../trainer/dynamic_args/test_multiple_eval_dataloaders.py | 2 +- .../tests_pytorch/trainer/flags/test_check_val_every_n_epoch.py | 2 +- tests/tests_pytorch/trainer/flags/test_env_vars.py | 2 +- tests/tests_pytorch/trainer/flags/test_inference_mode.py | 2 +- tests/tests_pytorch/trainer/flags/test_limit_batches.py | 2 +- tests/tests_pytorch/trainer/flags/test_overfit_batches.py | 2 +- tests/tests_pytorch/trainer/flags/test_val_check_interval.py | 2 +- .../tests_pytorch/trainer/logging_/test_distributed_logging.py | 2 +- tests/tests_pytorch/trainer/logging_/test_eval_loop_logging.py | 2 +- tests/tests_pytorch/trainer/logging_/test_logger_connector.py | 2 +- tests/tests_pytorch/trainer/logging_/test_loop_logging.py | 2 +- tests/tests_pytorch/trainer/logging_/test_train_loop_logging.py | 2 +- .../trainer/optimization/test_manual_optimization.py | 2 +- .../trainer/optimization/test_multiple_optimizers.py | 2 +- tests/tests_pytorch/trainer/optimization/test_optimizers.py | 2 +- .../trainer/properties/test_estimated_stepping_batches.py | 2 +- tests/tests_pytorch/trainer/properties/test_get_model.py | 2 +- tests/tests_pytorch/trainer/properties/test_log_dir.py | 2 +- tests/tests_pytorch/trainer/properties/test_loggers.py | 2 +- tests/tests_pytorch/trainer/test_config_validator.py | 2 +- tests/tests_pytorch/trainer/test_dataloaders.py | 2 +- tests/tests_pytorch/trainer/test_states.py | 2 +- tests/tests_pytorch/trainer/test_supporters.py | 2 +- tests/tests_pytorch/trainer/test_trainer.py | 2 +- tests/tests_pytorch/trainer/test_trainer_cli.py | 2 +- tests/tests_pytorch/tuner/test_lr_finder.py | 2 +- tests/tests_pytorch/tuner/test_scale_batch_size.py | 2 +- tests/tests_pytorch/tuner/test_tuning.py | 2 +- tests/tests_pytorch/utilities/migration/test_migration.py | 2 +- tests/tests_pytorch/utilities/migration/test_utils.py | 2 +- tests/tests_pytorch/utilities/test_all_gather_grad.py | 2 +- tests/tests_pytorch/utilities/test_auto_restart.py | 2 +- .../utilities/test_deepspeed_collate_checkpoint.py | 2 +- tests/tests_pytorch/utilities/test_deepspeed_model_summary.py | 2 +- tests/tests_pytorch/utilities/test_distributed.py | 2 +- tests/tests_pytorch/utilities/test_dtype_device_mixin.py | 2 +- tests/tests_pytorch/utilities/test_enums.py | 2 +- tests/tests_pytorch/utilities/test_fetching.py | 2 +- tests/tests_pytorch/utilities/test_grads.py | 2 +- tests/tests_pytorch/utilities/test_imports.py | 2 +- tests/tests_pytorch/utilities/test_logger.py | 2 +- tests/tests_pytorch/utilities/test_memory.py | 2 +- tests/tests_pytorch/utilities/test_model_helpers.py | 2 +- tests/tests_pytorch/utilities/test_model_summary.py | 2 +- tests/tests_pytorch/utilities/test_parameter_tying.py | 2 +- tests/tests_pytorch/utilities/test_parsing.py | 2 +- tests/tests_pytorch/utilities/test_torchdistx.py | 2 +- tests/tests_pytorch/utilities/test_types.py | 2 +- tests/tests_pytorch/utilities/test_upgrade_checkpoint.py | 2 +- tests/tests_pytorch/utilities/test_warnings.py | 2 +- 623 files changed, 623 insertions(+), 623 deletions(-) diff --git a/.actions/assistant.py b/.actions/assistant.py index a716178f5fceb..7667cd85d27f9 100644 --- a/.actions/assistant.py +++ b/.actions/assistant.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/.codecov.yml b/.codecov.yml index 113c5cace371d..8544950a6acd9 100644 --- a/.codecov.yml +++ b/.codecov.yml @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/.github/mergify.yml b/.github/mergify.yml index efd58381e4a9b..ed626c10614ae 100644 --- a/.github/mergify.yml +++ b/.github/mergify.yml @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml index 18aa7ec740887..b9041192b5948 100644 --- a/.pre-commit-config.yaml +++ b/.pre-commit-config.yaml @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/.readthedocs.yml b/.readthedocs.yml index 3041d634e2fe9..bc197e16fff31 100644 --- a/.readthedocs.yml +++ b/.readthedocs.yml @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dockers/base-cuda/Dockerfile b/dockers/base-cuda/Dockerfile index 971e144df5cd1..f4a272954cdf1 100644 --- a/dockers/base-cuda/Dockerfile +++ b/dockers/base-cuda/Dockerfile @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dockers/base-ipu/Dockerfile b/dockers/base-ipu/Dockerfile index 58fde458f8ea9..34772bc7b3bee 100644 --- a/dockers/base-ipu/Dockerfile +++ b/dockers/base-ipu/Dockerfile @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dockers/base-xla/Dockerfile b/dockers/base-xla/Dockerfile index 3c0fc7f22a2d2..d40f7baa314e9 100644 --- a/dockers/base-xla/Dockerfile +++ b/dockers/base-xla/Dockerfile @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dockers/ci-runner-ipu/Dockerfile b/dockers/ci-runner-ipu/Dockerfile index de960927dac57..ffd1e16e8f00e 100644 --- a/dockers/ci-runner-ipu/Dockerfile +++ b/dockers/ci-runner-ipu/Dockerfile @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dockers/docs/Dockerfile b/dockers/docs/Dockerfile index eafbd528818cd..e05c17fe57047 100644 --- a/dockers/docs/Dockerfile +++ b/dockers/docs/Dockerfile @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dockers/nvidia/Dockerfile b/dockers/nvidia/Dockerfile index 4b97c8a32b88f..9bb97e92af04e 100644 --- a/dockers/nvidia/Dockerfile +++ b/dockers/nvidia/Dockerfile @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/dockers/release/Dockerfile b/dockers/release/Dockerfile index 5bfbc2b4cd460..5e965e9a7fff2 100644 --- a/dockers/release/Dockerfile +++ b/dockers/release/Dockerfile @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/environment.yml b/environment.yml index 7675c874e9e5f..9fdff4c317c69 100644 --- a/environment.yml +++ b/environment.yml @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/fabric/image_classifier/train_fabric.py b/examples/fabric/image_classifier/train_fabric.py index bac892d0ba004..bde052d5a36c6 100644 --- a/examples/fabric/image_classifier/train_fabric.py +++ b/examples/fabric/image_classifier/train_fabric.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/fabric/image_classifier/train_torch.py b/examples/fabric/image_classifier/train_torch.py index 165bd5fbd097d..55ea6beb463fa 100644 --- a/examples/fabric/image_classifier/train_torch.py +++ b/examples/fabric/image_classifier/train_torch.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/pl_basics/autoencoder.py b/examples/pl_basics/autoencoder.py index 3017bacb62fd2..8b735afdbf113 100644 --- a/examples/pl_basics/autoencoder.py +++ b/examples/pl_basics/autoencoder.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/pl_basics/backbone_image_classifier.py b/examples/pl_basics/backbone_image_classifier.py index 95f4385842488..d5e734fea8f2f 100644 --- a/examples/pl_basics/backbone_image_classifier.py +++ b/examples/pl_basics/backbone_image_classifier.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/pl_basics/profiler_example.py b/examples/pl_basics/profiler_example.py index d187c247ae934..accf0af3736eb 100644 --- a/examples/pl_basics/profiler_example.py +++ b/examples/pl_basics/profiler_example.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/pl_domain_templates/computer_vision_fine_tuning.py b/examples/pl_domain_templates/computer_vision_fine_tuning.py index 53790d1f81a4e..a6810af1af418 100644 --- a/examples/pl_domain_templates/computer_vision_fine_tuning.py +++ b/examples/pl_domain_templates/computer_vision_fine_tuning.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/pl_domain_templates/generative_adversarial_net.py b/examples/pl_domain_templates/generative_adversarial_net.py index 75a0f33b46f84..af1ee39584260 100644 --- a/examples/pl_domain_templates/generative_adversarial_net.py +++ b/examples/pl_domain_templates/generative_adversarial_net.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/pl_domain_templates/imagenet.py b/examples/pl_domain_templates/imagenet.py index 776871e636529..e59aa2316f0db 100644 --- a/examples/pl_domain_templates/imagenet.py +++ b/examples/pl_domain_templates/imagenet.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/pl_domain_templates/reinforce_learn_Qnet.py b/examples/pl_domain_templates/reinforce_learn_Qnet.py index 9fd212493b0e9..5f5c88923754c 100644 --- a/examples/pl_domain_templates/reinforce_learn_Qnet.py +++ b/examples/pl_domain_templates/reinforce_learn_Qnet.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/pl_domain_templates/reinforce_learn_ppo.py b/examples/pl_domain_templates/reinforce_learn_ppo.py index 39e67e52abb62..c15288fff5c66 100644 --- a/examples/pl_domain_templates/reinforce_learn_ppo.py +++ b/examples/pl_domain_templates/reinforce_learn_ppo.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/pl_domain_templates/semantic_segmentation.py b/examples/pl_domain_templates/semantic_segmentation.py index cae48bf449a7d..8f856e863eb54 100644 --- a/examples/pl_domain_templates/semantic_segmentation.py +++ b/examples/pl_domain_templates/semantic_segmentation.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/pl_hpu/mnist_sample.py b/examples/pl_hpu/mnist_sample.py index b0422bb1dfc78..476b4d6230509 100644 --- a/examples/pl_hpu/mnist_sample.py +++ b/examples/pl_hpu/mnist_sample.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/pl_ipu/mnist_sample.py b/examples/pl_ipu/mnist_sample.py index 56835afec5f64..93c54d479d4d0 100644 --- a/examples/pl_ipu/mnist_sample.py +++ b/examples/pl_ipu/mnist_sample.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/run_fabric_examples.sh b/examples/run_fabric_examples.sh index f549f25d8fadf..e03c8cafc9577 100644 --- a/examples/run_fabric_examples.sh +++ b/examples/run_fabric_examples.sh @@ -1,5 +1,5 @@ #!/bin/bash -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/examples/run_pl_examples.sh b/examples/run_pl_examples.sh index 8040df2bbc749..514129f8b5cf9 100644 --- a/examples/run_pl_examples.sh +++ b/examples/run_pl_examples.sh @@ -1,5 +1,5 @@ #!/bin/bash -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/pyproject.toml b/pyproject.toml index defc6829a0372..7ddaebd84d244 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/requirements/collect_env_details.py b/requirements/collect_env_details.py index b0c47efc43859..523b40083ed37 100644 --- a/requirements/collect_env_details.py +++ b/requirements/collect_env_details.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/setup.py b/setup.py index 341869909bcef..f23ff51047e70 100755 --- a/setup.py +++ b/setup.py @@ -1,5 +1,5 @@ #!/usr/bin/env python -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/__about__.py b/src/lightning/__about__.py index cfda4d9d6af54..bd7b29b609a4c 100644 --- a/src/lightning/__about__.py +++ b/src/lightning/__about__.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/api/http_methods.py b/src/lightning/app/api/http_methods.py index b95770e0b8b46..775e629030594 100644 --- a/src/lightning/app/api/http_methods.py +++ b/src/lightning/app/api/http_methods.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/api/request_types.py b/src/lightning/app/api/request_types.py index d533e1d72f5c4..def50e3a20e10 100644 --- a/src/lightning/app/api/request_types.py +++ b/src/lightning/app/api/request_types.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/cmd_apps.py b/src/lightning/app/cli/cmd_apps.py index 481a4ec5a7adc..9a1c0e707862f 100644 --- a/src/lightning/app/cli/cmd_apps.py +++ b/src/lightning/app/cli/cmd_apps.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/cmd_clusters.py b/src/lightning/app/cli/cmd_clusters.py index a6b1768e11c71..aeb57ca37cd3c 100644 --- a/src/lightning/app/cli/cmd_clusters.py +++ b/src/lightning/app/cli/cmd_clusters.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/cmd_init.py b/src/lightning/app/cli/cmd_init.py index 0eb3033b90028..38f10d36d8761 100644 --- a/src/lightning/app/cli/cmd_init.py +++ b/src/lightning/app/cli/cmd_init.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/cmd_install.py b/src/lightning/app/cli/cmd_install.py index 19938b5827bfe..4d3cbdcd468e3 100644 --- a/src/lightning/app/cli/cmd_install.py +++ b/src/lightning/app/cli/cmd_install.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/cmd_pl_init.py b/src/lightning/app/cli/cmd_pl_init.py index e995fb011cdbe..57da58499317f 100644 --- a/src/lightning/app/cli/cmd_pl_init.py +++ b/src/lightning/app/cli/cmd_pl_init.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/cmd_react_ui_init.py b/src/lightning/app/cli/cmd_react_ui_init.py index c06f0d1d0d192..c305bd1382090 100644 --- a/src/lightning/app/cli/cmd_react_ui_init.py +++ b/src/lightning/app/cli/cmd_react_ui_init.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/cmd_ssh_keys.py b/src/lightning/app/cli/cmd_ssh_keys.py index 75a75ae27b0e4..ceb372df9846d 100644 --- a/src/lightning/app/cli/cmd_ssh_keys.py +++ b/src/lightning/app/cli/cmd_ssh_keys.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/commands/app_commands.py b/src/lightning/app/cli/commands/app_commands.py index 4dabc47ad22b3..418ae29d5c806 100644 --- a/src/lightning/app/cli/commands/app_commands.py +++ b/src/lightning/app/cli/commands/app_commands.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/commands/cd.py b/src/lightning/app/cli/commands/cd.py index 488923597dae3..3ca67343459b4 100644 --- a/src/lightning/app/cli/commands/cd.py +++ b/src/lightning/app/cli/commands/cd.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/commands/connection.py b/src/lightning/app/cli/commands/connection.py index 640837a22babe..c49603524e0a7 100644 --- a/src/lightning/app/cli/commands/connection.py +++ b/src/lightning/app/cli/commands/connection.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/commands/cp.py b/src/lightning/app/cli/commands/cp.py index 9ed4de8502016..6cba363c9f59b 100644 --- a/src/lightning/app/cli/commands/cp.py +++ b/src/lightning/app/cli/commands/cp.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/commands/logs.py b/src/lightning/app/cli/commands/logs.py index 749717daec6e2..5e8d68f42ac05 100644 --- a/src/lightning/app/cli/commands/logs.py +++ b/src/lightning/app/cli/commands/logs.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/commands/ls.py b/src/lightning/app/cli/commands/ls.py index aef3b2bce5643..56e4af58aecfb 100644 --- a/src/lightning/app/cli/commands/ls.py +++ b/src/lightning/app/cli/commands/ls.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/commands/pwd.py b/src/lightning/app/cli/commands/pwd.py index 8a992b55ba98d..05737eb52d7c2 100644 --- a/src/lightning/app/cli/commands/pwd.py +++ b/src/lightning/app/cli/commands/pwd.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/core.py b/src/lightning/app/cli/core.py index ec8d2b531b818..6d54c31426ee1 100644 --- a/src/lightning/app/cli/core.py +++ b/src/lightning/app/cli/core.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/lightning_cli.py b/src/lightning/app/cli/lightning_cli.py index 6e0830ad50e59..56f8ced08b205 100644 --- a/src/lightning/app/cli/lightning_cli.py +++ b/src/lightning/app/cli/lightning_cli.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/lightning_cli_create.py b/src/lightning/app/cli/lightning_cli_create.py index c119c8c3149e6..bf22da997619d 100644 --- a/src/lightning/app/cli/lightning_cli_create.py +++ b/src/lightning/app/cli/lightning_cli_create.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/lightning_cli_delete.py b/src/lightning/app/cli/lightning_cli_delete.py index 808046005193d..cbc2f61fdbb16 100644 --- a/src/lightning/app/cli/lightning_cli_delete.py +++ b/src/lightning/app/cli/lightning_cli_delete.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/cli/lightning_cli_list.py b/src/lightning/app/cli/lightning_cli_list.py index ed51fdd33a97a..08fca3c2c645c 100644 --- a/src/lightning/app/cli/lightning_cli_list.py +++ b/src/lightning/app/cli/lightning_cli_list.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/database/client.py b/src/lightning/app/components/database/client.py index 6b0b6b9dad23c..01643afbfe73f 100644 --- a/src/lightning/app/components/database/client.py +++ b/src/lightning/app/components/database/client.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/database/server.py b/src/lightning/app/components/database/server.py index d3bda50f7993f..05a21894dc6f7 100644 --- a/src/lightning/app/components/database/server.py +++ b/src/lightning/app/components/database/server.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/database/utilities.py b/src/lightning/app/components/database/utilities.py index ce528f74edf14..5a8f0a3a0c6c6 100644 --- a/src/lightning/app/components/database/utilities.py +++ b/src/lightning/app/components/database/utilities.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/multi_node/base.py b/src/lightning/app/components/multi_node/base.py index ba311ca1a273c..34dc0c3dd35a9 100644 --- a/src/lightning/app/components/multi_node/base.py +++ b/src/lightning/app/components/multi_node/base.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/multi_node/fabric.py b/src/lightning/app/components/multi_node/fabric.py index 1e04addb3c983..dfd89ca2da1fe 100644 --- a/src/lightning/app/components/multi_node/fabric.py +++ b/src/lightning/app/components/multi_node/fabric.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/multi_node/pytorch_spawn.py b/src/lightning/app/components/multi_node/pytorch_spawn.py index f819f8c0a2d97..ff97eff45a65e 100644 --- a/src/lightning/app/components/multi_node/pytorch_spawn.py +++ b/src/lightning/app/components/multi_node/pytorch_spawn.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/multi_node/trainer.py b/src/lightning/app/components/multi_node/trainer.py index 6a73d8fb184ea..aaa52fad34fc3 100644 --- a/src/lightning/app/components/multi_node/trainer.py +++ b/src/lightning/app/components/multi_node/trainer.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/python/popen.py b/src/lightning/app/components/python/popen.py index 93239083b0d65..2ab4835af307c 100644 --- a/src/lightning/app/components/python/popen.py +++ b/src/lightning/app/components/python/popen.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/python/tracer.py b/src/lightning/app/components/python/tracer.py index adb6612c05521..fa55a54f36b60 100644 --- a/src/lightning/app/components/python/tracer.py +++ b/src/lightning/app/components/python/tracer.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/serve/auto_scaler.py b/src/lightning/app/components/serve/auto_scaler.py index 36c86518f1ace..ed6fdbf6a4a73 100644 --- a/src/lightning/app/components/serve/auto_scaler.py +++ b/src/lightning/app/components/serve/auto_scaler.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/serve/cold_start_proxy.py b/src/lightning/app/components/serve/cold_start_proxy.py index a58b4a7585918..1be5315f76cc8 100644 --- a/src/lightning/app/components/serve/cold_start_proxy.py +++ b/src/lightning/app/components/serve/cold_start_proxy.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/serve/gradio_server.py b/src/lightning/app/components/serve/gradio_server.py index de436a773bd70..04ffa6cafba28 100644 --- a/src/lightning/app/components/serve/gradio_server.py +++ b/src/lightning/app/components/serve/gradio_server.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/serve/python_server.py b/src/lightning/app/components/serve/python_server.py index a3566d9fa56f7..a914135e2cce3 100644 --- a/src/lightning/app/components/serve/python_server.py +++ b/src/lightning/app/components/serve/python_server.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/serve/serve.py b/src/lightning/app/components/serve/serve.py index acd495c31fbaa..5cf1ad6dbcee4 100644 --- a/src/lightning/app/components/serve/serve.py +++ b/src/lightning/app/components/serve/serve.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/serve/streamlit.py b/src/lightning/app/components/serve/streamlit.py index 8163736158f7b..2f409125369dd 100644 --- a/src/lightning/app/components/serve/streamlit.py +++ b/src/lightning/app/components/serve/streamlit.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/serve/types/image.py b/src/lightning/app/components/serve/types/image.py index baad5d0bfa8b2..32f123fe8b63b 100644 --- a/src/lightning/app/components/serve/types/image.py +++ b/src/lightning/app/components/serve/types/image.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/serve/types/type.py b/src/lightning/app/components/serve/types/type.py index 137084508b559..d83df0f5882e9 100644 --- a/src/lightning/app/components/serve/types/type.py +++ b/src/lightning/app/components/serve/types/type.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/components/training.py b/src/lightning/app/components/training.py index ee52646b4ab4c..497eec167b2ee 100644 --- a/src/lightning/app/components/training.py +++ b/src/lightning/app/components/training.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/core/api.py b/src/lightning/app/core/api.py index 051eea380026b..0829b185e61fe 100644 --- a/src/lightning/app/core/api.py +++ b/src/lightning/app/core/api.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/core/app.py b/src/lightning/app/core/app.py index 323f3415817f8..cf0657a05f202 100644 --- a/src/lightning/app/core/app.py +++ b/src/lightning/app/core/app.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/core/constants.py b/src/lightning/app/core/constants.py index ca482c4cb9de6..812c17e9a2237 100644 --- a/src/lightning/app/core/constants.py +++ b/src/lightning/app/core/constants.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/core/flow.py b/src/lightning/app/core/flow.py index cea5c75827662..1aedf30f4a5da 100644 --- a/src/lightning/app/core/flow.py +++ b/src/lightning/app/core/flow.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/core/queues.py b/src/lightning/app/core/queues.py index 6adc672fafc06..25d9782c16785 100644 --- a/src/lightning/app/core/queues.py +++ b/src/lightning/app/core/queues.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/core/work.py b/src/lightning/app/core/work.py index 38b5bb8730f3f..abe57ab45f38c 100644 --- a/src/lightning/app/core/work.py +++ b/src/lightning/app/core/work.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/frontend/frontend.py b/src/lightning/app/frontend/frontend.py index 9d5a3e916fb6c..d2d24b56561a6 100644 --- a/src/lightning/app/frontend/frontend.py +++ b/src/lightning/app/frontend/frontend.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/frontend/just_py/just_py.py b/src/lightning/app/frontend/just_py/just_py.py index 298b2c5fef674..7d5ac44306bd3 100644 --- a/src/lightning/app/frontend/just_py/just_py.py +++ b/src/lightning/app/frontend/just_py/just_py.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/frontend/just_py/just_py_base.py b/src/lightning/app/frontend/just_py/just_py_base.py index 06e26badcab23..c317ee89c0812 100644 --- a/src/lightning/app/frontend/just_py/just_py_base.py +++ b/src/lightning/app/frontend/just_py/just_py_base.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/frontend/panel/app_state_comm.py b/src/lightning/app/frontend/panel/app_state_comm.py index 2fb3c776c2d63..2067bd4d19fbf 100644 --- a/src/lightning/app/frontend/panel/app_state_comm.py +++ b/src/lightning/app/frontend/panel/app_state_comm.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/frontend/panel/app_state_watcher.py b/src/lightning/app/frontend/panel/app_state_watcher.py index f63dbced1b46a..86b84eec6e2d6 100644 --- a/src/lightning/app/frontend/panel/app_state_watcher.py +++ b/src/lightning/app/frontend/panel/app_state_watcher.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/frontend/panel/panel_frontend.py b/src/lightning/app/frontend/panel/panel_frontend.py index 50ccc11c6ef4b..86ad7e4523fa5 100644 --- a/src/lightning/app/frontend/panel/panel_frontend.py +++ b/src/lightning/app/frontend/panel/panel_frontend.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/frontend/panel/panel_serve_render_fn.py b/src/lightning/app/frontend/panel/panel_serve_render_fn.py index 44da397c0b4bc..ee42a4921a445 100644 --- a/src/lightning/app/frontend/panel/panel_serve_render_fn.py +++ b/src/lightning/app/frontend/panel/panel_serve_render_fn.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/frontend/stream_lit.py b/src/lightning/app/frontend/stream_lit.py index 09efb782c9f36..1ce03b997eadc 100644 --- a/src/lightning/app/frontend/stream_lit.py +++ b/src/lightning/app/frontend/stream_lit.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/frontend/streamlit_base.py b/src/lightning/app/frontend/streamlit_base.py index c1b99ec3b72d1..ca12b12e60452 100644 --- a/src/lightning/app/frontend/streamlit_base.py +++ b/src/lightning/app/frontend/streamlit_base.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/frontend/utils.py b/src/lightning/app/frontend/utils.py index 92a6a9a63e1a2..1d2152e4fe3e8 100644 --- a/src/lightning/app/frontend/utils.py +++ b/src/lightning/app/frontend/utils.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/frontend/web.py b/src/lightning/app/frontend/web.py index 8e5d0cc9ba9de..bd75847cd27a2 100644 --- a/src/lightning/app/frontend/web.py +++ b/src/lightning/app/frontend/web.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/perf/pdb.py b/src/lightning/app/perf/pdb.py index af2f6b9b68c5c..a9249437cc698 100644 --- a/src/lightning/app/perf/pdb.py +++ b/src/lightning/app/perf/pdb.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/runners/backends/backend.py b/src/lightning/app/runners/backends/backend.py index 138b96e6032cd..5d4d4e4a155e7 100644 --- a/src/lightning/app/runners/backends/backend.py +++ b/src/lightning/app/runners/backends/backend.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/runners/backends/cloud.py b/src/lightning/app/runners/backends/cloud.py index fbd22a37b2907..6996359654de1 100644 --- a/src/lightning/app/runners/backends/cloud.py +++ b/src/lightning/app/runners/backends/cloud.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/runners/backends/docker.py b/src/lightning/app/runners/backends/docker.py index 33ed2a811aa1a..3d76d65a74ff1 100644 --- a/src/lightning/app/runners/backends/docker.py +++ b/src/lightning/app/runners/backends/docker.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/runners/backends/mp_process.py b/src/lightning/app/runners/backends/mp_process.py index 882d26e3dfa99..54ff52ccbec92 100644 --- a/src/lightning/app/runners/backends/mp_process.py +++ b/src/lightning/app/runners/backends/mp_process.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/runners/cloud.py b/src/lightning/app/runners/cloud.py index 6f7c6f1332cc8..dcf3a27038f69 100644 --- a/src/lightning/app/runners/cloud.py +++ b/src/lightning/app/runners/cloud.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/runners/multiprocess.py b/src/lightning/app/runners/multiprocess.py index 9e016047e4b3e..eb9e964644d1a 100644 --- a/src/lightning/app/runners/multiprocess.py +++ b/src/lightning/app/runners/multiprocess.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/runners/runtime.py b/src/lightning/app/runners/runtime.py index 95bc12095f000..94ea7597861c8 100644 --- a/src/lightning/app/runners/runtime.py +++ b/src/lightning/app/runners/runtime.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/runners/runtime_type.py b/src/lightning/app/runners/runtime_type.py index 4f2f297269a28..0626861725a7a 100644 --- a/src/lightning/app/runners/runtime_type.py +++ b/src/lightning/app/runners/runtime_type.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/source_code/copytree.py b/src/lightning/app/source_code/copytree.py index f61cabc9e5762..5e439d2eb0f1b 100644 --- a/src/lightning/app/source_code/copytree.py +++ b/src/lightning/app/source_code/copytree.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/source_code/hashing.py b/src/lightning/app/source_code/hashing.py index 3f198d12abb8f..a2aa5df83d171 100644 --- a/src/lightning/app/source_code/hashing.py +++ b/src/lightning/app/source_code/hashing.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/source_code/local.py b/src/lightning/app/source_code/local.py index da7112adea173..49a7f4a305d33 100644 --- a/src/lightning/app/source_code/local.py +++ b/src/lightning/app/source_code/local.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/source_code/tar.py b/src/lightning/app/source_code/tar.py index 2efc60145f90e..2679eaaced924 100644 --- a/src/lightning/app/source_code/tar.py +++ b/src/lightning/app/source_code/tar.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/source_code/uploader.py b/src/lightning/app/source_code/uploader.py index bc34585f34c85..306ee96d7eda5 100644 --- a/src/lightning/app/source_code/uploader.py +++ b/src/lightning/app/source_code/uploader.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/storage/copier.py b/src/lightning/app/storage/copier.py index 0e88df819e343..6715e19a15222 100644 --- a/src/lightning/app/storage/copier.py +++ b/src/lightning/app/storage/copier.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/storage/drive.py b/src/lightning/app/storage/drive.py index e336486299669..88a27bd25c838 100644 --- a/src/lightning/app/storage/drive.py +++ b/src/lightning/app/storage/drive.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/storage/mount.py b/src/lightning/app/storage/mount.py index 6068788abd977..efe922aa97e0e 100644 --- a/src/lightning/app/storage/mount.py +++ b/src/lightning/app/storage/mount.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/storage/orchestrator.py b/src/lightning/app/storage/orchestrator.py index fdb50f09d6031..9546a40ba4841 100644 --- a/src/lightning/app/storage/orchestrator.py +++ b/src/lightning/app/storage/orchestrator.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/storage/path.py b/src/lightning/app/storage/path.py index ba15fb495ec41..f6dc44cbae4b0 100644 --- a/src/lightning/app/storage/path.py +++ b/src/lightning/app/storage/path.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/storage/payload.py b/src/lightning/app/storage/payload.py index c8bf743aaa112..fca2c57c4459b 100644 --- a/src/lightning/app/storage/payload.py +++ b/src/lightning/app/storage/payload.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/storage/requests.py b/src/lightning/app/storage/requests.py index 7ef97f6512f51..83f430c452ce0 100644 --- a/src/lightning/app/storage/requests.py +++ b/src/lightning/app/storage/requests.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/structures/dict.py b/src/lightning/app/structures/dict.py index c45106ef61002..b70931127f416 100644 --- a/src/lightning/app/structures/dict.py +++ b/src/lightning/app/structures/dict.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/structures/list.py b/src/lightning/app/structures/list.py index ffb25bdb7d4db..7f2056aa9e936 100644 --- a/src/lightning/app/structures/list.py +++ b/src/lightning/app/structures/list.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/testing/config.py b/src/lightning/app/testing/config.py index adbaa635a02ef..677c382f5b5ca 100644 --- a/src/lightning/app/testing/config.py +++ b/src/lightning/app/testing/config.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/testing/helpers.py b/src/lightning/app/testing/helpers.py index 735c20dfd4f08..2e98b3f47171f 100644 --- a/src/lightning/app/testing/helpers.py +++ b/src/lightning/app/testing/helpers.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/testing/testing.py b/src/lightning/app/testing/testing.py index fe59535d05064..f37e4b9853600 100644 --- a/src/lightning/app/testing/testing.py +++ b/src/lightning/app/testing/testing.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/app_commands.py b/src/lightning/app/utilities/app_commands.py index 207c4dc21d244..c7b28cfec7f8f 100644 --- a/src/lightning/app/utilities/app_commands.py +++ b/src/lightning/app/utilities/app_commands.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/app_helpers.py b/src/lightning/app/utilities/app_helpers.py index 4383db4052bd8..15cef74108409 100644 --- a/src/lightning/app/utilities/app_helpers.py +++ b/src/lightning/app/utilities/app_helpers.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/app_logs.py b/src/lightning/app/utilities/app_logs.py index 84638aa609744..c03ca162fb8e1 100644 --- a/src/lightning/app/utilities/app_logs.py +++ b/src/lightning/app/utilities/app_logs.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/app_status.py b/src/lightning/app/utilities/app_status.py index ee13c4daa11a3..2b383cb2956b4 100644 --- a/src/lightning/app/utilities/app_status.py +++ b/src/lightning/app/utilities/app_status.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/auth.py b/src/lightning/app/utilities/auth.py index 216c2147e3678..81f5f2cba61ac 100644 --- a/src/lightning/app/utilities/auth.py +++ b/src/lightning/app/utilities/auth.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/cli_helpers.py b/src/lightning/app/utilities/cli_helpers.py index 94c6aee98500e..6b9cede9fe4c4 100644 --- a/src/lightning/app/utilities/cli_helpers.py +++ b/src/lightning/app/utilities/cli_helpers.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/cloud.py b/src/lightning/app/utilities/cloud.py index 8ef5f7f884ede..c1b66f3d470d8 100644 --- a/src/lightning/app/utilities/cloud.py +++ b/src/lightning/app/utilities/cloud.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/cluster_logs.py b/src/lightning/app/utilities/cluster_logs.py index f5e7795007e93..9011f84914997 100644 --- a/src/lightning/app/utilities/cluster_logs.py +++ b/src/lightning/app/utilities/cluster_logs.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/commands/base.py b/src/lightning/app/utilities/commands/base.py index 216ccefbc9365..2d0ec762e1a83 100644 --- a/src/lightning/app/utilities/commands/base.py +++ b/src/lightning/app/utilities/commands/base.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/component.py b/src/lightning/app/utilities/component.py index 4c58eb4d3c022..a22299aafa3f8 100644 --- a/src/lightning/app/utilities/component.py +++ b/src/lightning/app/utilities/component.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/data_structures.py b/src/lightning/app/utilities/data_structures.py index 92145f570485e..f4c0fa2d189b3 100644 --- a/src/lightning/app/utilities/data_structures.py +++ b/src/lightning/app/utilities/data_structures.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/dependency_caching.py b/src/lightning/app/utilities/dependency_caching.py index ae4c5f26443cf..8cb389a20a164 100644 --- a/src/lightning/app/utilities/dependency_caching.py +++ b/src/lightning/app/utilities/dependency_caching.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/enum.py b/src/lightning/app/utilities/enum.py index a18d7e633e5b0..1e5422289d220 100644 --- a/src/lightning/app/utilities/enum.py +++ b/src/lightning/app/utilities/enum.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/exceptions.py b/src/lightning/app/utilities/exceptions.py index 6a78223b237b8..fb63a6ce7bea7 100644 --- a/src/lightning/app/utilities/exceptions.py +++ b/src/lightning/app/utilities/exceptions.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/frontend.py b/src/lightning/app/utilities/frontend.py index 853ed2ebf0bf7..29b6daef793f4 100644 --- a/src/lightning/app/utilities/frontend.py +++ b/src/lightning/app/utilities/frontend.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/git.py b/src/lightning/app/utilities/git.py index ae25c039d20f7..f3f8c582ab512 100644 --- a/src/lightning/app/utilities/git.py +++ b/src/lightning/app/utilities/git.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/imports.py b/src/lightning/app/utilities/imports.py index 166e68bcbb45f..a5bf8fc34056d 100644 --- a/src/lightning/app/utilities/imports.py +++ b/src/lightning/app/utilities/imports.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/introspection.py b/src/lightning/app/utilities/introspection.py index e69cf484d853f..7859ff0b00886 100644 --- a/src/lightning/app/utilities/introspection.py +++ b/src/lightning/app/utilities/introspection.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/layout.py b/src/lightning/app/utilities/layout.py index ac314215e514a..28822c33a86ed 100644 --- a/src/lightning/app/utilities/layout.py +++ b/src/lightning/app/utilities/layout.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/load_app.py b/src/lightning/app/utilities/load_app.py index 8f031c80fab0d..801c7c255a44b 100644 --- a/src/lightning/app/utilities/load_app.py +++ b/src/lightning/app/utilities/load_app.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/log.py b/src/lightning/app/utilities/log.py index 4c6d4f50d682c..88af37b09393c 100644 --- a/src/lightning/app/utilities/log.py +++ b/src/lightning/app/utilities/log.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/log_helpers.py b/src/lightning/app/utilities/log_helpers.py index 7f15a8c1bf059..b7777d94e49e4 100644 --- a/src/lightning/app/utilities/log_helpers.py +++ b/src/lightning/app/utilities/log_helpers.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/login.py b/src/lightning/app/utilities/login.py index 7c6424952a4d6..78b8125179a6f 100644 --- a/src/lightning/app/utilities/login.py +++ b/src/lightning/app/utilities/login.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/logs_socket_api.py b/src/lightning/app/utilities/logs_socket_api.py index e02e621638f57..80233fad1e3a8 100644 --- a/src/lightning/app/utilities/logs_socket_api.py +++ b/src/lightning/app/utilities/logs_socket_api.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/name_generator.py b/src/lightning/app/utilities/name_generator.py index 5399a93470f08..4966927566d33 100644 --- a/src/lightning/app/utilities/name_generator.py +++ b/src/lightning/app/utilities/name_generator.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/network.py b/src/lightning/app/utilities/network.py index 0d9ff3cdb3269..ae1a4f25ab599 100644 --- a/src/lightning/app/utilities/network.py +++ b/src/lightning/app/utilities/network.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/openapi.py b/src/lightning/app/utilities/openapi.py index fcb1149e1cc7e..2482bee225ec0 100644 --- a/src/lightning/app/utilities/openapi.py +++ b/src/lightning/app/utilities/openapi.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/packaging/app_config.py b/src/lightning/app/utilities/packaging/app_config.py index ec93d44ec7f5f..b47cff7ed2df8 100644 --- a/src/lightning/app/utilities/packaging/app_config.py +++ b/src/lightning/app/utilities/packaging/app_config.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/packaging/build_config.py b/src/lightning/app/utilities/packaging/build_config.py index 400d5eeaab045..97724b83b5a91 100644 --- a/src/lightning/app/utilities/packaging/build_config.py +++ b/src/lightning/app/utilities/packaging/build_config.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/packaging/cloud_compute.py b/src/lightning/app/utilities/packaging/cloud_compute.py index 101db61050d0c..2474e0b3a7f0c 100644 --- a/src/lightning/app/utilities/packaging/cloud_compute.py +++ b/src/lightning/app/utilities/packaging/cloud_compute.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/packaging/docker.py b/src/lightning/app/utilities/packaging/docker.py index dc7743422d2e0..90300bcf08c2e 100644 --- a/src/lightning/app/utilities/packaging/docker.py +++ b/src/lightning/app/utilities/packaging/docker.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/packaging/lightning_utils.py b/src/lightning/app/utilities/packaging/lightning_utils.py index 8d43f7f1c34eb..b99988de02d8e 100644 --- a/src/lightning/app/utilities/packaging/lightning_utils.py +++ b/src/lightning/app/utilities/packaging/lightning_utils.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/packaging/tarfile.py b/src/lightning/app/utilities/packaging/tarfile.py index de873733a8962..9316478bc93c3 100644 --- a/src/lightning/app/utilities/packaging/tarfile.py +++ b/src/lightning/app/utilities/packaging/tarfile.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/port.py b/src/lightning/app/utilities/port.py index 3212c641b96ce..ca5ad7d91f1c9 100644 --- a/src/lightning/app/utilities/port.py +++ b/src/lightning/app/utilities/port.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/proxies.py b/src/lightning/app/utilities/proxies.py index 6cd176104a45b..57fdbbe925b43 100644 --- a/src/lightning/app/utilities/proxies.py +++ b/src/lightning/app/utilities/proxies.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/redis.py b/src/lightning/app/utilities/redis.py index 6564e8765b945..5461d5d302ae3 100644 --- a/src/lightning/app/utilities/redis.py +++ b/src/lightning/app/utilities/redis.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/safe_pickle.py b/src/lightning/app/utilities/safe_pickle.py index 07f19ea88b36b..52f97c9bf44b6 100644 --- a/src/lightning/app/utilities/safe_pickle.py +++ b/src/lightning/app/utilities/safe_pickle.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/scheduler.py b/src/lightning/app/utilities/scheduler.py index 91acf2ac825d9..5a766c8dccfe0 100644 --- a/src/lightning/app/utilities/scheduler.py +++ b/src/lightning/app/utilities/scheduler.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/secrets.py b/src/lightning/app/utilities/secrets.py index 1cb38a2cb1dbc..9ba758d4d26d6 100644 --- a/src/lightning/app/utilities/secrets.py +++ b/src/lightning/app/utilities/secrets.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/state.py b/src/lightning/app/utilities/state.py index 40f68326b1491..17b740476fa5b 100644 --- a/src/lightning/app/utilities/state.py +++ b/src/lightning/app/utilities/state.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/tracer.py b/src/lightning/app/utilities/tracer.py index e6052f3de6536..1613c62725cfa 100644 --- a/src/lightning/app/utilities/tracer.py +++ b/src/lightning/app/utilities/tracer.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/tree.py b/src/lightning/app/utilities/tree.py index 5e61f4bb78742..751e47a0b6dea 100644 --- a/src/lightning/app/utilities/tree.py +++ b/src/lightning/app/utilities/tree.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/types.py b/src/lightning/app/utilities/types.py index 0da383017bd29..5d604ad650d93 100644 --- a/src/lightning/app/utilities/types.py +++ b/src/lightning/app/utilities/types.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/app/utilities/warnings.py b/src/lightning/app/utilities/warnings.py index 8e4c7d431c362..f0787103ea54d 100644 --- a/src/lightning/app/utilities/warnings.py +++ b/src/lightning/app/utilities/warnings.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/accelerators/__init__.py b/src/lightning/fabric/accelerators/__init__.py index afb2b7ba1c076..4480814d207d1 100644 --- a/src/lightning/fabric/accelerators/__init__.py +++ b/src/lightning/fabric/accelerators/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at diff --git a/src/lightning/fabric/accelerators/accelerator.py b/src/lightning/fabric/accelerators/accelerator.py index 5480a512794ad..7a8d8a38b7866 100644 --- a/src/lightning/fabric/accelerators/accelerator.py +++ b/src/lightning/fabric/accelerators/accelerator.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/accelerators/cpu.py b/src/lightning/fabric/accelerators/cpu.py index 43f78faad1d70..37cd2a2f079b6 100644 --- a/src/lightning/fabric/accelerators/cpu.py +++ b/src/lightning/fabric/accelerators/cpu.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/accelerators/cuda.py b/src/lightning/fabric/accelerators/cuda.py index 90ed59b4e2b41..ead28538bd134 100644 --- a/src/lightning/fabric/accelerators/cuda.py +++ b/src/lightning/fabric/accelerators/cuda.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/accelerators/mps.py b/src/lightning/fabric/accelerators/mps.py index 9f0f0875e7f09..179a16134ed1d 100644 --- a/src/lightning/fabric/accelerators/mps.py +++ b/src/lightning/fabric/accelerators/mps.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/accelerators/registry.py b/src/lightning/fabric/accelerators/registry.py index 41ed67e34a890..4fd62ab15708a 100644 --- a/src/lightning/fabric/accelerators/registry.py +++ b/src/lightning/fabric/accelerators/registry.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/accelerators/tpu.py b/src/lightning/fabric/accelerators/tpu.py index f67bc6ff41b16..60e93ac793ab6 100644 --- a/src/lightning/fabric/accelerators/tpu.py +++ b/src/lightning/fabric/accelerators/tpu.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/cli.py b/src/lightning/fabric/cli.py index a387fe7620e86..6ade6d5ce1039 100644 --- a/src/lightning/fabric/cli.py +++ b/src/lightning/fabric/cli.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/connector.py b/src/lightning/fabric/connector.py index 0def7a49cef12..237e7be4ec6f1 100644 --- a/src/lightning/fabric/connector.py +++ b/src/lightning/fabric/connector.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/fabric.py b/src/lightning/fabric/fabric.py index eb48f6161dd6d..7e41844243673 100644 --- a/src/lightning/fabric/fabric.py +++ b/src/lightning/fabric/fabric.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/loggers/__init__.py b/src/lightning/fabric/loggers/__init__.py index b94ff7fbfe7e8..bbe5ea1e96837 100644 --- a/src/lightning/fabric/loggers/__init__.py +++ b/src/lightning/fabric/loggers/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at diff --git a/src/lightning/fabric/loggers/csv_logs.py b/src/lightning/fabric/loggers/csv_logs.py index ec6c3fd05d75c..498fa1d33897b 100644 --- a/src/lightning/fabric/loggers/csv_logs.py +++ b/src/lightning/fabric/loggers/csv_logs.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/loggers/logger.py b/src/lightning/fabric/loggers/logger.py index 40e00356b479e..e958b48159240 100644 --- a/src/lightning/fabric/loggers/logger.py +++ b/src/lightning/fabric/loggers/logger.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/loggers/tensorboard.py b/src/lightning/fabric/loggers/tensorboard.py index f195e02c97f74..462b7243fe2ff 100644 --- a/src/lightning/fabric/loggers/tensorboard.py +++ b/src/lightning/fabric/loggers/tensorboard.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/__init__.py b/src/lightning/fabric/plugins/__init__.py index b71848769fec8..31368988e2db2 100644 --- a/src/lightning/fabric/plugins/__init__.py +++ b/src/lightning/fabric/plugins/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/environments/__init__.py b/src/lightning/fabric/plugins/environments/__init__.py index e740602c4b67e..b5c3bc3c9130c 100644 --- a/src/lightning/fabric/plugins/environments/__init__.py +++ b/src/lightning/fabric/plugins/environments/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/environments/cluster_environment.py b/src/lightning/fabric/plugins/environments/cluster_environment.py index 56ba1327091e9..25a16d85ddfa4 100644 --- a/src/lightning/fabric/plugins/environments/cluster_environment.py +++ b/src/lightning/fabric/plugins/environments/cluster_environment.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/environments/kubeflow.py b/src/lightning/fabric/plugins/environments/kubeflow.py index 1e7c4441c0769..7420b4d861d47 100644 --- a/src/lightning/fabric/plugins/environments/kubeflow.py +++ b/src/lightning/fabric/plugins/environments/kubeflow.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/environments/lightning.py b/src/lightning/fabric/plugins/environments/lightning.py index 1a2e8c7b8916c..efb4968cc6950 100644 --- a/src/lightning/fabric/plugins/environments/lightning.py +++ b/src/lightning/fabric/plugins/environments/lightning.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/environments/lsf.py b/src/lightning/fabric/plugins/environments/lsf.py index 3d32839921904..53f2a61de9b84 100644 --- a/src/lightning/fabric/plugins/environments/lsf.py +++ b/src/lightning/fabric/plugins/environments/lsf.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/environments/mpi.py b/src/lightning/fabric/plugins/environments/mpi.py index abe441e2f26c0..b9c9a401ff3ff 100644 --- a/src/lightning/fabric/plugins/environments/mpi.py +++ b/src/lightning/fabric/plugins/environments/mpi.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/environments/slurm.py b/src/lightning/fabric/plugins/environments/slurm.py index 786caab24d63d..588d2f2b0f8cb 100644 --- a/src/lightning/fabric/plugins/environments/slurm.py +++ b/src/lightning/fabric/plugins/environments/slurm.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/environments/torchelastic.py b/src/lightning/fabric/plugins/environments/torchelastic.py index c11f99c5bb172..63ce72f730857 100644 --- a/src/lightning/fabric/plugins/environments/torchelastic.py +++ b/src/lightning/fabric/plugins/environments/torchelastic.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/environments/xla.py b/src/lightning/fabric/plugins/environments/xla.py index 4b26181b81486..1944cfdfd485e 100644 --- a/src/lightning/fabric/plugins/environments/xla.py +++ b/src/lightning/fabric/plugins/environments/xla.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/io/__init__.py b/src/lightning/fabric/plugins/io/__init__.py index eb951e554486e..23b972418deae 100644 --- a/src/lightning/fabric/plugins/io/__init__.py +++ b/src/lightning/fabric/plugins/io/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/io/checkpoint_io.py b/src/lightning/fabric/plugins/io/checkpoint_io.py index 2dd6bac4c0072..4f35f521181f8 100644 --- a/src/lightning/fabric/plugins/io/checkpoint_io.py +++ b/src/lightning/fabric/plugins/io/checkpoint_io.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/io/torch_io.py b/src/lightning/fabric/plugins/io/torch_io.py index 02fd9a03c6b2d..7db1a494ff718 100644 --- a/src/lightning/fabric/plugins/io/torch_io.py +++ b/src/lightning/fabric/plugins/io/torch_io.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/io/xla.py b/src/lightning/fabric/plugins/io/xla.py index b83c7040f82df..192c03d36c829 100644 --- a/src/lightning/fabric/plugins/io/xla.py +++ b/src/lightning/fabric/plugins/io/xla.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/precision/__init__.py b/src/lightning/fabric/plugins/precision/__init__.py index a42b1f6e49b11..58f45ede53b98 100644 --- a/src/lightning/fabric/plugins/precision/__init__.py +++ b/src/lightning/fabric/plugins/precision/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/precision/amp.py b/src/lightning/fabric/plugins/precision/amp.py index 6cce0f0877d01..5fa6752ae4e0c 100644 --- a/src/lightning/fabric/plugins/precision/amp.py +++ b/src/lightning/fabric/plugins/precision/amp.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/precision/deepspeed.py b/src/lightning/fabric/plugins/precision/deepspeed.py index 0708b819227ef..c06a43d8c03c0 100644 --- a/src/lightning/fabric/plugins/precision/deepspeed.py +++ b/src/lightning/fabric/plugins/precision/deepspeed.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/precision/double.py b/src/lightning/fabric/plugins/precision/double.py index 839fbd5731e25..652fe8ede5076 100644 --- a/src/lightning/fabric/plugins/precision/double.py +++ b/src/lightning/fabric/plugins/precision/double.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/precision/fsdp.py b/src/lightning/fabric/plugins/precision/fsdp.py index bd7391a9009a1..dc471049df2d0 100644 --- a/src/lightning/fabric/plugins/precision/fsdp.py +++ b/src/lightning/fabric/plugins/precision/fsdp.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/precision/precision.py b/src/lightning/fabric/plugins/precision/precision.py index 631a1c8e1e20a..b609ee78a21e9 100644 --- a/src/lightning/fabric/plugins/precision/precision.py +++ b/src/lightning/fabric/plugins/precision/precision.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/precision/tpu.py b/src/lightning/fabric/plugins/precision/tpu.py index 8aebdec5b6d5b..364e475088ded 100644 --- a/src/lightning/fabric/plugins/precision/tpu.py +++ b/src/lightning/fabric/plugins/precision/tpu.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/precision/tpu_bf16.py b/src/lightning/fabric/plugins/precision/tpu_bf16.py index 3177dcf746e6b..79654a9c041a3 100644 --- a/src/lightning/fabric/plugins/precision/tpu_bf16.py +++ b/src/lightning/fabric/plugins/precision/tpu_bf16.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/plugins/precision/utils.py b/src/lightning/fabric/plugins/precision/utils.py index 51306b40fab14..9425c40626cea 100644 --- a/src/lightning/fabric/plugins/precision/utils.py +++ b/src/lightning/fabric/plugins/precision/utils.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/__init__.py b/src/lightning/fabric/strategies/__init__.py index e17c1aaa7a799..d4dc4020b1311 100644 --- a/src/lightning/fabric/strategies/__init__.py +++ b/src/lightning/fabric/strategies/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/ddp.py b/src/lightning/fabric/strategies/ddp.py index c5c3de9b796d6..54cac12e7a60c 100644 --- a/src/lightning/fabric/strategies/ddp.py +++ b/src/lightning/fabric/strategies/ddp.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/deepspeed.py b/src/lightning/fabric/strategies/deepspeed.py index 81c50ffa16d85..dab9b7ec5886e 100644 --- a/src/lightning/fabric/strategies/deepspeed.py +++ b/src/lightning/fabric/strategies/deepspeed.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/dp.py b/src/lightning/fabric/strategies/dp.py index c56d7ffa1f48b..62401372ed510 100644 --- a/src/lightning/fabric/strategies/dp.py +++ b/src/lightning/fabric/strategies/dp.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/fsdp.py b/src/lightning/fabric/strategies/fsdp.py index d633037fa37fc..eb929d86ef9f4 100644 --- a/src/lightning/fabric/strategies/fsdp.py +++ b/src/lightning/fabric/strategies/fsdp.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/launchers/__init__.py b/src/lightning/fabric/strategies/launchers/__init__.py index f2aea04739854..0a977db8111f6 100644 --- a/src/lightning/fabric/strategies/launchers/__init__.py +++ b/src/lightning/fabric/strategies/launchers/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/launchers/base.py b/src/lightning/fabric/strategies/launchers/base.py index e3a35409c0660..aefc8577a3e2a 100644 --- a/src/lightning/fabric/strategies/launchers/base.py +++ b/src/lightning/fabric/strategies/launchers/base.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/launchers/launcher.py b/src/lightning/fabric/strategies/launchers/launcher.py index e3a35409c0660..aefc8577a3e2a 100644 --- a/src/lightning/fabric/strategies/launchers/launcher.py +++ b/src/lightning/fabric/strategies/launchers/launcher.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/launchers/multiprocessing.py b/src/lightning/fabric/strategies/launchers/multiprocessing.py index a839f3f3eb0a4..70eb3852c9e06 100644 --- a/src/lightning/fabric/strategies/launchers/multiprocessing.py +++ b/src/lightning/fabric/strategies/launchers/multiprocessing.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/launchers/subprocess_script.py b/src/lightning/fabric/strategies/launchers/subprocess_script.py index bb47b0e5e122b..efb5ac9eef98a 100644 --- a/src/lightning/fabric/strategies/launchers/subprocess_script.py +++ b/src/lightning/fabric/strategies/launchers/subprocess_script.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/launchers/xla.py b/src/lightning/fabric/strategies/launchers/xla.py index 5482e695d8e3c..f548d9266e78b 100644 --- a/src/lightning/fabric/strategies/launchers/xla.py +++ b/src/lightning/fabric/strategies/launchers/xla.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/parallel.py b/src/lightning/fabric/strategies/parallel.py index 422ee839071d9..d7dd1ea07ce65 100644 --- a/src/lightning/fabric/strategies/parallel.py +++ b/src/lightning/fabric/strategies/parallel.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/registry.py b/src/lightning/fabric/strategies/registry.py index 5566570f94447..9b53841d1ba93 100644 --- a/src/lightning/fabric/strategies/registry.py +++ b/src/lightning/fabric/strategies/registry.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/single_device.py b/src/lightning/fabric/strategies/single_device.py index a9bf00f559156..439f292d4e267 100644 --- a/src/lightning/fabric/strategies/single_device.py +++ b/src/lightning/fabric/strategies/single_device.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/single_tpu.py b/src/lightning/fabric/strategies/single_tpu.py index 108b1d7ff90a3..bf3586c8b6e02 100644 --- a/src/lightning/fabric/strategies/single_tpu.py +++ b/src/lightning/fabric/strategies/single_tpu.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/strategy.py b/src/lightning/fabric/strategies/strategy.py index 599221d0926fa..53f3d58f60017 100644 --- a/src/lightning/fabric/strategies/strategy.py +++ b/src/lightning/fabric/strategies/strategy.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/strategies/xla.py b/src/lightning/fabric/strategies/xla.py index f13e7dc09ff6e..ffaec51891412 100644 --- a/src/lightning/fabric/strategies/xla.py +++ b/src/lightning/fabric/strategies/xla.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/__init__.py b/src/lightning/fabric/utilities/__init__.py index 8ba12c0c95cbb..887c8177ceab3 100644 --- a/src/lightning/fabric/utilities/__init__.py +++ b/src/lightning/fabric/utilities/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/apply_func.py b/src/lightning/fabric/utilities/apply_func.py index 0f2b52085a38c..dad42a764b0c5 100644 --- a/src/lightning/fabric/utilities/apply_func.py +++ b/src/lightning/fabric/utilities/apply_func.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/cloud_io.py b/src/lightning/fabric/utilities/cloud_io.py index 1df1602847f5b..a8657e2369301 100644 --- a/src/lightning/fabric/utilities/cloud_io.py +++ b/src/lightning/fabric/utilities/cloud_io.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/data.py b/src/lightning/fabric/utilities/data.py index f8a3ae9a15d22..d3b632b6cea93 100644 --- a/src/lightning/fabric/utilities/data.py +++ b/src/lightning/fabric/utilities/data.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/device_dtype_mixin.py b/src/lightning/fabric/utilities/device_dtype_mixin.py index f2a1bca53a74e..30a7f0f8258ff 100644 --- a/src/lightning/fabric/utilities/device_dtype_mixin.py +++ b/src/lightning/fabric/utilities/device_dtype_mixin.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/device_parser.py b/src/lightning/fabric/utilities/device_parser.py index 6f9c28d493e56..3ec00e9e5a9a9 100644 --- a/src/lightning/fabric/utilities/device_parser.py +++ b/src/lightning/fabric/utilities/device_parser.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/enums.py b/src/lightning/fabric/utilities/enums.py index 241776d146be7..91915c5127c25 100644 --- a/src/lightning/fabric/utilities/enums.py +++ b/src/lightning/fabric/utilities/enums.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/exceptions.py b/src/lightning/fabric/utilities/exceptions.py index 7aa280d97bcdd..74c9770a2c220 100644 --- a/src/lightning/fabric/utilities/exceptions.py +++ b/src/lightning/fabric/utilities/exceptions.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/imports.py b/src/lightning/fabric/utilities/imports.py index 738940ac208d2..a58a940152bbf 100644 --- a/src/lightning/fabric/utilities/imports.py +++ b/src/lightning/fabric/utilities/imports.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/logger.py b/src/lightning/fabric/utilities/logger.py index c5b125cb0ba32..be2f2e2087146 100644 --- a/src/lightning/fabric/utilities/logger.py +++ b/src/lightning/fabric/utilities/logger.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/optimizer.py b/src/lightning/fabric/utilities/optimizer.py index a620efc835d08..c22375b786277 100644 --- a/src/lightning/fabric/utilities/optimizer.py +++ b/src/lightning/fabric/utilities/optimizer.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/rank_zero.py b/src/lightning/fabric/utilities/rank_zero.py index fa3d86ec2bd39..018691ebedcb5 100644 --- a/src/lightning/fabric/utilities/rank_zero.py +++ b/src/lightning/fabric/utilities/rank_zero.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/registry.py b/src/lightning/fabric/utilities/registry.py index 8399377c5e665..10903d039ec7d 100644 --- a/src/lightning/fabric/utilities/registry.py +++ b/src/lightning/fabric/utilities/registry.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/types.py b/src/lightning/fabric/utilities/types.py index b643939114b67..5fc73fab5a865 100644 --- a/src/lightning/fabric/utilities/types.py +++ b/src/lightning/fabric/utilities/types.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/utilities/warnings.py b/src/lightning/fabric/utilities/warnings.py index 97340f444a1ba..bc86a1394a197 100644 --- a/src/lightning/fabric/utilities/warnings.py +++ b/src/lightning/fabric/utilities/warnings.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/fabric/wrappers.py b/src/lightning/fabric/wrappers.py index f04683d93bfcd..086b863e48780 100644 --- a/src/lightning/fabric/wrappers.py +++ b/src/lightning/fabric/wrappers.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/_graveyard/__init__.py b/src/lightning/pytorch/_graveyard/__init__.py index aa5a132574dbe..0186ab3a4a179 100644 --- a/src/lightning/pytorch/_graveyard/__init__.py +++ b/src/lightning/pytorch/_graveyard/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/accelerators/__init__.py b/src/lightning/pytorch/accelerators/__init__.py index e8ab8b1664ad1..57d45bcb6448a 100644 --- a/src/lightning/pytorch/accelerators/__init__.py +++ b/src/lightning/pytorch/accelerators/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at diff --git a/src/lightning/pytorch/accelerators/accelerator.py b/src/lightning/pytorch/accelerators/accelerator.py index cc9ddbc6cb2a0..9f02784850ca6 100644 --- a/src/lightning/pytorch/accelerators/accelerator.py +++ b/src/lightning/pytorch/accelerators/accelerator.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/accelerators/cpu.py b/src/lightning/pytorch/accelerators/cpu.py index 7510ae0e2f1b4..7339c042d4c34 100644 --- a/src/lightning/pytorch/accelerators/cpu.py +++ b/src/lightning/pytorch/accelerators/cpu.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/accelerators/cuda.py b/src/lightning/pytorch/accelerators/cuda.py index c5224c013a163..9662b17876fe2 100644 --- a/src/lightning/pytorch/accelerators/cuda.py +++ b/src/lightning/pytorch/accelerators/cuda.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/accelerators/hpu.py b/src/lightning/pytorch/accelerators/hpu.py index 4fb8ca0441e7e..70b458910ef51 100644 --- a/src/lightning/pytorch/accelerators/hpu.py +++ b/src/lightning/pytorch/accelerators/hpu.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/accelerators/ipu.py b/src/lightning/pytorch/accelerators/ipu.py index 2e84fcc450adf..c0b09924e317c 100644 --- a/src/lightning/pytorch/accelerators/ipu.py +++ b/src/lightning/pytorch/accelerators/ipu.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/accelerators/mps.py b/src/lightning/pytorch/accelerators/mps.py index c309a61d0f0ab..f4a41e3f7b5bb 100644 --- a/src/lightning/pytorch/accelerators/mps.py +++ b/src/lightning/pytorch/accelerators/mps.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/accelerators/tpu.py b/src/lightning/pytorch/accelerators/tpu.py index 74c3c886927f0..4171e1b1a9a0d 100644 --- a/src/lightning/pytorch/accelerators/tpu.py +++ b/src/lightning/pytorch/accelerators/tpu.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/__init__.py b/src/lightning/pytorch/callbacks/__init__.py index ad0c1a95f7339..10b1a432a916f 100644 --- a/src/lightning/pytorch/callbacks/__init__.py +++ b/src/lightning/pytorch/callbacks/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/batch_size_finder.py b/src/lightning/pytorch/callbacks/batch_size_finder.py index 027c93146aa4f..84e04378709f0 100644 --- a/src/lightning/pytorch/callbacks/batch_size_finder.py +++ b/src/lightning/pytorch/callbacks/batch_size_finder.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/callback.py b/src/lightning/pytorch/callbacks/callback.py index b3e4cf0adc426..432764e036508 100644 --- a/src/lightning/pytorch/callbacks/callback.py +++ b/src/lightning/pytorch/callbacks/callback.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/device_stats_monitor.py b/src/lightning/pytorch/callbacks/device_stats_monitor.py index d1f6dec19418e..06af163ceb530 100644 --- a/src/lightning/pytorch/callbacks/device_stats_monitor.py +++ b/src/lightning/pytorch/callbacks/device_stats_monitor.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/early_stopping.py b/src/lightning/pytorch/callbacks/early_stopping.py index 041a6c43e11c7..5cbb005416cf7 100644 --- a/src/lightning/pytorch/callbacks/early_stopping.py +++ b/src/lightning/pytorch/callbacks/early_stopping.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/finetuning.py b/src/lightning/pytorch/callbacks/finetuning.py index c4a1fea0c820d..d7a86248ff8e5 100644 --- a/src/lightning/pytorch/callbacks/finetuning.py +++ b/src/lightning/pytorch/callbacks/finetuning.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/gradient_accumulation_scheduler.py b/src/lightning/pytorch/callbacks/gradient_accumulation_scheduler.py index c92c9d58c9b2f..3bb8f2538f77c 100644 --- a/src/lightning/pytorch/callbacks/gradient_accumulation_scheduler.py +++ b/src/lightning/pytorch/callbacks/gradient_accumulation_scheduler.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/lambda_function.py b/src/lightning/pytorch/callbacks/lambda_function.py index d28a523026d44..64e29337b359a 100644 --- a/src/lightning/pytorch/callbacks/lambda_function.py +++ b/src/lightning/pytorch/callbacks/lambda_function.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/lr_finder.py b/src/lightning/pytorch/callbacks/lr_finder.py index 26a1452391353..a19b26a76cfa7 100644 --- a/src/lightning/pytorch/callbacks/lr_finder.py +++ b/src/lightning/pytorch/callbacks/lr_finder.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/lr_monitor.py b/src/lightning/pytorch/callbacks/lr_monitor.py index afec2b7f1e277..567385b079469 100644 --- a/src/lightning/pytorch/callbacks/lr_monitor.py +++ b/src/lightning/pytorch/callbacks/lr_monitor.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/model_checkpoint.py b/src/lightning/pytorch/callbacks/model_checkpoint.py index d252183e69a7f..0513c122ee7ba 100644 --- a/src/lightning/pytorch/callbacks/model_checkpoint.py +++ b/src/lightning/pytorch/callbacks/model_checkpoint.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/model_summary.py b/src/lightning/pytorch/callbacks/model_summary.py index 434ba92df1813..6d050ff9c47e2 100644 --- a/src/lightning/pytorch/callbacks/model_summary.py +++ b/src/lightning/pytorch/callbacks/model_summary.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/on_exception_checkpoint.py b/src/lightning/pytorch/callbacks/on_exception_checkpoint.py index 59c99fba0e026..760e774a256e8 100644 --- a/src/lightning/pytorch/callbacks/on_exception_checkpoint.py +++ b/src/lightning/pytorch/callbacks/on_exception_checkpoint.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/prediction_writer.py b/src/lightning/pytorch/callbacks/prediction_writer.py index 7f8286d29b409..fbc38f6fc1880 100644 --- a/src/lightning/pytorch/callbacks/prediction_writer.py +++ b/src/lightning/pytorch/callbacks/prediction_writer.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/progress/__init__.py b/src/lightning/pytorch/callbacks/progress/__init__.py index de770d5c85b19..147119dc7c723 100644 --- a/src/lightning/pytorch/callbacks/progress/__init__.py +++ b/src/lightning/pytorch/callbacks/progress/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/progress/base.py b/src/lightning/pytorch/callbacks/progress/base.py index 1edc2e940dedb..1789b83ca3a37 100644 --- a/src/lightning/pytorch/callbacks/progress/base.py +++ b/src/lightning/pytorch/callbacks/progress/base.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/progress/rich_progress.py b/src/lightning/pytorch/callbacks/progress/rich_progress.py index eb87e964dea3c..de5b83cb545c5 100644 --- a/src/lightning/pytorch/callbacks/progress/rich_progress.py +++ b/src/lightning/pytorch/callbacks/progress/rich_progress.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/progress/tqdm_progress.py b/src/lightning/pytorch/callbacks/progress/tqdm_progress.py index a1616c9815f5d..5af994c296c2b 100644 --- a/src/lightning/pytorch/callbacks/progress/tqdm_progress.py +++ b/src/lightning/pytorch/callbacks/progress/tqdm_progress.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/pruning.py b/src/lightning/pytorch/callbacks/pruning.py index 89cb756b2dec1..a717fe869be9d 100644 --- a/src/lightning/pytorch/callbacks/pruning.py +++ b/src/lightning/pytorch/callbacks/pruning.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/quantization.py b/src/lightning/pytorch/callbacks/quantization.py index bf8460c0fb878..050224d05a593 100644 --- a/src/lightning/pytorch/callbacks/quantization.py +++ b/src/lightning/pytorch/callbacks/quantization.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/rich_model_summary.py b/src/lightning/pytorch/callbacks/rich_model_summary.py index 513adc34d5371..0ec1563d70279 100644 --- a/src/lightning/pytorch/callbacks/rich_model_summary.py +++ b/src/lightning/pytorch/callbacks/rich_model_summary.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/stochastic_weight_avg.py b/src/lightning/pytorch/callbacks/stochastic_weight_avg.py index 8065d0ebd025b..ea639bdd81ac9 100644 --- a/src/lightning/pytorch/callbacks/stochastic_weight_avg.py +++ b/src/lightning/pytorch/callbacks/stochastic_weight_avg.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/callbacks/timer.py b/src/lightning/pytorch/callbacks/timer.py index 5cc27f3c3a5d0..68833997e5ecb 100644 --- a/src/lightning/pytorch/callbacks/timer.py +++ b/src/lightning/pytorch/callbacks/timer.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/cli.py b/src/lightning/pytorch/cli.py index 7e27cd8b75f98..1942ce6d156e5 100644 --- a/src/lightning/pytorch/cli.py +++ b/src/lightning/pytorch/cli.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/core/__init__.py b/src/lightning/pytorch/core/__init__.py index 996219bee831b..6f4e66afb3ee0 100644 --- a/src/lightning/pytorch/core/__init__.py +++ b/src/lightning/pytorch/core/__init__.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/core/datamodule.py b/src/lightning/pytorch/core/datamodule.py index d8597152899eb..2ccf4cce6fcd2 100644 --- a/src/lightning/pytorch/core/datamodule.py +++ b/src/lightning/pytorch/core/datamodule.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/core/hooks.py b/src/lightning/pytorch/core/hooks.py index 4823d00e34a2f..1b2aacbcdee54 100644 --- a/src/lightning/pytorch/core/hooks.py +++ b/src/lightning/pytorch/core/hooks.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/core/mixins/__init__.py b/src/lightning/pytorch/core/mixins/__init__.py index f412a692e7d24..0f0baabc5d769 100644 --- a/src/lightning/pytorch/core/mixins/__init__.py +++ b/src/lightning/pytorch/core/mixins/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/core/mixins/hparams_mixin.py b/src/lightning/pytorch/core/mixins/hparams_mixin.py index 9f9c1dcab34dd..ea29728030bf4 100644 --- a/src/lightning/pytorch/core/mixins/hparams_mixin.py +++ b/src/lightning/pytorch/core/mixins/hparams_mixin.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/core/module.py b/src/lightning/pytorch/core/module.py index 5516af9f3c6b8..652bf60c4cd5a 100644 --- a/src/lightning/pytorch/core/module.py +++ b/src/lightning/pytorch/core/module.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/core/optimizer.py b/src/lightning/pytorch/core/optimizer.py index eb5d1948a97a7..6f09e2f181672 100644 --- a/src/lightning/pytorch/core/optimizer.py +++ b/src/lightning/pytorch/core/optimizer.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/core/saving.py b/src/lightning/pytorch/core/saving.py index 5473adb267d86..ecacff2cd1bcc 100644 --- a/src/lightning/pytorch/core/saving.py +++ b/src/lightning/pytorch/core/saving.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/demos/boring_classes.py b/src/lightning/pytorch/demos/boring_classes.py index 39ef9966c1064..87ba74d3d00b6 100644 --- a/src/lightning/pytorch/demos/boring_classes.py +++ b/src/lightning/pytorch/demos/boring_classes.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/demos/mnist_datamodule.py b/src/lightning/pytorch/demos/mnist_datamodule.py index 992cfefe373c8..483e1bb053e85 100644 --- a/src/lightning/pytorch/demos/mnist_datamodule.py +++ b/src/lightning/pytorch/demos/mnist_datamodule.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loggers/__init__.py b/src/lightning/pytorch/loggers/__init__.py index d79ba62d85a6c..4d275660ee5bb 100644 --- a/src/lightning/pytorch/loggers/__init__.py +++ b/src/lightning/pytorch/loggers/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loggers/comet.py b/src/lightning/pytorch/loggers/comet.py index 2a5704220b169..ddd996586d93b 100644 --- a/src/lightning/pytorch/loggers/comet.py +++ b/src/lightning/pytorch/loggers/comet.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loggers/csv_logs.py b/src/lightning/pytorch/loggers/csv_logs.py index 9ab29f3432e3a..571514ff3d039 100644 --- a/src/lightning/pytorch/loggers/csv_logs.py +++ b/src/lightning/pytorch/loggers/csv_logs.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loggers/logger.py b/src/lightning/pytorch/loggers/logger.py index 9ac163ff6b379..52a51ab8eb74a 100644 --- a/src/lightning/pytorch/loggers/logger.py +++ b/src/lightning/pytorch/loggers/logger.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loggers/mlflow.py b/src/lightning/pytorch/loggers/mlflow.py index cfbc159460e69..45efe47992d83 100644 --- a/src/lightning/pytorch/loggers/mlflow.py +++ b/src/lightning/pytorch/loggers/mlflow.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loggers/neptune.py b/src/lightning/pytorch/loggers/neptune.py index 256409817c04d..37b33e68567f6 100644 --- a/src/lightning/pytorch/loggers/neptune.py +++ b/src/lightning/pytorch/loggers/neptune.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loggers/tensorboard.py b/src/lightning/pytorch/loggers/tensorboard.py index 9857144bcd51f..7cc5c001909a2 100644 --- a/src/lightning/pytorch/loggers/tensorboard.py +++ b/src/lightning/pytorch/loggers/tensorboard.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loggers/wandb.py b/src/lightning/pytorch/loggers/wandb.py index 0519f6c44b641..21695ca41b823 100644 --- a/src/lightning/pytorch/loggers/wandb.py +++ b/src/lightning/pytorch/loggers/wandb.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/__init__.py b/src/lightning/pytorch/loops/__init__.py index dd64810d789c2..e5b25857eccfe 100644 --- a/src/lightning/pytorch/loops/__init__.py +++ b/src/lightning/pytorch/loops/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/dataloader/__init__.py b/src/lightning/pytorch/loops/dataloader/__init__.py index f37a5bbd8c16c..c4ae2488ec0ec 100644 --- a/src/lightning/pytorch/loops/dataloader/__init__.py +++ b/src/lightning/pytorch/loops/dataloader/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/dataloader/dataloader_loop.py b/src/lightning/pytorch/loops/dataloader/dataloader_loop.py index 18c24cc713ae4..dfbf2db66b6c3 100644 --- a/src/lightning/pytorch/loops/dataloader/dataloader_loop.py +++ b/src/lightning/pytorch/loops/dataloader/dataloader_loop.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/dataloader/evaluation_loop.py b/src/lightning/pytorch/loops/dataloader/evaluation_loop.py index 9542f52f3e62b..75ed1d9338211 100644 --- a/src/lightning/pytorch/loops/dataloader/evaluation_loop.py +++ b/src/lightning/pytorch/loops/dataloader/evaluation_loop.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/epoch/__init__.py b/src/lightning/pytorch/loops/epoch/__init__.py index c21eeda8028ec..990f935ac212c 100644 --- a/src/lightning/pytorch/loops/epoch/__init__.py +++ b/src/lightning/pytorch/loops/epoch/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/epoch/evaluation_epoch_loop.py b/src/lightning/pytorch/loops/epoch/evaluation_epoch_loop.py index c74b3f84c292d..6a70c08c52eda 100644 --- a/src/lightning/pytorch/loops/epoch/evaluation_epoch_loop.py +++ b/src/lightning/pytorch/loops/epoch/evaluation_epoch_loop.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/epoch/training_epoch_loop.py b/src/lightning/pytorch/loops/epoch/training_epoch_loop.py index d36ad1a22f2f2..271e6e1326fcd 100644 --- a/src/lightning/pytorch/loops/epoch/training_epoch_loop.py +++ b/src/lightning/pytorch/loops/epoch/training_epoch_loop.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/fit_loop.py b/src/lightning/pytorch/loops/fit_loop.py index d68bb5d5b664a..3c18daab56f89 100644 --- a/src/lightning/pytorch/loops/fit_loop.py +++ b/src/lightning/pytorch/loops/fit_loop.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/loop.py b/src/lightning/pytorch/loops/loop.py index 974358a105650..70ee0926890a0 100644 --- a/src/lightning/pytorch/loops/loop.py +++ b/src/lightning/pytorch/loops/loop.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/optimization/__init__.py b/src/lightning/pytorch/loops/optimization/__init__.py index 4ea5fdfe7e75c..047987f5a0203 100644 --- a/src/lightning/pytorch/loops/optimization/__init__.py +++ b/src/lightning/pytorch/loops/optimization/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/optimization/automatic.py b/src/lightning/pytorch/loops/optimization/automatic.py index 7610990234b6f..75f39af92d33d 100644 --- a/src/lightning/pytorch/loops/optimization/automatic.py +++ b/src/lightning/pytorch/loops/optimization/automatic.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/optimization/closure.py b/src/lightning/pytorch/loops/optimization/closure.py index ee643857a4339..0949b222d114e 100644 --- a/src/lightning/pytorch/loops/optimization/closure.py +++ b/src/lightning/pytorch/loops/optimization/closure.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/optimization/manual.py b/src/lightning/pytorch/loops/optimization/manual.py index 7b64dcee6b349..2dd2491ef887b 100644 --- a/src/lightning/pytorch/loops/optimization/manual.py +++ b/src/lightning/pytorch/loops/optimization/manual.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/progress.py b/src/lightning/pytorch/loops/progress.py index 2a0e687e5bf3d..5406318d9d172 100644 --- a/src/lightning/pytorch/loops/progress.py +++ b/src/lightning/pytorch/loops/progress.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/loops/utilities.py b/src/lightning/pytorch/loops/utilities.py index 5880bade35577..366aee6947d34 100644 --- a/src/lightning/pytorch/loops/utilities.py +++ b/src/lightning/pytorch/loops/utilities.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/overrides/base.py b/src/lightning/pytorch/overrides/base.py index 36568929b3748..d87b4cd27d37e 100644 --- a/src/lightning/pytorch/overrides/base.py +++ b/src/lightning/pytorch/overrides/base.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/overrides/data_parallel.py b/src/lightning/pytorch/overrides/data_parallel.py index 1a89715e330ab..b13a2055eae7c 100644 --- a/src/lightning/pytorch/overrides/data_parallel.py +++ b/src/lightning/pytorch/overrides/data_parallel.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/overrides/distributed.py b/src/lightning/pytorch/overrides/distributed.py index 019cde8a0765a..3f8f98afb4a13 100644 --- a/src/lightning/pytorch/overrides/distributed.py +++ b/src/lightning/pytorch/overrides/distributed.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/environments/__init__.py b/src/lightning/pytorch/plugins/environments/__init__.py index a8d2cf691944e..41141f5b259c7 100644 --- a/src/lightning/pytorch/plugins/environments/__init__.py +++ b/src/lightning/pytorch/plugins/environments/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/environments/bagua_environment.py b/src/lightning/pytorch/plugins/environments/bagua_environment.py index 77339df0d6eb5..d32522be8b78a 100644 --- a/src/lightning/pytorch/plugins/environments/bagua_environment.py +++ b/src/lightning/pytorch/plugins/environments/bagua_environment.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/io/__init__.py b/src/lightning/pytorch/plugins/io/__init__.py index af07ea1c20add..500565a3a3a97 100644 --- a/src/lightning/pytorch/plugins/io/__init__.py +++ b/src/lightning/pytorch/plugins/io/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/io/async_plugin.py b/src/lightning/pytorch/plugins/io/async_plugin.py index 29d917e151723..d7dadd659b717 100644 --- a/src/lightning/pytorch/plugins/io/async_plugin.py +++ b/src/lightning/pytorch/plugins/io/async_plugin.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/io/checkpoint_plugin.py b/src/lightning/pytorch/plugins/io/checkpoint_plugin.py index 20b78044864d4..a814056e87520 100644 --- a/src/lightning/pytorch/plugins/io/checkpoint_plugin.py +++ b/src/lightning/pytorch/plugins/io/checkpoint_plugin.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/io/hpu_plugin.py b/src/lightning/pytorch/plugins/io/hpu_plugin.py index b800303398a21..04221d6b40d7e 100644 --- a/src/lightning/pytorch/plugins/io/hpu_plugin.py +++ b/src/lightning/pytorch/plugins/io/hpu_plugin.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/io/torch_plugin.py b/src/lightning/pytorch/plugins/io/torch_plugin.py index 2f1c18c8b5afd..25f688d6215aa 100644 --- a/src/lightning/pytorch/plugins/io/torch_plugin.py +++ b/src/lightning/pytorch/plugins/io/torch_plugin.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/io/wrapper.py b/src/lightning/pytorch/plugins/io/wrapper.py index fbd709a05ee22..78d2ce83e9469 100644 --- a/src/lightning/pytorch/plugins/io/wrapper.py +++ b/src/lightning/pytorch/plugins/io/wrapper.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/io/xla_plugin.py b/src/lightning/pytorch/plugins/io/xla_plugin.py index ce97b7d0c0d4d..4613b46a43634 100644 --- a/src/lightning/pytorch/plugins/io/xla_plugin.py +++ b/src/lightning/pytorch/plugins/io/xla_plugin.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/layer_sync.py b/src/lightning/pytorch/plugins/layer_sync.py index bb03c350afa2a..e777eb04ea8d1 100644 --- a/src/lightning/pytorch/plugins/layer_sync.py +++ b/src/lightning/pytorch/plugins/layer_sync.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/precision/__init__.py b/src/lightning/pytorch/plugins/precision/__init__.py index 3053444fcf22e..4eb7c1f049181 100644 --- a/src/lightning/pytorch/plugins/precision/__init__.py +++ b/src/lightning/pytorch/plugins/precision/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/precision/colossalai.py b/src/lightning/pytorch/plugins/precision/colossalai.py index db31cc7109e1d..7945c2c493bbc 100644 --- a/src/lightning/pytorch/plugins/precision/colossalai.py +++ b/src/lightning/pytorch/plugins/precision/colossalai.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/precision/deepspeed.py b/src/lightning/pytorch/plugins/precision/deepspeed.py index b6ab1c84778bf..4204c2f1321dd 100644 --- a/src/lightning/pytorch/plugins/precision/deepspeed.py +++ b/src/lightning/pytorch/plugins/precision/deepspeed.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/precision/double.py b/src/lightning/pytorch/plugins/precision/double.py index a31842cb329cc..e008097046637 100644 --- a/src/lightning/pytorch/plugins/precision/double.py +++ b/src/lightning/pytorch/plugins/precision/double.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/precision/fsdp.py b/src/lightning/pytorch/plugins/precision/fsdp.py index 3c2ee2d384c7d..7e1d6a5250294 100644 --- a/src/lightning/pytorch/plugins/precision/fsdp.py +++ b/src/lightning/pytorch/plugins/precision/fsdp.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/precision/hpu.py b/src/lightning/pytorch/plugins/precision/hpu.py index fa8ec1454b014..225545d89f581 100644 --- a/src/lightning/pytorch/plugins/precision/hpu.py +++ b/src/lightning/pytorch/plugins/precision/hpu.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/precision/ipu.py b/src/lightning/pytorch/plugins/precision/ipu.py index 4502922710974..f82bc07ac2119 100644 --- a/src/lightning/pytorch/plugins/precision/ipu.py +++ b/src/lightning/pytorch/plugins/precision/ipu.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/precision/precision_plugin.py b/src/lightning/pytorch/plugins/precision/precision_plugin.py index f63ae72d7e60d..85cc24cb799e4 100644 --- a/src/lightning/pytorch/plugins/precision/precision_plugin.py +++ b/src/lightning/pytorch/plugins/precision/precision_plugin.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/precision/tpu.py b/src/lightning/pytorch/plugins/precision/tpu.py index 308e77ad8bf10..68e4d9e6a66b6 100644 --- a/src/lightning/pytorch/plugins/precision/tpu.py +++ b/src/lightning/pytorch/plugins/precision/tpu.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/plugins/precision/tpu_bf16.py b/src/lightning/pytorch/plugins/precision/tpu_bf16.py index ed7cb8e6b9ce5..814af173d0464 100644 --- a/src/lightning/pytorch/plugins/precision/tpu_bf16.py +++ b/src/lightning/pytorch/plugins/precision/tpu_bf16.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/profilers/__init__.py b/src/lightning/pytorch/profilers/__init__.py index f18277caf89a2..e9aa6201f058b 100644 --- a/src/lightning/pytorch/profilers/__init__.py +++ b/src/lightning/pytorch/profilers/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/profilers/advanced.py b/src/lightning/pytorch/profilers/advanced.py index e877f9b502b7a..29809760217b0 100644 --- a/src/lightning/pytorch/profilers/advanced.py +++ b/src/lightning/pytorch/profilers/advanced.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/profilers/base.py b/src/lightning/pytorch/profilers/base.py index 4faf4c9a497c7..5bf3b0e6e812c 100644 --- a/src/lightning/pytorch/profilers/base.py +++ b/src/lightning/pytorch/profilers/base.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/profilers/profiler.py b/src/lightning/pytorch/profilers/profiler.py index 90423b0006185..43b5bdc5d5985 100644 --- a/src/lightning/pytorch/profilers/profiler.py +++ b/src/lightning/pytorch/profilers/profiler.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/profilers/pytorch.py b/src/lightning/pytorch/profilers/pytorch.py index 19c6572696144..b0281caee1105 100644 --- a/src/lightning/pytorch/profilers/pytorch.py +++ b/src/lightning/pytorch/profilers/pytorch.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/profilers/simple.py b/src/lightning/pytorch/profilers/simple.py index 1bc66c47e1855..50b37624bb944 100644 --- a/src/lightning/pytorch/profilers/simple.py +++ b/src/lightning/pytorch/profilers/simple.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/profilers/xla.py b/src/lightning/pytorch/profilers/xla.py index a36a11d49cb3f..6d04dccf08a6d 100644 --- a/src/lightning/pytorch/profilers/xla.py +++ b/src/lightning/pytorch/profilers/xla.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/__init__.py b/src/lightning/pytorch/strategies/__init__.py index c02c207f3d2ff..eb77a7302dbad 100644 --- a/src/lightning/pytorch/strategies/__init__.py +++ b/src/lightning/pytorch/strategies/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/bagua.py b/src/lightning/pytorch/strategies/bagua.py index 7659ba21edf14..0ca3cdd72fd86 100644 --- a/src/lightning/pytorch/strategies/bagua.py +++ b/src/lightning/pytorch/strategies/bagua.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/colossalai.py b/src/lightning/pytorch/strategies/colossalai.py index e79879c5ac253..03296a2c46948 100644 --- a/src/lightning/pytorch/strategies/colossalai.py +++ b/src/lightning/pytorch/strategies/colossalai.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/ddp.py b/src/lightning/pytorch/strategies/ddp.py index e4258cc94955d..1692f9960ff6d 100644 --- a/src/lightning/pytorch/strategies/ddp.py +++ b/src/lightning/pytorch/strategies/ddp.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/ddp_spawn.py b/src/lightning/pytorch/strategies/ddp_spawn.py index 47b76abc67a83..9974df53b10d2 100644 --- a/src/lightning/pytorch/strategies/ddp_spawn.py +++ b/src/lightning/pytorch/strategies/ddp_spawn.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/deepspeed.py b/src/lightning/pytorch/strategies/deepspeed.py index 2e5fd18f3c502..0ef589f9e9ae6 100644 --- a/src/lightning/pytorch/strategies/deepspeed.py +++ b/src/lightning/pytorch/strategies/deepspeed.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/dp.py b/src/lightning/pytorch/strategies/dp.py index 1631bf12bf71b..058bb07e67fb5 100644 --- a/src/lightning/pytorch/strategies/dp.py +++ b/src/lightning/pytorch/strategies/dp.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/fsdp.py b/src/lightning/pytorch/strategies/fsdp.py index e5d27452ea4f6..6d88063187fe4 100644 --- a/src/lightning/pytorch/strategies/fsdp.py +++ b/src/lightning/pytorch/strategies/fsdp.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/hpu_parallel.py b/src/lightning/pytorch/strategies/hpu_parallel.py index 66cd1b01311f0..b823d2fab5145 100644 --- a/src/lightning/pytorch/strategies/hpu_parallel.py +++ b/src/lightning/pytorch/strategies/hpu_parallel.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/ipu.py b/src/lightning/pytorch/strategies/ipu.py index 6a513898c8c29..9448cdba13a36 100644 --- a/src/lightning/pytorch/strategies/ipu.py +++ b/src/lightning/pytorch/strategies/ipu.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/launchers/__init__.py b/src/lightning/pytorch/strategies/launchers/__init__.py index 0180d1ffb83c4..1f4320be1c30c 100644 --- a/src/lightning/pytorch/strategies/launchers/__init__.py +++ b/src/lightning/pytorch/strategies/launchers/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/launchers/launcher.py b/src/lightning/pytorch/strategies/launchers/launcher.py index b84bb0e436ccf..14360bf31aed3 100644 --- a/src/lightning/pytorch/strategies/launchers/launcher.py +++ b/src/lightning/pytorch/strategies/launchers/launcher.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/launchers/multiprocessing.py b/src/lightning/pytorch/strategies/launchers/multiprocessing.py index 81916de21eec2..54300194ff58d 100644 --- a/src/lightning/pytorch/strategies/launchers/multiprocessing.py +++ b/src/lightning/pytorch/strategies/launchers/multiprocessing.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/launchers/subprocess_script.py b/src/lightning/pytorch/strategies/launchers/subprocess_script.py index 66739ccfba17e..815c36e0fbefa 100644 --- a/src/lightning/pytorch/strategies/launchers/subprocess_script.py +++ b/src/lightning/pytorch/strategies/launchers/subprocess_script.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/launchers/xla.py b/src/lightning/pytorch/strategies/launchers/xla.py index 8c9c03678f664..2670c860087eb 100644 --- a/src/lightning/pytorch/strategies/launchers/xla.py +++ b/src/lightning/pytorch/strategies/launchers/xla.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/parallel.py b/src/lightning/pytorch/strategies/parallel.py index d67f356e2c14f..0e48e4044daee 100644 --- a/src/lightning/pytorch/strategies/parallel.py +++ b/src/lightning/pytorch/strategies/parallel.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/single_device.py b/src/lightning/pytorch/strategies/single_device.py index 380593e0c1a7b..9f875929ffd66 100644 --- a/src/lightning/pytorch/strategies/single_device.py +++ b/src/lightning/pytorch/strategies/single_device.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/single_hpu.py b/src/lightning/pytorch/strategies/single_hpu.py index a4f873e720fb0..7f0c29af88be9 100644 --- a/src/lightning/pytorch/strategies/single_hpu.py +++ b/src/lightning/pytorch/strategies/single_hpu.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/single_tpu.py b/src/lightning/pytorch/strategies/single_tpu.py index e5c2c9f46c614..238fff0bda1cd 100644 --- a/src/lightning/pytorch/strategies/single_tpu.py +++ b/src/lightning/pytorch/strategies/single_tpu.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/strategy.py b/src/lightning/pytorch/strategies/strategy.py index edafb937ece40..6389fd940fd1c 100644 --- a/src/lightning/pytorch/strategies/strategy.py +++ b/src/lightning/pytorch/strategies/strategy.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/tpu_spawn.py b/src/lightning/pytorch/strategies/tpu_spawn.py index 33f620d3b9690..bcb5d669b7186 100644 --- a/src/lightning/pytorch/strategies/tpu_spawn.py +++ b/src/lightning/pytorch/strategies/tpu_spawn.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/strategies/utils.py b/src/lightning/pytorch/strategies/utils.py index bfd5eba68275c..1c3d72337786d 100644 --- a/src/lightning/pytorch/strategies/utils.py +++ b/src/lightning/pytorch/strategies/utils.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/trainer/__init__.py b/src/lightning/pytorch/trainer/__init__.py index 14acb3e8a9025..cbed5dd4f1f20 100644 --- a/src/lightning/pytorch/trainer/__init__.py +++ b/src/lightning/pytorch/trainer/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/trainer/configuration_validator.py b/src/lightning/pytorch/trainer/configuration_validator.py index 9f33e269fbf42..d7c2dca76aeb5 100644 --- a/src/lightning/pytorch/trainer/configuration_validator.py +++ b/src/lightning/pytorch/trainer/configuration_validator.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/trainer/connectors/accelerator_connector.py b/src/lightning/pytorch/trainer/connectors/accelerator_connector.py index ff8852eab63f3..e7c881f9b444e 100644 --- a/src/lightning/pytorch/trainer/connectors/accelerator_connector.py +++ b/src/lightning/pytorch/trainer/connectors/accelerator_connector.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/trainer/connectors/callback_connector.py b/src/lightning/pytorch/trainer/connectors/callback_connector.py index dafbe202a40d7..ed9aa3fb2596f 100644 --- a/src/lightning/pytorch/trainer/connectors/callback_connector.py +++ b/src/lightning/pytorch/trainer/connectors/callback_connector.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/trainer/connectors/checkpoint_connector.py b/src/lightning/pytorch/trainer/connectors/checkpoint_connector.py index 68a86d91e8dbc..7a292d0bb2adf 100644 --- a/src/lightning/pytorch/trainer/connectors/checkpoint_connector.py +++ b/src/lightning/pytorch/trainer/connectors/checkpoint_connector.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/trainer/connectors/data_connector.py b/src/lightning/pytorch/trainer/connectors/data_connector.py index 0a1cf668a6fce..fe130722a4156 100644 --- a/src/lightning/pytorch/trainer/connectors/data_connector.py +++ b/src/lightning/pytorch/trainer/connectors/data_connector.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/trainer/connectors/logger_connector/fx_validator.py b/src/lightning/pytorch/trainer/connectors/logger_connector/fx_validator.py index 5790f9dbe0512..05dc36dae7da5 100644 --- a/src/lightning/pytorch/trainer/connectors/logger_connector/fx_validator.py +++ b/src/lightning/pytorch/trainer/connectors/logger_connector/fx_validator.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/trainer/connectors/logger_connector/logger_connector.py b/src/lightning/pytorch/trainer/connectors/logger_connector/logger_connector.py index ebc03d64afe0e..2a780cea2c642 100644 --- a/src/lightning/pytorch/trainer/connectors/logger_connector/logger_connector.py +++ b/src/lightning/pytorch/trainer/connectors/logger_connector/logger_connector.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/trainer/connectors/logger_connector/result.py b/src/lightning/pytorch/trainer/connectors/logger_connector/result.py index de9c3b77d0daf..54a79cf0c8aa8 100644 --- a/src/lightning/pytorch/trainer/connectors/logger_connector/result.py +++ b/src/lightning/pytorch/trainer/connectors/logger_connector/result.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/trainer/states.py b/src/lightning/pytorch/trainer/states.py index 3f47896642437..336a6c08b2778 100644 --- a/src/lightning/pytorch/trainer/states.py +++ b/src/lightning/pytorch/trainer/states.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/trainer/supporters.py b/src/lightning/pytorch/trainer/supporters.py index 31de35b31e33f..b6659264eaa52 100644 --- a/src/lightning/pytorch/trainer/supporters.py +++ b/src/lightning/pytorch/trainer/supporters.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/trainer/trainer.py b/src/lightning/pytorch/trainer/trainer.py index e517863975e91..f22bfed2dbd7b 100644 --- a/src/lightning/pytorch/trainer/trainer.py +++ b/src/lightning/pytorch/trainer/trainer.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/tuner/__init__.py b/src/lightning/pytorch/tuner/__init__.py index 987bb8cb4ff1f..a61049303c4c3 100644 --- a/src/lightning/pytorch/tuner/__init__.py +++ b/src/lightning/pytorch/tuner/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/tuner/batch_size_scaling.py b/src/lightning/pytorch/tuner/batch_size_scaling.py index 5386167862202..00413ec8242be 100644 --- a/src/lightning/pytorch/tuner/batch_size_scaling.py +++ b/src/lightning/pytorch/tuner/batch_size_scaling.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/tuner/lr_finder.py b/src/lightning/pytorch/tuner/lr_finder.py index 49f017012ec99..63cb1472015a9 100644 --- a/src/lightning/pytorch/tuner/lr_finder.py +++ b/src/lightning/pytorch/tuner/lr_finder.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/tuner/tuning.py b/src/lightning/pytorch/tuner/tuning.py index afe672925de41..5ff12d25cce64 100644 --- a/src/lightning/pytorch/tuner/tuning.py +++ b/src/lightning/pytorch/tuner/tuning.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/__init__.py b/src/lightning/pytorch/utilities/__init__.py index 14fb980e783cd..7354f28bc046f 100644 --- a/src/lightning/pytorch/utilities/__init__.py +++ b/src/lightning/pytorch/utilities/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/argparse.py b/src/lightning/pytorch/utilities/argparse.py index f4d35eea35397..44dd26e41dc32 100644 --- a/src/lightning/pytorch/utilities/argparse.py +++ b/src/lightning/pytorch/utilities/argparse.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/data.py b/src/lightning/pytorch/utilities/data.py index 0b7ec1ef6153d..c0acb21d4f6ed 100644 --- a/src/lightning/pytorch/utilities/data.py +++ b/src/lightning/pytorch/utilities/data.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/enums.py b/src/lightning/pytorch/utilities/enums.py index 288a4bd7bde35..c8377532ac55b 100644 --- a/src/lightning/pytorch/utilities/enums.py +++ b/src/lightning/pytorch/utilities/enums.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/exceptions.py b/src/lightning/pytorch/utilities/exceptions.py index 7900f0a9033f1..a4d694ceb7003 100644 --- a/src/lightning/pytorch/utilities/exceptions.py +++ b/src/lightning/pytorch/utilities/exceptions.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/fetching.py b/src/lightning/pytorch/utilities/fetching.py index c686c3ebdeb47..90636c88a0797 100644 --- a/src/lightning/pytorch/utilities/fetching.py +++ b/src/lightning/pytorch/utilities/fetching.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/finite_checks.py b/src/lightning/pytorch/utilities/finite_checks.py index 8f295e145240b..cb37a2704e236 100644 --- a/src/lightning/pytorch/utilities/finite_checks.py +++ b/src/lightning/pytorch/utilities/finite_checks.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/grads.py b/src/lightning/pytorch/utilities/grads.py index 14d64714e5e5d..5ead8caee940b 100644 --- a/src/lightning/pytorch/utilities/grads.py +++ b/src/lightning/pytorch/utilities/grads.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/imports.py b/src/lightning/pytorch/utilities/imports.py index b56409e797bd5..24491db54574b 100644 --- a/src/lightning/pytorch/utilities/imports.py +++ b/src/lightning/pytorch/utilities/imports.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/logger.py b/src/lightning/pytorch/utilities/logger.py index b267a1daada1f..5cdcea10cf117 100644 --- a/src/lightning/pytorch/utilities/logger.py +++ b/src/lightning/pytorch/utilities/logger.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/memory.py b/src/lightning/pytorch/utilities/memory.py index efb89793ba5da..f4978e07f5fa4 100644 --- a/src/lightning/pytorch/utilities/memory.py +++ b/src/lightning/pytorch/utilities/memory.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/meta.py b/src/lightning/pytorch/utilities/meta.py index d3ef998d63bb4..cd3999a690e70 100644 --- a/src/lightning/pytorch/utilities/meta.py +++ b/src/lightning/pytorch/utilities/meta.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/metrics.py b/src/lightning/pytorch/utilities/metrics.py index d509932f4645a..4a58a7ad12de2 100644 --- a/src/lightning/pytorch/utilities/metrics.py +++ b/src/lightning/pytorch/utilities/metrics.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/migration/__init__.py b/src/lightning/pytorch/utilities/migration/__init__.py index 66342ecaad088..f8fa8e5539e77 100644 --- a/src/lightning/pytorch/utilities/migration/__init__.py +++ b/src/lightning/pytorch/utilities/migration/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/migration/migration.py b/src/lightning/pytorch/utilities/migration/migration.py index e7433f992c76f..229b62f85c744 100644 --- a/src/lightning/pytorch/utilities/migration/migration.py +++ b/src/lightning/pytorch/utilities/migration/migration.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/migration/utils.py b/src/lightning/pytorch/utilities/migration/utils.py index 114e94d43ebe7..62bc248ddacb1 100644 --- a/src/lightning/pytorch/utilities/migration/utils.py +++ b/src/lightning/pytorch/utilities/migration/utils.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/model_helpers.py b/src/lightning/pytorch/utilities/model_helpers.py index 1f1936b610c48..686ec91eca134 100644 --- a/src/lightning/pytorch/utilities/model_helpers.py +++ b/src/lightning/pytorch/utilities/model_helpers.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/model_summary/__init__.py b/src/lightning/pytorch/utilities/model_summary/__init__.py index af8a7d38dc42c..294e95af8e2e4 100644 --- a/src/lightning/pytorch/utilities/model_summary/__init__.py +++ b/src/lightning/pytorch/utilities/model_summary/__init__.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/model_summary/model_summary.py b/src/lightning/pytorch/utilities/model_summary/model_summary.py index d4341a9950f4f..20caad5acb3c0 100644 --- a/src/lightning/pytorch/utilities/model_summary/model_summary.py +++ b/src/lightning/pytorch/utilities/model_summary/model_summary.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/parameter_tying.py b/src/lightning/pytorch/utilities/parameter_tying.py index d263b8cc23dfa..9b12b456db451 100644 --- a/src/lightning/pytorch/utilities/parameter_tying.py +++ b/src/lightning/pytorch/utilities/parameter_tying.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/parsing.py b/src/lightning/pytorch/utilities/parsing.py index 493590bd3234d..56a3873ade33c 100644 --- a/src/lightning/pytorch/utilities/parsing.py +++ b/src/lightning/pytorch/utilities/parsing.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/rank_zero.py b/src/lightning/pytorch/utilities/rank_zero.py index a4a320cf96079..39fdaae08927a 100644 --- a/src/lightning/pytorch/utilities/rank_zero.py +++ b/src/lightning/pytorch/utilities/rank_zero.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/seed.py b/src/lightning/pytorch/utilities/seed.py index edb2f8cd9e36d..50c88dbad6936 100644 --- a/src/lightning/pytorch/utilities/seed.py +++ b/src/lightning/pytorch/utilities/seed.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/signature_utils.py b/src/lightning/pytorch/utilities/signature_utils.py index 55a72498f07c9..bed5e2f18a31b 100644 --- a/src/lightning/pytorch/utilities/signature_utils.py +++ b/src/lightning/pytorch/utilities/signature_utils.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/types.py b/src/lightning/pytorch/utilities/types.py index c051e5f16542a..e42cca87e78a7 100644 --- a/src/lightning/pytorch/utilities/types.py +++ b/src/lightning/pytorch/utilities/types.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/upgrade_checkpoint.py b/src/lightning/pytorch/utilities/upgrade_checkpoint.py index 847f9fb953d26..948b5aeabe712 100644 --- a/src/lightning/pytorch/utilities/upgrade_checkpoint.py +++ b/src/lightning/pytorch/utilities/upgrade_checkpoint.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/pytorch/utilities/warnings.py b/src/lightning/pytorch/utilities/warnings.py index 795b28c738db2..ee54bb3397d58 100644 --- a/src/lightning/pytorch/utilities/warnings.py +++ b/src/lightning/pytorch/utilities/warnings.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/store/authentication.py b/src/lightning/store/authentication.py index b5cef52894225..d7b2c56868529 100644 --- a/src/lightning/store/authentication.py +++ b/src/lightning/store/authentication.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/store/cloud_api.py b/src/lightning/store/cloud_api.py index 01b828002159e..58cde43ffa334 100644 --- a/src/lightning/store/cloud_api.py +++ b/src/lightning/store/cloud_api.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/store/save.py b/src/lightning/store/save.py index 9029a52aed8f7..9e1971f9d3f89 100644 --- a/src/lightning/store/save.py +++ b/src/lightning/store/save.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning/store/utils.py b/src/lightning/store/utils.py index 655e512ccfbed..0aa7f6abd44f0 100644 --- a/src/lightning/store/utils.py +++ b/src/lightning/store/utils.py @@ -1,4 +1,4 @@ -# Copyright The Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/lightning_app/__about__.py b/src/lightning_app/__about__.py index cf60339262da3..ec0e0f3f5291e 100644 --- a/src/lightning_app/__about__.py +++ b/src/lightning_app/__about__.py @@ -1,5 +1,5 @@ #!/usr/bin/env python -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/src/pytorch_lightning/__about__.py b/src/pytorch_lightning/__about__.py index e2fdbd9ee3016..575547a216e60 100644 --- a/src/pytorch_lightning/__about__.py +++ b/src/pytorch_lightning/__about__.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/legacy/simple_classif_training.py b/tests/legacy/simple_classif_training.py index 0b519ed776c7c..fd62bc0963c0f 100644 --- a/tests/legacy/simple_classif_training.py +++ b/tests/legacy/simple_classif_training.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/accelerators/test_cpu.py b/tests/tests_fabric/accelerators/test_cpu.py index d2919f995970e..b51fb6189c069 100644 --- a/tests/tests_fabric/accelerators/test_cpu.py +++ b/tests/tests_fabric/accelerators/test_cpu.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/accelerators/test_cuda.py b/tests/tests_fabric/accelerators/test_cuda.py index f93970f8167ec..40f4be07442b2 100644 --- a/tests/tests_fabric/accelerators/test_cuda.py +++ b/tests/tests_fabric/accelerators/test_cuda.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/accelerators/test_mps.py b/tests/tests_fabric/accelerators/test_mps.py index 4455fd8d3c156..c7bdf3d3cd8af 100644 --- a/tests/tests_fabric/accelerators/test_mps.py +++ b/tests/tests_fabric/accelerators/test_mps.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/accelerators/test_registry.py b/tests/tests_fabric/accelerators/test_registry.py index f616b5b143722..6d2396a75e349 100644 --- a/tests/tests_fabric/accelerators/test_registry.py +++ b/tests/tests_fabric/accelerators/test_registry.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/accelerators/test_tpu.py b/tests/tests_fabric/accelerators/test_tpu.py index 53f46c021f273..a712c73e39ae0 100644 --- a/tests/tests_fabric/accelerators/test_tpu.py +++ b/tests/tests_fabric/accelerators/test_tpu.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/conftest.py b/tests/tests_fabric/conftest.py index 12b4d20a03202..6c47d085bc29d 100644 --- a/tests/tests_fabric/conftest.py +++ b/tests/tests_fabric/conftest.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/helpers/dataloaders.py b/tests/tests_fabric/helpers/dataloaders.py index 14dde1c8424b2..88da07355d24a 100644 --- a/tests/tests_fabric/helpers/dataloaders.py +++ b/tests/tests_fabric/helpers/dataloaders.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/helpers/runif.py b/tests/tests_fabric/helpers/runif.py index 260a604e799a6..350eef4c87773 100644 --- a/tests/tests_fabric/helpers/runif.py +++ b/tests/tests_fabric/helpers/runif.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/loggers/test_csv.py b/tests/tests_fabric/loggers/test_csv.py index 4354f7fa83bd2..f16fa7f19aec4 100644 --- a/tests/tests_fabric/loggers/test_csv.py +++ b/tests/tests_fabric/loggers/test_csv.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/loggers/test_tensorboard.py b/tests/tests_fabric/loggers/test_tensorboard.py index 2ba75c4f40eb2..ae375d7fa7980 100644 --- a/tests/tests_fabric/loggers/test_tensorboard.py +++ b/tests/tests_fabric/loggers/test_tensorboard.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/environments/test_kubeflow.py b/tests/tests_fabric/plugins/environments/test_kubeflow.py index 2cb6087cf77a7..11717bf09ab05 100644 --- a/tests/tests_fabric/plugins/environments/test_kubeflow.py +++ b/tests/tests_fabric/plugins/environments/test_kubeflow.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/environments/test_lightning.py b/tests/tests_fabric/plugins/environments/test_lightning.py index a21d4bf29abdc..75bae3ef7f810 100644 --- a/tests/tests_fabric/plugins/environments/test_lightning.py +++ b/tests/tests_fabric/plugins/environments/test_lightning.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/environments/test_lsf.py b/tests/tests_fabric/plugins/environments/test_lsf.py index 7e9352a71c9ec..7e26ce01dfa94 100644 --- a/tests/tests_fabric/plugins/environments/test_lsf.py +++ b/tests/tests_fabric/plugins/environments/test_lsf.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/environments/test_mpi.py b/tests/tests_fabric/plugins/environments/test_mpi.py index 6231324e6e8d5..f8132c8ece103 100644 --- a/tests/tests_fabric/plugins/environments/test_mpi.py +++ b/tests/tests_fabric/plugins/environments/test_mpi.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/environments/test_slurm.py b/tests/tests_fabric/plugins/environments/test_slurm.py index 1d2c145543c38..5a9476da0b5bd 100644 --- a/tests/tests_fabric/plugins/environments/test_slurm.py +++ b/tests/tests_fabric/plugins/environments/test_slurm.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/environments/test_torchelastic.py b/tests/tests_fabric/plugins/environments/test_torchelastic.py index f58b2d76b7cda..5553536845799 100644 --- a/tests/tests_fabric/plugins/environments/test_torchelastic.py +++ b/tests/tests_fabric/plugins/environments/test_torchelastic.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/environments/test_xla.py b/tests/tests_fabric/plugins/environments/test_xla.py index 6d6415115adc6..bb9afbede69d3 100644 --- a/tests/tests_fabric/plugins/environments/test_xla.py +++ b/tests/tests_fabric/plugins/environments/test_xla.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/precision/test_amp.py b/tests/tests_fabric/plugins/precision/test_amp.py index 35dad4d3fe943..fca1bd9140968 100644 --- a/tests/tests_fabric/plugins/precision/test_amp.py +++ b/tests/tests_fabric/plugins/precision/test_amp.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/precision/test_amp_integration.py b/tests/tests_fabric/plugins/precision/test_amp_integration.py index 2c0619d075e24..29c809d7c7b7b 100644 --- a/tests/tests_fabric/plugins/precision/test_amp_integration.py +++ b/tests/tests_fabric/plugins/precision/test_amp_integration.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/precision/test_deepspeed.py b/tests/tests_fabric/plugins/precision/test_deepspeed.py index 67a896eab24a3..5eed7c0a4d933 100644 --- a/tests/tests_fabric/plugins/precision/test_deepspeed.py +++ b/tests/tests_fabric/plugins/precision/test_deepspeed.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/precision/test_deepspeed_integration.py b/tests/tests_fabric/plugins/precision/test_deepspeed_integration.py index 51a017ec7d29f..5dfc670603db0 100644 --- a/tests/tests_fabric/plugins/precision/test_deepspeed_integration.py +++ b/tests/tests_fabric/plugins/precision/test_deepspeed_integration.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/precision/test_double.py b/tests/tests_fabric/plugins/precision/test_double.py index 6147c7cd6666f..699fd6376299f 100644 --- a/tests/tests_fabric/plugins/precision/test_double.py +++ b/tests/tests_fabric/plugins/precision/test_double.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/precision/test_double_integration.py b/tests/tests_fabric/plugins/precision/test_double_integration.py index 6f5d6844cce32..7af8ac6e28416 100644 --- a/tests/tests_fabric/plugins/precision/test_double_integration.py +++ b/tests/tests_fabric/plugins/precision/test_double_integration.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/precision/test_fsdp.py b/tests/tests_fabric/plugins/precision/test_fsdp.py index f684eb0b5559e..cee1afe35941e 100644 --- a/tests/tests_fabric/plugins/precision/test_fsdp.py +++ b/tests/tests_fabric/plugins/precision/test_fsdp.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/plugins/precision/test_tpu_bf16.py b/tests/tests_fabric/plugins/precision/test_tpu_bf16.py index 52a1e2b54b3af..e3c48e9547971 100644 --- a/tests/tests_fabric/plugins/precision/test_tpu_bf16.py +++ b/tests/tests_fabric/plugins/precision/test_tpu_bf16.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/strategies/launchers/test_multiprocessing.py b/tests/tests_fabric/strategies/launchers/test_multiprocessing.py index 46c4570dd22c6..002ffaab5fb64 100644 --- a/tests/tests_fabric/strategies/launchers/test_multiprocessing.py +++ b/tests/tests_fabric/strategies/launchers/test_multiprocessing.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/strategies/launchers/test_subprocess_script.py b/tests/tests_fabric/strategies/launchers/test_subprocess_script.py index 62466475fb842..ac7ce81ad5927 100644 --- a/tests/tests_fabric/strategies/launchers/test_subprocess_script.py +++ b/tests/tests_fabric/strategies/launchers/test_subprocess_script.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/strategies/launchers/test_xla.py b/tests/tests_fabric/strategies/launchers/test_xla.py index 21695bc3f7456..f7fec87f89534 100644 --- a/tests/tests_fabric/strategies/launchers/test_xla.py +++ b/tests/tests_fabric/strategies/launchers/test_xla.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/strategies/test_ddp.py b/tests/tests_fabric/strategies/test_ddp.py index 8418a6041ac11..df9b302f13afa 100644 --- a/tests/tests_fabric/strategies/test_ddp.py +++ b/tests/tests_fabric/strategies/test_ddp.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/strategies/test_deepspeed.py b/tests/tests_fabric/strategies/test_deepspeed.py index 36a42d9c0bb3f..471d4903a5d29 100644 --- a/tests/tests_fabric/strategies/test_deepspeed.py +++ b/tests/tests_fabric/strategies/test_deepspeed.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/strategies/test_deepspeed_integration.py b/tests/tests_fabric/strategies/test_deepspeed_integration.py index eb1f9d6f91079..a068d19cbc31d 100644 --- a/tests/tests_fabric/strategies/test_deepspeed_integration.py +++ b/tests/tests_fabric/strategies/test_deepspeed_integration.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/strategies/test_dp.py b/tests/tests_fabric/strategies/test_dp.py index 9bf333d6d1b31..12951645346b2 100644 --- a/tests/tests_fabric/strategies/test_dp.py +++ b/tests/tests_fabric/strategies/test_dp.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/strategies/test_fsdp.py b/tests/tests_fabric/strategies/test_fsdp.py index 5f52ed1bdcfe2..0f228d86321b7 100644 --- a/tests/tests_fabric/strategies/test_fsdp.py +++ b/tests/tests_fabric/strategies/test_fsdp.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/strategies/test_fsdp_integration.py b/tests/tests_fabric/strategies/test_fsdp_integration.py index 81f07a2c5e867..c80daee9723cc 100644 --- a/tests/tests_fabric/strategies/test_fsdp_integration.py +++ b/tests/tests_fabric/strategies/test_fsdp_integration.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/strategies/test_registry.py b/tests/tests_fabric/strategies/test_registry.py index 6af40159dac01..6c636fdf9795b 100644 --- a/tests/tests_fabric/strategies/test_registry.py +++ b/tests/tests_fabric/strategies/test_registry.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/strategies/test_single_device.py b/tests/tests_fabric/strategies/test_single_device.py index 0b669b0e31b9c..4353678957396 100644 --- a/tests/tests_fabric/strategies/test_single_device.py +++ b/tests/tests_fabric/strategies/test_single_device.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/strategies/test_strategy.py b/tests/tests_fabric/strategies/test_strategy.py index 0432b5e9c2f8d..2aaf42f9ed711 100644 --- a/tests/tests_fabric/strategies/test_strategy.py +++ b/tests/tests_fabric/strategies/test_strategy.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/strategies/test_xla.py b/tests/tests_fabric/strategies/test_xla.py index d64d785f2a725..aa59a795e0c3a 100644 --- a/tests/tests_fabric/strategies/test_xla.py +++ b/tests/tests_fabric/strategies/test_xla.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/test_cli.py b/tests/tests_fabric/test_cli.py index 47ebe1986b8dc..a10fd11c41eeb 100644 --- a/tests/tests_fabric/test_cli.py +++ b/tests/tests_fabric/test_cli.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/test_connector.py b/tests/tests_fabric/test_connector.py index 35eaef4a2f66d..c9411e9e5f3f3 100644 --- a/tests/tests_fabric/test_connector.py +++ b/tests/tests_fabric/test_connector.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/test_fabric.py b/tests/tests_fabric/test_fabric.py index 6fa8a731502a0..803f614ef6066 100644 --- a/tests/tests_fabric/test_fabric.py +++ b/tests/tests_fabric/test_fabric.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/test_parity.py b/tests/tests_fabric/test_parity.py index 739d8b3f6ccbf..44920ee9671ef 100644 --- a/tests/tests_fabric/test_parity.py +++ b/tests/tests_fabric/test_parity.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/test_wrappers.py b/tests/tests_fabric/test_wrappers.py index 801766413db78..b7ca0cd08844f 100644 --- a/tests/tests_fabric/test_wrappers.py +++ b/tests/tests_fabric/test_wrappers.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/utilities/test_apply_func.py b/tests/tests_fabric/utilities/test_apply_func.py index b2deced0cc5e1..f105ac8cc8c2c 100644 --- a/tests/tests_fabric/utilities/test_apply_func.py +++ b/tests/tests_fabric/utilities/test_apply_func.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/utilities/test_cloud_io.py b/tests/tests_fabric/utilities/test_cloud_io.py index 2eb2fc92c28a4..9cdc52acd4c8d 100644 --- a/tests/tests_fabric/utilities/test_cloud_io.py +++ b/tests/tests_fabric/utilities/test_cloud_io.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/utilities/test_device_parser.py b/tests/tests_fabric/utilities/test_device_parser.py index 448f4538e135e..7a87129fc2e29 100644 --- a/tests/tests_fabric/utilities/test_device_parser.py +++ b/tests/tests_fabric/utilities/test_device_parser.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/utilities/test_imports.py b/tests/tests_fabric/utilities/test_imports.py index 46ed2192a5271..ac3bf4f7e32f5 100644 --- a/tests/tests_fabric/utilities/test_imports.py +++ b/tests/tests_fabric/utilities/test_imports.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/utilities/test_logger.py b/tests/tests_fabric/utilities/test_logger.py index 4bdf4385957af..0ea8ea2397404 100644 --- a/tests/tests_fabric/utilities/test_logger.py +++ b/tests/tests_fabric/utilities/test_logger.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/utilities/test_warnings.py b/tests/tests_fabric/utilities/test_warnings.py index d004b357dbb43..bb4c4168df64e 100644 --- a/tests/tests_fabric/utilities/test_warnings.py +++ b/tests/tests_fabric/utilities/test_warnings.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_fabric/utilities/test_xla_device_utils.py b/tests/tests_fabric/utilities/test_xla_device_utils.py index 42e75579338d1..763c791e71c9e 100644 --- a/tests/tests_fabric/utilities/test_xla_device_utils.py +++ b/tests/tests_fabric/utilities/test_xla_device_utils.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/__init__.py b/tests/tests_pytorch/__init__.py index 2731ae3124419..a01f7d2d9dcbb 100644 --- a/tests/tests_pytorch/__init__.py +++ b/tests/tests_pytorch/__init__.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/accelerators/test_common.py b/tests/tests_pytorch/accelerators/test_common.py index 017e1fb089115..86d84d54f51e7 100644 --- a/tests/tests_pytorch/accelerators/test_common.py +++ b/tests/tests_pytorch/accelerators/test_common.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/accelerators/test_gpu.py b/tests/tests_pytorch/accelerators/test_gpu.py index a29d50329f054..49d6998443954 100644 --- a/tests/tests_pytorch/accelerators/test_gpu.py +++ b/tests/tests_pytorch/accelerators/test_gpu.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/accelerators/test_hpu.py b/tests/tests_pytorch/accelerators/test_hpu.py index 95cfca71a5c58..22022e38233fa 100644 --- a/tests/tests_pytorch/accelerators/test_hpu.py +++ b/tests/tests_pytorch/accelerators/test_hpu.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/accelerators/test_ipu.py b/tests/tests_pytorch/accelerators/test_ipu.py index 4a2483b260e9e..35bc2c021a49d 100644 --- a/tests/tests_pytorch/accelerators/test_ipu.py +++ b/tests/tests_pytorch/accelerators/test_ipu.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/accelerators/test_mps.py b/tests/tests_pytorch/accelerators/test_mps.py index 9616731bbb374..57885cff1d10c 100644 --- a/tests/tests_pytorch/accelerators/test_mps.py +++ b/tests/tests_pytorch/accelerators/test_mps.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/accelerators/test_registry.py b/tests/tests_pytorch/accelerators/test_registry.py index d8fbda0f2c2be..b3066842cbede 100644 --- a/tests/tests_pytorch/accelerators/test_registry.py +++ b/tests/tests_pytorch/accelerators/test_registry.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/accelerators/test_tpu.py b/tests/tests_pytorch/accelerators/test_tpu.py index 947ebc13fb071..11defef83ae50 100644 --- a/tests/tests_pytorch/accelerators/test_tpu.py +++ b/tests/tests_pytorch/accelerators/test_tpu.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/benchmarks/generate_comparison.py b/tests/tests_pytorch/benchmarks/generate_comparison.py index 6c92eb795e63c..2c01e67a31cdd 100644 --- a/tests/tests_pytorch/benchmarks/generate_comparison.py +++ b/tests/tests_pytorch/benchmarks/generate_comparison.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/benchmarks/test_basic_parity.py b/tests/tests_pytorch/benchmarks/test_basic_parity.py index 14b3a03d608e8..623d43f4a47e8 100644 --- a/tests/tests_pytorch/benchmarks/test_basic_parity.py +++ b/tests/tests_pytorch/benchmarks/test_basic_parity.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/benchmarks/test_sync_batchnorm_parity.py b/tests/tests_pytorch/benchmarks/test_sync_batchnorm_parity.py index 22f8ddb5a34d7..82aaee4e641c5 100644 --- a/tests/tests_pytorch/benchmarks/test_sync_batchnorm_parity.py +++ b/tests/tests_pytorch/benchmarks/test_sync_batchnorm_parity.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/progress/test_base_progress.py b/tests/tests_pytorch/callbacks/progress/test_base_progress.py index f8b92b3498a78..4ece74473b116 100644 --- a/tests/tests_pytorch/callbacks/progress/test_base_progress.py +++ b/tests/tests_pytorch/callbacks/progress/test_base_progress.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/progress/test_rich_progress_bar.py b/tests/tests_pytorch/callbacks/progress/test_rich_progress_bar.py index 48d980ea28509..4f5a4ca92c0f3 100644 --- a/tests/tests_pytorch/callbacks/progress/test_rich_progress_bar.py +++ b/tests/tests_pytorch/callbacks/progress/test_rich_progress_bar.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/progress/test_tqdm_progress_bar.py b/tests/tests_pytorch/callbacks/progress/test_tqdm_progress_bar.py index 0d4fb47f9c63b..fb44d11da6070 100644 --- a/tests/tests_pytorch/callbacks/progress/test_tqdm_progress_bar.py +++ b/tests/tests_pytorch/callbacks/progress/test_tqdm_progress_bar.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_callback_hook_outputs.py b/tests/tests_pytorch/callbacks/test_callback_hook_outputs.py index 7bdea0c08298b..abd24d0c899e4 100644 --- a/tests/tests_pytorch/callbacks/test_callback_hook_outputs.py +++ b/tests/tests_pytorch/callbacks/test_callback_hook_outputs.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_callbacks.py b/tests/tests_pytorch/callbacks/test_callbacks.py index 0d8a4c56ed21f..18dfb1cc67d2a 100644 --- a/tests/tests_pytorch/callbacks/test_callbacks.py +++ b/tests/tests_pytorch/callbacks/test_callbacks.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_device_stats_monitor.py b/tests/tests_pytorch/callbacks/test_device_stats_monitor.py index 1aa3df7fab1df..d9e84e1412d18 100644 --- a/tests/tests_pytorch/callbacks/test_device_stats_monitor.py +++ b/tests/tests_pytorch/callbacks/test_device_stats_monitor.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_early_stopping.py b/tests/tests_pytorch/callbacks/test_early_stopping.py index b9b901f29698f..4a55aa8625970 100644 --- a/tests/tests_pytorch/callbacks/test_early_stopping.py +++ b/tests/tests_pytorch/callbacks/test_early_stopping.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_finetuning_callback.py b/tests/tests_pytorch/callbacks/test_finetuning_callback.py index 4ea2b0aeaafa2..3ce346b79d205 100644 --- a/tests/tests_pytorch/callbacks/test_finetuning_callback.py +++ b/tests/tests_pytorch/callbacks/test_finetuning_callback.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_gradient_accumulation_scheduler.py b/tests/tests_pytorch/callbacks/test_gradient_accumulation_scheduler.py index ab26939e9bcea..c22e96f320cfe 100644 --- a/tests/tests_pytorch/callbacks/test_gradient_accumulation_scheduler.py +++ b/tests/tests_pytorch/callbacks/test_gradient_accumulation_scheduler.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_lambda_function.py b/tests/tests_pytorch/callbacks/test_lambda_function.py index 1fe132be29b34..f9887a78001b4 100644 --- a/tests/tests_pytorch/callbacks/test_lambda_function.py +++ b/tests/tests_pytorch/callbacks/test_lambda_function.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_lr_monitor.py b/tests/tests_pytorch/callbacks/test_lr_monitor.py index 0764ee9838250..38a7caea56f39 100644 --- a/tests/tests_pytorch/callbacks/test_lr_monitor.py +++ b/tests/tests_pytorch/callbacks/test_lr_monitor.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_model_summary.py b/tests/tests_pytorch/callbacks/test_model_summary.py index 32d1562c357af..c8a82d790481e 100644 --- a/tests/tests_pytorch/callbacks/test_model_summary.py +++ b/tests/tests_pytorch/callbacks/test_model_summary.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_prediction_writer.py b/tests/tests_pytorch/callbacks/test_prediction_writer.py index 347471625c472..08a04616e6a88 100644 --- a/tests/tests_pytorch/callbacks/test_prediction_writer.py +++ b/tests/tests_pytorch/callbacks/test_prediction_writer.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_pruning.py b/tests/tests_pytorch/callbacks/test_pruning.py index 7cde69edaeae2..4953420c70e6d 100644 --- a/tests/tests_pytorch/callbacks/test_pruning.py +++ b/tests/tests_pytorch/callbacks/test_pruning.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_quantization.py b/tests/tests_pytorch/callbacks/test_quantization.py index c03b31c959101..e44a12b9cc2f3 100644 --- a/tests/tests_pytorch/callbacks/test_quantization.py +++ b/tests/tests_pytorch/callbacks/test_quantization.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_rich_model_summary.py b/tests/tests_pytorch/callbacks/test_rich_model_summary.py index 2b9e7a392a196..fef2f63817436 100644 --- a/tests/tests_pytorch/callbacks/test_rich_model_summary.py +++ b/tests/tests_pytorch/callbacks/test_rich_model_summary.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_stochastic_weight_avg.py b/tests/tests_pytorch/callbacks/test_stochastic_weight_avg.py index b912f9accdb8e..6cc31f2718d1b 100644 --- a/tests/tests_pytorch/callbacks/test_stochastic_weight_avg.py +++ b/tests/tests_pytorch/callbacks/test_stochastic_weight_avg.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/callbacks/test_timer.py b/tests/tests_pytorch/callbacks/test_timer.py index 76b0e180589bb..d6bbd0d5e75a2 100644 --- a/tests/tests_pytorch/callbacks/test_timer.py +++ b/tests/tests_pytorch/callbacks/test_timer.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/checkpointing/test_checkpoint_callback_frequency.py b/tests/tests_pytorch/checkpointing/test_checkpoint_callback_frequency.py index f7e3926932985..40f418342ce45 100644 --- a/tests/tests_pytorch/checkpointing/test_checkpoint_callback_frequency.py +++ b/tests/tests_pytorch/checkpointing/test_checkpoint_callback_frequency.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/checkpointing/test_legacy_checkpoints.py b/tests/tests_pytorch/checkpointing/test_legacy_checkpoints.py index 784c61abe0323..829c498e1e7c5 100644 --- a/tests/tests_pytorch/checkpointing/test_legacy_checkpoints.py +++ b/tests/tests_pytorch/checkpointing/test_legacy_checkpoints.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/checkpointing/test_model_checkpoint.py b/tests/tests_pytorch/checkpointing/test_model_checkpoint.py index 1298156e515b2..18bad6e5a6d3a 100644 --- a/tests/tests_pytorch/checkpointing/test_model_checkpoint.py +++ b/tests/tests_pytorch/checkpointing/test_model_checkpoint.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/checkpointing/test_torch_saving.py b/tests/tests_pytorch/checkpointing/test_torch_saving.py index 2f9c3ddb36f5f..35c5d68830837 100644 --- a/tests/tests_pytorch/checkpointing/test_torch_saving.py +++ b/tests/tests_pytorch/checkpointing/test_torch_saving.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/checkpointing/test_trainer_checkpoint.py b/tests/tests_pytorch/checkpointing/test_trainer_checkpoint.py index 3211ffa0a9cc6..8fb3b7f8cb3e4 100644 --- a/tests/tests_pytorch/checkpointing/test_trainer_checkpoint.py +++ b/tests/tests_pytorch/checkpointing/test_trainer_checkpoint.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/conftest.py b/tests/tests_pytorch/conftest.py index 2109622c4c0ad..e40794cb383fb 100644 --- a/tests/tests_pytorch/conftest.py +++ b/tests/tests_pytorch/conftest.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/core/test_datamodules.py b/tests/tests_pytorch/core/test_datamodules.py index 56b3f4c9f20e1..5b51a645fbce4 100644 --- a/tests/tests_pytorch/core/test_datamodules.py +++ b/tests/tests_pytorch/core/test_datamodules.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/core/test_lightning_module.py b/tests/tests_pytorch/core/test_lightning_module.py index ba6f0a7f6e1f5..60e03631701a9 100644 --- a/tests/tests_pytorch/core/test_lightning_module.py +++ b/tests/tests_pytorch/core/test_lightning_module.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/core/test_lightning_optimizer.py b/tests/tests_pytorch/core/test_lightning_optimizer.py index 901d6191b62e9..2d45b92f2460d 100644 --- a/tests/tests_pytorch/core/test_lightning_optimizer.py +++ b/tests/tests_pytorch/core/test_lightning_optimizer.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/core/test_metric_result_integration.py b/tests/tests_pytorch/core/test_metric_result_integration.py index 464a8e7aec1a9..627839dc7bb39 100644 --- a/tests/tests_pytorch/core/test_metric_result_integration.py +++ b/tests/tests_pytorch/core/test_metric_result_integration.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/core/test_results.py b/tests/tests_pytorch/core/test_results.py index 8c9e110753098..3048a61c1d282 100644 --- a/tests/tests_pytorch/core/test_results.py +++ b/tests/tests_pytorch/core/test_results.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/deprecated_api/__init__.py b/tests/tests_pytorch/deprecated_api/__init__.py index 879f85affcd55..cae45411063c9 100644 --- a/tests/tests_pytorch/deprecated_api/__init__.py +++ b/tests/tests_pytorch/deprecated_api/__init__.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/helpers/advanced_models.py b/tests/tests_pytorch/helpers/advanced_models.py index f68bfbe659f09..34d2e43cbf9df 100644 --- a/tests/tests_pytorch/helpers/advanced_models.py +++ b/tests/tests_pytorch/helpers/advanced_models.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/helpers/dataloaders.py b/tests/tests_pytorch/helpers/dataloaders.py index 14dde1c8424b2..88da07355d24a 100644 --- a/tests/tests_pytorch/helpers/dataloaders.py +++ b/tests/tests_pytorch/helpers/dataloaders.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/helpers/datamodules.py b/tests/tests_pytorch/helpers/datamodules.py index 2db09732d3cb9..6282acf3be547 100644 --- a/tests/tests_pytorch/helpers/datamodules.py +++ b/tests/tests_pytorch/helpers/datamodules.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/helpers/datasets.py b/tests/tests_pytorch/helpers/datasets.py index 8ef629421ed44..58fba175daf49 100644 --- a/tests/tests_pytorch/helpers/datasets.py +++ b/tests/tests_pytorch/helpers/datasets.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/helpers/deterministic_model.py b/tests/tests_pytorch/helpers/deterministic_model.py index 802df07147e06..a346fa09c89cf 100644 --- a/tests/tests_pytorch/helpers/deterministic_model.py +++ b/tests/tests_pytorch/helpers/deterministic_model.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/helpers/pipelines.py b/tests/tests_pytorch/helpers/pipelines.py index f10de20ceeb4b..28d795424f20b 100644 --- a/tests/tests_pytorch/helpers/pipelines.py +++ b/tests/tests_pytorch/helpers/pipelines.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/helpers/runif.py b/tests/tests_pytorch/helpers/runif.py index 6fc6890a0657e..05925895414a2 100644 --- a/tests/tests_pytorch/helpers/runif.py +++ b/tests/tests_pytorch/helpers/runif.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/helpers/simple_models.py b/tests/tests_pytorch/helpers/simple_models.py index eef5555e102e5..f2b999668fd41 100644 --- a/tests/tests_pytorch/helpers/simple_models.py +++ b/tests/tests_pytorch/helpers/simple_models.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/helpers/test_datasets.py b/tests/tests_pytorch/helpers/test_datasets.py index 0d3a93301ae28..08aa511ffbe6d 100644 --- a/tests/tests_pytorch/helpers/test_datasets.py +++ b/tests/tests_pytorch/helpers/test_datasets.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/helpers/test_models.py b/tests/tests_pytorch/helpers/test_models.py index 9403e162c2fb3..e9ab51997a7bc 100644 --- a/tests/tests_pytorch/helpers/test_models.py +++ b/tests/tests_pytorch/helpers/test_models.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/helpers/utils.py b/tests/tests_pytorch/helpers/utils.py index 9fc5ae1f8815d..7420175e85692 100644 --- a/tests/tests_pytorch/helpers/utils.py +++ b/tests/tests_pytorch/helpers/utils.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loggers/test_all.py b/tests/tests_pytorch/loggers/test_all.py index 5d3f25880844b..4b5ba093008d8 100644 --- a/tests/tests_pytorch/loggers/test_all.py +++ b/tests/tests_pytorch/loggers/test_all.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loggers/test_comet.py b/tests/tests_pytorch/loggers/test_comet.py index 2904d5e48407b..3758cab13fffc 100644 --- a/tests/tests_pytorch/loggers/test_comet.py +++ b/tests/tests_pytorch/loggers/test_comet.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loggers/test_csv.py b/tests/tests_pytorch/loggers/test_csv.py index ca62442efca08..4ef856cb634a8 100644 --- a/tests/tests_pytorch/loggers/test_csv.py +++ b/tests/tests_pytorch/loggers/test_csv.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loggers/test_logger.py b/tests/tests_pytorch/loggers/test_logger.py index 935e29ecdfe8d..e1f390e6de3a4 100644 --- a/tests/tests_pytorch/loggers/test_logger.py +++ b/tests/tests_pytorch/loggers/test_logger.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loggers/test_mlflow.py b/tests/tests_pytorch/loggers/test_mlflow.py index bc66d3e33ab7e..959609f747557 100644 --- a/tests/tests_pytorch/loggers/test_mlflow.py +++ b/tests/tests_pytorch/loggers/test_mlflow.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loggers/test_neptune.py b/tests/tests_pytorch/loggers/test_neptune.py index 44a52f1c409f8..d215df8789352 100644 --- a/tests/tests_pytorch/loggers/test_neptune.py +++ b/tests/tests_pytorch/loggers/test_neptune.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loggers/test_tensorboard.py b/tests/tests_pytorch/loggers/test_tensorboard.py index b82a85a8973b9..ff8f20935dec8 100644 --- a/tests/tests_pytorch/loggers/test_tensorboard.py +++ b/tests/tests_pytorch/loggers/test_tensorboard.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loggers/test_wandb.py b/tests/tests_pytorch/loggers/test_wandb.py index 14baaf2bf99ec..eb8a28de7c7db 100644 --- a/tests/tests_pytorch/loggers/test_wandb.py +++ b/tests/tests_pytorch/loggers/test_wandb.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/epoch/test_training_epoch_loop.py b/tests/tests_pytorch/loops/epoch/test_training_epoch_loop.py index 91ce9f3921c4e..c639dec84de08 100644 --- a/tests/tests_pytorch/loops/epoch/test_training_epoch_loop.py +++ b/tests/tests_pytorch/loops/epoch/test_training_epoch_loop.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/optimization/test_closure.py b/tests/tests_pytorch/loops/optimization/test_closure.py index 50deb158909e8..5b9e82e47987b 100644 --- a/tests/tests_pytorch/loops/optimization/test_closure.py +++ b/tests/tests_pytorch/loops/optimization/test_closure.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/optimization/test_manual_loop.py b/tests/tests_pytorch/loops/optimization/test_manual_loop.py index b994df631bdfe..b1af094c4490a 100644 --- a/tests/tests_pytorch/loops/optimization/test_manual_loop.py +++ b/tests/tests_pytorch/loops/optimization/test_manual_loop.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/optimization/test_optimizer_loop.py b/tests/tests_pytorch/loops/optimization/test_optimizer_loop.py index de2a34e48e3e9..e4cdc7a435dd0 100644 --- a/tests/tests_pytorch/loops/optimization/test_optimizer_loop.py +++ b/tests/tests_pytorch/loops/optimization/test_optimizer_loop.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/test_all.py b/tests/tests_pytorch/loops/test_all.py index 2d6349d02032a..a7a7c841cc115 100644 --- a/tests/tests_pytorch/loops/test_all.py +++ b/tests/tests_pytorch/loops/test_all.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/test_evaluation_loop.py b/tests/tests_pytorch/loops/test_evaluation_loop.py index 3a0e2350c1f1a..837b5807fe1b3 100644 --- a/tests/tests_pytorch/loops/test_evaluation_loop.py +++ b/tests/tests_pytorch/loops/test_evaluation_loop.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/test_evaluation_loop_flow.py b/tests/tests_pytorch/loops/test_evaluation_loop_flow.py index 1aebb6c30e51e..c91c3d159e8e6 100644 --- a/tests/tests_pytorch/loops/test_evaluation_loop_flow.py +++ b/tests/tests_pytorch/loops/test_evaluation_loop_flow.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/test_flow_warnings.py b/tests/tests_pytorch/loops/test_flow_warnings.py index 5027cc524631c..33aa66d511663 100644 --- a/tests/tests_pytorch/loops/test_flow_warnings.py +++ b/tests/tests_pytorch/loops/test_flow_warnings.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/test_loop_state_dict.py b/tests/tests_pytorch/loops/test_loop_state_dict.py index ad2b539931be4..4c3ed4004ee12 100644 --- a/tests/tests_pytorch/loops/test_loop_state_dict.py +++ b/tests/tests_pytorch/loops/test_loop_state_dict.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/test_loops.py b/tests/tests_pytorch/loops/test_loops.py index a885d2de9d16b..b7c889091abe0 100644 --- a/tests/tests_pytorch/loops/test_loops.py +++ b/tests/tests_pytorch/loops/test_loops.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/test_progress.py b/tests/tests_pytorch/loops/test_progress.py index 41b96589c5a9e..6c273bd828fa5 100644 --- a/tests/tests_pytorch/loops/test_progress.py +++ b/tests/tests_pytorch/loops/test_progress.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/test_training_loop.py b/tests/tests_pytorch/loops/test_training_loop.py index 5b6b6c56229b8..5d94cd7f65df0 100644 --- a/tests/tests_pytorch/loops/test_training_loop.py +++ b/tests/tests_pytorch/loops/test_training_loop.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/test_training_loop_flow_dict.py b/tests/tests_pytorch/loops/test_training_loop_flow_dict.py index a1494c326b13c..e4f877371b454 100644 --- a/tests/tests_pytorch/loops/test_training_loop_flow_dict.py +++ b/tests/tests_pytorch/loops/test_training_loop_flow_dict.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/test_training_loop_flow_scalar.py b/tests/tests_pytorch/loops/test_training_loop_flow_scalar.py index 8381f047d0530..31e28a2e06669 100644 --- a/tests/tests_pytorch/loops/test_training_loop_flow_scalar.py +++ b/tests/tests_pytorch/loops/test_training_loop_flow_scalar.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/loops/test_utilities.py b/tests/tests_pytorch/loops/test_utilities.py index 5e10efe522005..422daa2843706 100644 --- a/tests/tests_pytorch/loops/test_utilities.py +++ b/tests/tests_pytorch/loops/test_utilities.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/models/conf/config.yaml b/tests/tests_pytorch/models/conf/config.yaml index faf751c24f6cb..7bd9d2f0fe956 100644 --- a/tests/tests_pytorch/models/conf/config.yaml +++ b/tests/tests_pytorch/models/conf/config.yaml @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/models/test_amp.py b/tests/tests_pytorch/models/test_amp.py index 480adb0aeadd0..33f32c4765dca 100644 --- a/tests/tests_pytorch/models/test_amp.py +++ b/tests/tests_pytorch/models/test_amp.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/models/test_cpu.py b/tests/tests_pytorch/models/test_cpu.py index 34b5f5598aa36..2c5d470d96b41 100644 --- a/tests/tests_pytorch/models/test_cpu.py +++ b/tests/tests_pytorch/models/test_cpu.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/models/test_ddp_fork_amp.py b/tests/tests_pytorch/models/test_ddp_fork_amp.py index d25a13570a726..ae873ccad6eb0 100644 --- a/tests/tests_pytorch/models/test_ddp_fork_amp.py +++ b/tests/tests_pytorch/models/test_ddp_fork_amp.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/models/test_fabric_integration.py b/tests/tests_pytorch/models/test_fabric_integration.py index 3b912991e83ce..8b1506febe7df 100644 --- a/tests/tests_pytorch/models/test_fabric_integration.py +++ b/tests/tests_pytorch/models/test_fabric_integration.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/models/test_gpu.py b/tests/tests_pytorch/models/test_gpu.py index bf88252bdab30..d66e92e07d524 100644 --- a/tests/tests_pytorch/models/test_gpu.py +++ b/tests/tests_pytorch/models/test_gpu.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/models/test_grad_norm.py b/tests/tests_pytorch/models/test_grad_norm.py index 9169d38638dce..3f4a702937dfd 100644 --- a/tests/tests_pytorch/models/test_grad_norm.py +++ b/tests/tests_pytorch/models/test_grad_norm.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/models/test_hooks.py b/tests/tests_pytorch/models/test_hooks.py index d8171fb627b91..47dce9e969b37 100644 --- a/tests/tests_pytorch/models/test_hooks.py +++ b/tests/tests_pytorch/models/test_hooks.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/models/test_hparams.py b/tests/tests_pytorch/models/test_hparams.py index a19c2b269a6fe..84645386e20c1 100644 --- a/tests/tests_pytorch/models/test_hparams.py +++ b/tests/tests_pytorch/models/test_hparams.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/models/test_onnx.py b/tests/tests_pytorch/models/test_onnx.py index e6db5c8880c62..1745f9abff0c0 100644 --- a/tests/tests_pytorch/models/test_onnx.py +++ b/tests/tests_pytorch/models/test_onnx.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/models/test_restore.py b/tests/tests_pytorch/models/test_restore.py index d47a211f16eea..8e574cbb9e0e0 100644 --- a/tests/tests_pytorch/models/test_restore.py +++ b/tests/tests_pytorch/models/test_restore.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/models/test_torchscript.py b/tests/tests_pytorch/models/test_torchscript.py index 217df2e27fc78..c4488502699ec 100644 --- a/tests/tests_pytorch/models/test_torchscript.py +++ b/tests/tests_pytorch/models/test_torchscript.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/models/test_tpu.py b/tests/tests_pytorch/models/test_tpu.py index cefeb99aa2144..cdf13b0aac742 100644 --- a/tests/tests_pytorch/models/test_tpu.py +++ b/tests/tests_pytorch/models/test_tpu.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/overrides/test_base.py b/tests/tests_pytorch/overrides/test_base.py index 1b1f163e5571f..85c907ded810f 100644 --- a/tests/tests_pytorch/overrides/test_base.py +++ b/tests/tests_pytorch/overrides/test_base.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/overrides/test_data_parallel.py b/tests/tests_pytorch/overrides/test_data_parallel.py index 83ccb607d5cf7..86e45de64868f 100644 --- a/tests/tests_pytorch/overrides/test_data_parallel.py +++ b/tests/tests_pytorch/overrides/test_data_parallel.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/overrides/test_distributed.py b/tests/tests_pytorch/overrides/test_distributed.py index 51d52a83f7317..6e06325313afc 100644 --- a/tests/tests_pytorch/overrides/test_distributed.py +++ b/tests/tests_pytorch/overrides/test_distributed.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/plugins/precision/hpu/test_hpu.py b/tests/tests_pytorch/plugins/precision/hpu/test_hpu.py index 3b79e5c8c5314..718ef030eb507 100644 --- a/tests/tests_pytorch/plugins/precision/hpu/test_hpu.py +++ b/tests/tests_pytorch/plugins/precision/hpu/test_hpu.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/plugins/precision/test_amp.py b/tests/tests_pytorch/plugins/precision/test_amp.py index 0292b35db0b68..189386cb90502 100644 --- a/tests/tests_pytorch/plugins/precision/test_amp.py +++ b/tests/tests_pytorch/plugins/precision/test_amp.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/plugins/precision/test_amp_integration.py b/tests/tests_pytorch/plugins/precision/test_amp_integration.py index b0f4cbd63519a..0d7fb3f8e2bc0 100644 --- a/tests/tests_pytorch/plugins/precision/test_amp_integration.py +++ b/tests/tests_pytorch/plugins/precision/test_amp_integration.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/plugins/precision/test_deepspeed_precision.py b/tests/tests_pytorch/plugins/precision/test_deepspeed_precision.py index 18a8277669c5e..8420c5c793aec 100644 --- a/tests/tests_pytorch/plugins/precision/test_deepspeed_precision.py +++ b/tests/tests_pytorch/plugins/precision/test_deepspeed_precision.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/plugins/precision/test_tpu.py b/tests/tests_pytorch/plugins/precision/test_tpu.py index 9f85b5ae3f994..c768e524a4467 100644 --- a/tests/tests_pytorch/plugins/precision/test_tpu.py +++ b/tests/tests_pytorch/plugins/precision/test_tpu.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/plugins/precision/test_tpu_bf16_plugin.py b/tests/tests_pytorch/plugins/precision/test_tpu_bf16_plugin.py index e20b5bfee994b..9575dd99c8870 100644 --- a/tests/tests_pytorch/plugins/precision/test_tpu_bf16_plugin.py +++ b/tests/tests_pytorch/plugins/precision/test_tpu_bf16_plugin.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/plugins/test_amp_plugins.py b/tests/tests_pytorch/plugins/test_amp_plugins.py index 6eeb7195a86ab..ce4de36e8dc41 100644 --- a/tests/tests_pytorch/plugins/test_amp_plugins.py +++ b/tests/tests_pytorch/plugins/test_amp_plugins.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/plugins/test_checkpoint_io_plugin.py b/tests/tests_pytorch/plugins/test_checkpoint_io_plugin.py index 69bd4935330bf..a70c71c46a138 100644 --- a/tests/tests_pytorch/plugins/test_checkpoint_io_plugin.py +++ b/tests/tests_pytorch/plugins/test_checkpoint_io_plugin.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/plugins/test_cluster_integration.py b/tests/tests_pytorch/plugins/test_cluster_integration.py index 0f43f04db6afb..0a9b90df7c566 100644 --- a/tests/tests_pytorch/plugins/test_cluster_integration.py +++ b/tests/tests_pytorch/plugins/test_cluster_integration.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/plugins/test_double_plugin.py b/tests/tests_pytorch/plugins/test_double_plugin.py index 5226ea68e39b9..f7daa6da4e7b1 100644 --- a/tests/tests_pytorch/plugins/test_double_plugin.py +++ b/tests/tests_pytorch/plugins/test_double_plugin.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/profilers/test_profiler.py b/tests/tests_pytorch/profilers/test_profiler.py index bb8f71f4558c3..c1c5a574236e8 100644 --- a/tests/tests_pytorch/profilers/test_profiler.py +++ b/tests/tests_pytorch/profilers/test_profiler.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/profilers/test_xla_profiler.py b/tests/tests_pytorch/profilers/test_xla_profiler.py index bb54ccb91d4c6..c53534fa74a1e 100644 --- a/tests/tests_pytorch/profilers/test_xla_profiler.py +++ b/tests/tests_pytorch/profilers/test_xla_profiler.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/run_standalone_tasks.sh b/tests/tests_pytorch/run_standalone_tasks.sh index 83a75dffeed72..46f1a4279f579 100644 --- a/tests/tests_pytorch/run_standalone_tasks.sh +++ b/tests/tests_pytorch/run_standalone_tasks.sh @@ -1,5 +1,5 @@ #!/bin/bash -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/run_standalone_tests.sh b/tests/tests_pytorch/run_standalone_tests.sh index f335195a760fe..65ead08c2a910 100644 --- a/tests/tests_pytorch/run_standalone_tests.sh +++ b/tests/tests_pytorch/run_standalone_tests.sh @@ -1,5 +1,5 @@ #!/bin/bash -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/launchers/test_multiprocessing.py b/tests/tests_pytorch/strategies/launchers/test_multiprocessing.py index b71115cc25ef9..e99038fb4450c 100644 --- a/tests/tests_pytorch/strategies/launchers/test_multiprocessing.py +++ b/tests/tests_pytorch/strategies/launchers/test_multiprocessing.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/scripts/cli_script.py b/tests/tests_pytorch/strategies/scripts/cli_script.py index 76cdc514b7791..757a3c75ce34c 100644 --- a/tests/tests_pytorch/strategies/scripts/cli_script.py +++ b/tests/tests_pytorch/strategies/scripts/cli_script.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/test_bagua_strategy.py b/tests/tests_pytorch/strategies/test_bagua_strategy.py index b39ee331d5709..7d346b10c13fd 100644 --- a/tests/tests_pytorch/strategies/test_bagua_strategy.py +++ b/tests/tests_pytorch/strategies/test_bagua_strategy.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/test_colossalai.py b/tests/tests_pytorch/strategies/test_colossalai.py index b690f050218e4..dc615d467998e 100644 --- a/tests/tests_pytorch/strategies/test_colossalai.py +++ b/tests/tests_pytorch/strategies/test_colossalai.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/test_common.py b/tests/tests_pytorch/strategies/test_common.py index 339d278c37d90..5f9f1bf6789a4 100644 --- a/tests/tests_pytorch/strategies/test_common.py +++ b/tests/tests_pytorch/strategies/test_common.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/test_custom_plugin.py b/tests/tests_pytorch/strategies/test_custom_plugin.py index 239d6941a0a3b..3466f2038f5f4 100644 --- a/tests/tests_pytorch/strategies/test_custom_plugin.py +++ b/tests/tests_pytorch/strategies/test_custom_plugin.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/test_ddp.py b/tests/tests_pytorch/strategies/test_ddp.py index 8a63faf5376e3..b96e26521c057 100644 --- a/tests/tests_pytorch/strategies/test_ddp.py +++ b/tests/tests_pytorch/strategies/test_ddp.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/test_ddp_spawn.py b/tests/tests_pytorch/strategies/test_ddp_spawn.py index 458715510a865..205fdc7569fec 100644 --- a/tests/tests_pytorch/strategies/test_ddp_spawn.py +++ b/tests/tests_pytorch/strategies/test_ddp_spawn.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/test_ddp_spawn_strategy.py b/tests/tests_pytorch/strategies/test_ddp_spawn_strategy.py index c088173c455a0..4f150e4302d50 100644 --- a/tests/tests_pytorch/strategies/test_ddp_spawn_strategy.py +++ b/tests/tests_pytorch/strategies/test_ddp_spawn_strategy.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/test_ddp_strategy.py b/tests/tests_pytorch/strategies/test_ddp_strategy.py index 9d99790a98e3a..d57bb5feca1bf 100644 --- a/tests/tests_pytorch/strategies/test_ddp_strategy.py +++ b/tests/tests_pytorch/strategies/test_ddp_strategy.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/test_ddp_strategy_with_comm_hook.py b/tests/tests_pytorch/strategies/test_ddp_strategy_with_comm_hook.py index 94a9887082e9d..66b0f8e43d921 100644 --- a/tests/tests_pytorch/strategies/test_ddp_strategy_with_comm_hook.py +++ b/tests/tests_pytorch/strategies/test_ddp_strategy_with_comm_hook.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/test_deepspeed_strategy.py b/tests/tests_pytorch/strategies/test_deepspeed_strategy.py index 61fd4a1fd15ea..a3174a6995656 100644 --- a/tests/tests_pytorch/strategies/test_deepspeed_strategy.py +++ b/tests/tests_pytorch/strategies/test_deepspeed_strategy.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/test_dp.py b/tests/tests_pytorch/strategies/test_dp.py index 54ceb46e9fdfb..f078bca00e7c2 100644 --- a/tests/tests_pytorch/strategies/test_dp.py +++ b/tests/tests_pytorch/strategies/test_dp.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/test_registry.py b/tests/tests_pytorch/strategies/test_registry.py index 3e9ee1f050ff0..c9a5e23d6358e 100644 --- a/tests/tests_pytorch/strategies/test_registry.py +++ b/tests/tests_pytorch/strategies/test_registry.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/test_single_device_strategy.py b/tests/tests_pytorch/strategies/test_single_device_strategy.py index 9a56ed7462003..5afc2cb5c2783 100644 --- a/tests/tests_pytorch/strategies/test_single_device_strategy.py +++ b/tests/tests_pytorch/strategies/test_single_device_strategy.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/strategies/test_tpu_spawn.py b/tests/tests_pytorch/strategies/test_tpu_spawn.py index 28222bd74dced..73f14fa318813 100644 --- a/tests/tests_pytorch/strategies/test_tpu_spawn.py +++ b/tests/tests_pytorch/strategies/test_tpu_spawn.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/test_cli.py b/tests/tests_pytorch/test_cli.py index 5ef880be2143d..2b57bfd651a0b 100644 --- a/tests/tests_pytorch/test_cli.py +++ b/tests/tests_pytorch/test_cli.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/connectors/test_accelerator_connector.py b/tests/tests_pytorch/trainer/connectors/test_accelerator_connector.py index db4535189f213..4b9b6c9670a09 100644 --- a/tests/tests_pytorch/trainer/connectors/test_accelerator_connector.py +++ b/tests/tests_pytorch/trainer/connectors/test_accelerator_connector.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/connectors/test_callback_connector.py b/tests/tests_pytorch/trainer/connectors/test_callback_connector.py index 4f3c38c584c44..e8d18e0b3e8bb 100644 --- a/tests/tests_pytorch/trainer/connectors/test_callback_connector.py +++ b/tests/tests_pytorch/trainer/connectors/test_callback_connector.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/connectors/test_checkpoint_connector.py b/tests/tests_pytorch/trainer/connectors/test_checkpoint_connector.py index b63c0cfd95540..a5b40637e9adb 100644 --- a/tests/tests_pytorch/trainer/connectors/test_checkpoint_connector.py +++ b/tests/tests_pytorch/trainer/connectors/test_checkpoint_connector.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/connectors/test_data_connector.py b/tests/tests_pytorch/trainer/connectors/test_data_connector.py index b905e197db406..eef6c8aeeb57d 100644 --- a/tests/tests_pytorch/trainer/connectors/test_data_connector.py +++ b/tests/tests_pytorch/trainer/connectors/test_data_connector.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/connectors/test_signal_connector.py b/tests/tests_pytorch/trainer/connectors/test_signal_connector.py index 1b21f9cb103d1..087f25abc0e37 100644 --- a/tests/tests_pytorch/trainer/connectors/test_signal_connector.py +++ b/tests/tests_pytorch/trainer/connectors/test_signal_connector.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/dynamic_args/test_multiple_eval_dataloaders.py b/tests/tests_pytorch/trainer/dynamic_args/test_multiple_eval_dataloaders.py index c6d38f88dc48e..52bd4a3acff00 100644 --- a/tests/tests_pytorch/trainer/dynamic_args/test_multiple_eval_dataloaders.py +++ b/tests/tests_pytorch/trainer/dynamic_args/test_multiple_eval_dataloaders.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/flags/test_check_val_every_n_epoch.py b/tests/tests_pytorch/trainer/flags/test_check_val_every_n_epoch.py index e378084f97ae5..5be563a52dc8a 100644 --- a/tests/tests_pytorch/trainer/flags/test_check_val_every_n_epoch.py +++ b/tests/tests_pytorch/trainer/flags/test_check_val_every_n_epoch.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/flags/test_env_vars.py b/tests/tests_pytorch/trainer/flags/test_env_vars.py index 388bfb8bf5575..7145fa6ae9f6f 100644 --- a/tests/tests_pytorch/trainer/flags/test_env_vars.py +++ b/tests/tests_pytorch/trainer/flags/test_env_vars.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/flags/test_inference_mode.py b/tests/tests_pytorch/trainer/flags/test_inference_mode.py index 5f52a7760b2d8..78a3cacde26ce 100644 --- a/tests/tests_pytorch/trainer/flags/test_inference_mode.py +++ b/tests/tests_pytorch/trainer/flags/test_inference_mode.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/flags/test_limit_batches.py b/tests/tests_pytorch/trainer/flags/test_limit_batches.py index 22d6e3e5594a6..1e38896d03383 100644 --- a/tests/tests_pytorch/trainer/flags/test_limit_batches.py +++ b/tests/tests_pytorch/trainer/flags/test_limit_batches.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/flags/test_overfit_batches.py b/tests/tests_pytorch/trainer/flags/test_overfit_batches.py index f9b216c358030..6e34560b38a9a 100644 --- a/tests/tests_pytorch/trainer/flags/test_overfit_batches.py +++ b/tests/tests_pytorch/trainer/flags/test_overfit_batches.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/flags/test_val_check_interval.py b/tests/tests_pytorch/trainer/flags/test_val_check_interval.py index d95dc30541862..e207a8d1115f4 100644 --- a/tests/tests_pytorch/trainer/flags/test_val_check_interval.py +++ b/tests/tests_pytorch/trainer/flags/test_val_check_interval.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/logging_/test_distributed_logging.py b/tests/tests_pytorch/trainer/logging_/test_distributed_logging.py index 319e10b63d480..51ce770cbca71 100644 --- a/tests/tests_pytorch/trainer/logging_/test_distributed_logging.py +++ b/tests/tests_pytorch/trainer/logging_/test_distributed_logging.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/logging_/test_eval_loop_logging.py b/tests/tests_pytorch/trainer/logging_/test_eval_loop_logging.py index 1657d6c7f5ffc..612e48e7703d2 100644 --- a/tests/tests_pytorch/trainer/logging_/test_eval_loop_logging.py +++ b/tests/tests_pytorch/trainer/logging_/test_eval_loop_logging.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/logging_/test_logger_connector.py b/tests/tests_pytorch/trainer/logging_/test_logger_connector.py index d61ca31fb4231..8bcb9ee982033 100644 --- a/tests/tests_pytorch/trainer/logging_/test_logger_connector.py +++ b/tests/tests_pytorch/trainer/logging_/test_logger_connector.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/logging_/test_loop_logging.py b/tests/tests_pytorch/trainer/logging_/test_loop_logging.py index 276da75d1b2a8..a3c297ed0f538 100644 --- a/tests/tests_pytorch/trainer/logging_/test_loop_logging.py +++ b/tests/tests_pytorch/trainer/logging_/test_loop_logging.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/logging_/test_train_loop_logging.py b/tests/tests_pytorch/trainer/logging_/test_train_loop_logging.py index b76715503c7c9..6362aa54057bf 100644 --- a/tests/tests_pytorch/trainer/logging_/test_train_loop_logging.py +++ b/tests/tests_pytorch/trainer/logging_/test_train_loop_logging.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/optimization/test_manual_optimization.py b/tests/tests_pytorch/trainer/optimization/test_manual_optimization.py index d4211deba1825..0e98a962ede55 100644 --- a/tests/tests_pytorch/trainer/optimization/test_manual_optimization.py +++ b/tests/tests_pytorch/trainer/optimization/test_manual_optimization.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/optimization/test_multiple_optimizers.py b/tests/tests_pytorch/trainer/optimization/test_multiple_optimizers.py index 927b5451f0ce3..229430d0168c3 100644 --- a/tests/tests_pytorch/trainer/optimization/test_multiple_optimizers.py +++ b/tests/tests_pytorch/trainer/optimization/test_multiple_optimizers.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/optimization/test_optimizers.py b/tests/tests_pytorch/trainer/optimization/test_optimizers.py index 92ba372cef1fb..a7a25358334fd 100644 --- a/tests/tests_pytorch/trainer/optimization/test_optimizers.py +++ b/tests/tests_pytorch/trainer/optimization/test_optimizers.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/properties/test_estimated_stepping_batches.py b/tests/tests_pytorch/trainer/properties/test_estimated_stepping_batches.py index 813a97f2ad48f..b9b0d546f656a 100644 --- a/tests/tests_pytorch/trainer/properties/test_estimated_stepping_batches.py +++ b/tests/tests_pytorch/trainer/properties/test_estimated_stepping_batches.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/properties/test_get_model.py b/tests/tests_pytorch/trainer/properties/test_get_model.py index 28e9eb3c8d6bb..5390ac6f256f2 100644 --- a/tests/tests_pytorch/trainer/properties/test_get_model.py +++ b/tests/tests_pytorch/trainer/properties/test_get_model.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/properties/test_log_dir.py b/tests/tests_pytorch/trainer/properties/test_log_dir.py index 91c87aed831a3..f9a6ed2f78f6d 100644 --- a/tests/tests_pytorch/trainer/properties/test_log_dir.py +++ b/tests/tests_pytorch/trainer/properties/test_log_dir.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/properties/test_loggers.py b/tests/tests_pytorch/trainer/properties/test_loggers.py index 353c1320786ae..393b8f50dbfb7 100644 --- a/tests/tests_pytorch/trainer/properties/test_loggers.py +++ b/tests/tests_pytorch/trainer/properties/test_loggers.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/test_config_validator.py b/tests/tests_pytorch/trainer/test_config_validator.py index 59b15c6ab5813..5f568ab74e553 100644 --- a/tests/tests_pytorch/trainer/test_config_validator.py +++ b/tests/tests_pytorch/trainer/test_config_validator.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/test_dataloaders.py b/tests/tests_pytorch/trainer/test_dataloaders.py index aad08c3224ebb..6e6463c1499cb 100644 --- a/tests/tests_pytorch/trainer/test_dataloaders.py +++ b/tests/tests_pytorch/trainer/test_dataloaders.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/test_states.py b/tests/tests_pytorch/trainer/test_states.py index 4ba9681f06c77..c81911742d484 100644 --- a/tests/tests_pytorch/trainer/test_states.py +++ b/tests/tests_pytorch/trainer/test_states.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/test_supporters.py b/tests/tests_pytorch/trainer/test_supporters.py index 77758019cb780..75736f5857d4d 100644 --- a/tests/tests_pytorch/trainer/test_supporters.py +++ b/tests/tests_pytorch/trainer/test_supporters.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/test_trainer.py b/tests/tests_pytorch/trainer/test_trainer.py index 490edf044f355..7af11527f2a46 100644 --- a/tests/tests_pytorch/trainer/test_trainer.py +++ b/tests/tests_pytorch/trainer/test_trainer.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/trainer/test_trainer_cli.py b/tests/tests_pytorch/trainer/test_trainer_cli.py index 74b4992274f8b..0ed20d9856590 100644 --- a/tests/tests_pytorch/trainer/test_trainer_cli.py +++ b/tests/tests_pytorch/trainer/test_trainer_cli.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/tuner/test_lr_finder.py b/tests/tests_pytorch/tuner/test_lr_finder.py index c537406e65ff6..ccf2b6925234f 100644 --- a/tests/tests_pytorch/tuner/test_lr_finder.py +++ b/tests/tests_pytorch/tuner/test_lr_finder.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/tuner/test_scale_batch_size.py b/tests/tests_pytorch/tuner/test_scale_batch_size.py index 6bb6df0673d7c..6326bf00d0eb6 100644 --- a/tests/tests_pytorch/tuner/test_scale_batch_size.py +++ b/tests/tests_pytorch/tuner/test_scale_batch_size.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/tuner/test_tuning.py b/tests/tests_pytorch/tuner/test_tuning.py index bc2adee81e05e..b080390c9441e 100644 --- a/tests/tests_pytorch/tuner/test_tuning.py +++ b/tests/tests_pytorch/tuner/test_tuning.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/migration/test_migration.py b/tests/tests_pytorch/utilities/migration/test_migration.py index 68834d328ad8c..5678b022ba9dd 100644 --- a/tests/tests_pytorch/utilities/migration/test_migration.py +++ b/tests/tests_pytorch/utilities/migration/test_migration.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/migration/test_utils.py b/tests/tests_pytorch/utilities/migration/test_utils.py index d4d063cecb5f1..e6db26ed58866 100644 --- a/tests/tests_pytorch/utilities/migration/test_utils.py +++ b/tests/tests_pytorch/utilities/migration/test_utils.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_all_gather_grad.py b/tests/tests_pytorch/utilities/test_all_gather_grad.py index b9eea1a3151bc..2ccbdfe38a224 100644 --- a/tests/tests_pytorch/utilities/test_all_gather_grad.py +++ b/tests/tests_pytorch/utilities/test_all_gather_grad.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_auto_restart.py b/tests/tests_pytorch/utilities/test_auto_restart.py index c4169c3a8f105..9a880dc9da995 100644 --- a/tests/tests_pytorch/utilities/test_auto_restart.py +++ b/tests/tests_pytorch/utilities/test_auto_restart.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_deepspeed_collate_checkpoint.py b/tests/tests_pytorch/utilities/test_deepspeed_collate_checkpoint.py index 3bf5d2ee89a72..5c0cb588ebe5b 100644 --- a/tests/tests_pytorch/utilities/test_deepspeed_collate_checkpoint.py +++ b/tests/tests_pytorch/utilities/test_deepspeed_collate_checkpoint.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_deepspeed_model_summary.py b/tests/tests_pytorch/utilities/test_deepspeed_model_summary.py index 4672bdd507d24..f06c101db8246 100644 --- a/tests/tests_pytorch/utilities/test_deepspeed_model_summary.py +++ b/tests/tests_pytorch/utilities/test_deepspeed_model_summary.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_distributed.py b/tests/tests_pytorch/utilities/test_distributed.py index cbfd61f472d1c..15667cae50fcc 100644 --- a/tests/tests_pytorch/utilities/test_distributed.py +++ b/tests/tests_pytorch/utilities/test_distributed.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_dtype_device_mixin.py b/tests/tests_pytorch/utilities/test_dtype_device_mixin.py index b39929f469b73..36ac3a25f12ff 100644 --- a/tests/tests_pytorch/utilities/test_dtype_device_mixin.py +++ b/tests/tests_pytorch/utilities/test_dtype_device_mixin.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_enums.py b/tests/tests_pytorch/utilities/test_enums.py index 4d84b01d6e93a..227727d954fcb 100644 --- a/tests/tests_pytorch/utilities/test_enums.py +++ b/tests/tests_pytorch/utilities/test_enums.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_fetching.py b/tests/tests_pytorch/utilities/test_fetching.py index b2fb958f3e7c8..55d26c5c88ff5 100644 --- a/tests/tests_pytorch/utilities/test_fetching.py +++ b/tests/tests_pytorch/utilities/test_fetching.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_grads.py b/tests/tests_pytorch/utilities/test_grads.py index 142a74e4b3db5..de5ec0122a777 100644 --- a/tests/tests_pytorch/utilities/test_grads.py +++ b/tests/tests_pytorch/utilities/test_grads.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_imports.py b/tests/tests_pytorch/utilities/test_imports.py index 0b24048bf638c..3b8fa0f746ac6 100644 --- a/tests/tests_pytorch/utilities/test_imports.py +++ b/tests/tests_pytorch/utilities/test_imports.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_logger.py b/tests/tests_pytorch/utilities/test_logger.py index 25c6001c940fa..ae2077e31780c 100644 --- a/tests/tests_pytorch/utilities/test_logger.py +++ b/tests/tests_pytorch/utilities/test_logger.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_memory.py b/tests/tests_pytorch/utilities/test_memory.py index 6614425198103..ca5bb0e654a2c 100644 --- a/tests/tests_pytorch/utilities/test_memory.py +++ b/tests/tests_pytorch/utilities/test_memory.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_model_helpers.py b/tests/tests_pytorch/utilities/test_model_helpers.py index 8e854fb643c0c..f10a8d18c40f2 100644 --- a/tests/tests_pytorch/utilities/test_model_helpers.py +++ b/tests/tests_pytorch/utilities/test_model_helpers.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_model_summary.py b/tests/tests_pytorch/utilities/test_model_summary.py index a6d19cdfe1458..dcb401b43950a 100644 --- a/tests/tests_pytorch/utilities/test_model_summary.py +++ b/tests/tests_pytorch/utilities/test_model_summary.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_parameter_tying.py b/tests/tests_pytorch/utilities/test_parameter_tying.py index bbab471c5fdb9..de40198c573d9 100644 --- a/tests/tests_pytorch/utilities/test_parameter_tying.py +++ b/tests/tests_pytorch/utilities/test_parameter_tying.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_parsing.py b/tests/tests_pytorch/utilities/test_parsing.py index 63bf0023b2b27..6169741226a77 100644 --- a/tests/tests_pytorch/utilities/test_parsing.py +++ b/tests/tests_pytorch/utilities/test_parsing.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_torchdistx.py b/tests/tests_pytorch/utilities/test_torchdistx.py index 7d78ad2fc0d55..9fee068cee9ab 100644 --- a/tests/tests_pytorch/utilities/test_torchdistx.py +++ b/tests/tests_pytorch/utilities/test_torchdistx.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_types.py b/tests/tests_pytorch/utilities/test_types.py index 1543ab760806a..9b355b23d350c 100644 --- a/tests/tests_pytorch/utilities/test_types.py +++ b/tests/tests_pytorch/utilities/test_types.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_upgrade_checkpoint.py b/tests/tests_pytorch/utilities/test_upgrade_checkpoint.py index b7dbda0025f45..59b86b717e8ec 100644 --- a/tests/tests_pytorch/utilities/test_upgrade_checkpoint.py +++ b/tests/tests_pytorch/utilities/test_upgrade_checkpoint.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. diff --git a/tests/tests_pytorch/utilities/test_warnings.py b/tests/tests_pytorch/utilities/test_warnings.py index e845adc543365..e2ff1d38f956e 100644 --- a/tests/tests_pytorch/utilities/test_warnings.py +++ b/tests/tests_pytorch/utilities/test_warnings.py @@ -1,4 +1,4 @@ -# Copyright The PyTorch Lightning team. +# Copyright The Lightning AI team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License.