├── .gitattributes ├── .github ├── PULL_REQUEST_TEMPLATE │ ├── PR_template_checklist.md │ ├── PR_template_checklist_full.md │ └── PR_template_minimal.md └── workflows │ ├── check_example_nbs.yml │ ├── discord_release_notification.yml │ ├── release_pypi.yml │ ├── test.yml │ ├── test_api_deps_only.yml │ ├── test_code_format.yml │ ├── test_minimal_deps.yml │ ├── test_setup.yml │ ├── tests_unmocked.yml │ └── weekly_dependency_test.yml ├── .gitignore ├── .pre-commit-config.yaml ├── .readthedocs.yml ├── CITATION.cff ├── CONTRIBUTING.md ├── LICENSE.txt ├── MAINTAINING.md ├── MANIFEST.in ├── Makefile ├── README.md ├── benchmarks └── imagenet │ ├── resnet50 │ ├── README.md │ ├── barlowtwins.py │ ├── byol.py │ ├── dcl.py │ ├── dclw.py │ ├── dino.py │ ├── finetune_eval.py │ ├── knn_eval.py │ ├── linear_eval.py │ ├── main.py │ ├── mocov2.py │ ├── simclr.py │ ├── swav.py │ ├── tico.py │ └── vicreg.py │ └── vitb16 │ ├── aim.py │ ├── dino.py │ ├── dinov2.py │ ├── finetune_eval.py │ ├── ibot.py │ ├── knn_eval.py │ ├── linear_eval.py │ ├── mae.py │ └── main.py ├── codecov.yml ├── docs ├── .gcloudignore ├── Makefile ├── README.md ├── app.yaml ├── logos │ ├── lightly_SSL_logo_crop.png │ ├── lightly_SSL_logo_crop_white_text.png │ ├── lightly_logo.png │ ├── lightly_logo_crop.png │ ├── lightly_logo_crop_white_text.png │ └── lightly_logo_square.png ├── make.bat └── source │ ├── _static │ └── my-styles.css │ ├── _templates │ ├── autosummary │ │ ├── base.rst │ │ ├── class.rst │ │ └── module.rst │ ├── footer.html │ └── layout.html │ ├── conf.py │ ├── docker_archive │ └── overview.rst │ ├── examples │ ├── aim.rst │ ├── barlowtwins.rst │ ├── byol.rst │ ├── dcl.rst │ ├── densecl.rst │ ├── dino.rst │ ├── dinov2.rst │ ├── fastsiam.rst │ ├── ibot.rst │ ├── mae.rst │ ├── mmcr.rst │ ├── moco.rst │ ├── models.rst │ ├── msn.rst │ ├── nnclr.rst │ ├── pmsn.rst │ ├── simclr.rst │ ├── simmim.rst │ ├── simsiam.rst │ ├── smog.rst │ ├── swav.rst │ ├── tico.rst │ ├── vicreg.rst │ └── vicregl.rst │ ├── favicon.png │ ├── getting_started │ ├── advanced.rst │ ├── benchmarks.rst │ ├── benchmarks │ │ ├── cifar10_benchmark.py │ │ ├── imagenet100_benchmark.py │ │ └── imagenette_benchmark.py │ ├── code_examples │ │ └── plot_image_augmentations.py │ ├── command_line_tool.rst │ ├── distributed_training.rst │ ├── images │ │ ├── al_accuracy_plot.png │ │ ├── cifar10_benchmark_knn_accuracy_800_epochs.png │ │ ├── cli_example.png │ │ ├── custom_metadata_weather_temperature.png │ │ ├── dataset_home.jpg │ │ ├── dataset_overview.jpg │ │ ├── dino_augmentations.jpg │ │ ├── lightly_overview.png │ │ ├── simclr_augmentations.jpg │ │ ├── simclr_augmentations_no_blur.jpg │ │ ├── webapp_create_selection.gif │ │ ├── webapp_dataset_id.jpg │ │ ├── webapp_embedding.jpg │ │ ├── webapp_image_upload.jpg │ │ ├── webapp_selection_new_tag.gif │ │ ├── webapp_tags.gif │ │ └── webapp_token.gif │ ├── install.rst │ ├── lightly_at_a_glance.rst │ └── main_concepts.rst │ ├── index.rst │ ├── lightly.api.rst │ ├── lightly.cli.rst │ ├── lightly.core.rst │ ├── lightly.data.rst │ ├── lightly.loss.rst │ ├── lightly.models.rst │ ├── lightly.models.utils.rst │ ├── lightly.rst │ ├── lightly.transforms.rst │ ├── lightly.utils.rst │ ├── tutorials │ └── structure_your_input.rst │ └── tutorials_source │ ├── package │ ├── Base-RCNN-FPN.yaml │ ├── README.txt │ ├── tutorial_checkpoint_finetuning.py │ ├── tutorial_custom_augmentations.py │ ├── tutorial_moco_memory_bank.py │ ├── tutorial_pretrain_detectron2.py │ ├── tutorial_simclr_clothing.py │ ├── tutorial_simsiam_esa.py │ └── tutorial_timm_backbone.py │ └── platform │ ├── README.txt │ ├── images │ ├── clothing-dataset-small-structure.png │ ├── custom_metadata_configuration_aquarium.png │ ├── custom_metadata_scatter_plot.png │ ├── custom_metadata_scatter_plot_with_tag.png │ ├── final_tag_tree.png │ ├── selection_create_request.png │ ├── tutorial_cropped_objects_metadata │ │ ├── sku110k_config_metadata.jpg │ │ ├── sku110k_explore_sort_objectness.jpg │ │ ├── sku110k_lightly_magic.jpg │ │ ├── sku110k_select_nn.jpg │ │ └── sku110k_selected_images.jpg │ └── tutorial_export_labelstudio │ │ ├── labelstudio_import_dialog.jpg │ │ ├── labelstudio_import_finished.jpg │ │ └── labelstudio_imported_file.jpg │ └── tutorial_label_studio_export.py ├── examples ├── README.md ├── create_example_nbs.py ├── notebooks │ ├── pytorch │ │ ├── aim.ipynb │ │ ├── barlowtwins.ipynb │ │ ├── byol.ipynb │ │ ├── dcl.ipynb │ │ ├── densecl.ipynb │ │ ├── dino.ipynb │ │ ├── dinov2.ipynb │ │ ├── directclr.ipynb │ │ ├── fastsiam.ipynb │ │ ├── ibot.ipynb │ │ ├── ijepa.ipynb │ │ ├── mae.ipynb │ │ ├── mmcr.ipynb │ │ ├── moco.ipynb │ │ ├── msn.ipynb │ │ ├── nnclr.ipynb │ │ ├── pmsn.ipynb │ │ ├── simclr.ipynb │ │ ├── simmim.ipynb │ │ ├── simsiam.ipynb │ │ ├── smog.ipynb │ │ ├── swav.ipynb │ │ ├── swav_queue.ipynb │ │ ├── tico.ipynb │ │ ├── vicreg.ipynb │ │ └── vicregl.ipynb │ ├── pytorch_lightning │ │ ├── aim.ipynb │ │ ├── barlowtwins.ipynb │ │ ├── byol.ipynb │ │ ├── dcl.ipynb │ │ ├── densecl.ipynb │ │ ├── dino.ipynb │ │ ├── dinov2.ipynb │ │ ├── fastsiam.ipynb │ │ ├── ibot.ipynb │ │ ├── ijepa.ipynb │ │ ├── mae.ipynb │ │ ├── mmcr.ipynb │ │ ├── moco.ipynb │ │ ├── msn.ipynb │ │ ├── nnclr.ipynb │ │ ├── pmsn.ipynb │ │ ├── simclr.ipynb │ │ ├── simmim.ipynb │ │ ├── simsiam.ipynb │ │ ├── smog.ipynb │ │ ├── swav.ipynb │ │ ├── swav_queue.ipynb │ │ ├── tico.ipynb │ │ ├── vicreg.ipynb │ │ └── vicregl.ipynb │ └── pytorch_lightning_distributed │ │ ├── aim.ipynb │ │ ├── barlowtwins.ipynb │ │ ├── byol.ipynb │ │ ├── dcl.ipynb │ │ ├── densecl.ipynb │ │ ├── dino.ipynb │ │ ├── dinov2.ipynb │ │ ├── fastsiam.ipynb │ │ ├── ibot.ipynb │ │ ├── ijepa.ipynb │ │ ├── mae.ipynb │ │ ├── mmcr.ipynb │ │ ├── moco.ipynb │ │ ├── msn.ipynb │ │ ├── nnclr.ipynb │ │ ├── pmsn.ipynb │ │ ├── simclr.ipynb │ │ ├── simmim.ipynb │ │ ├── simsiam.ipynb │ │ ├── swav.ipynb │ │ ├── tico.ipynb │ │ ├── vicreg.ipynb │ │ └── vicregl.ipynb ├── pytorch │ ├── aim.py │ ├── barlowtwins.py │ ├── byol.py │ ├── dcl.py │ ├── densecl.py │ ├── dino.py │ ├── dinov2.py │ ├── directclr.py │ ├── fastsiam.py │ ├── ibot.py │ ├── ijepa.py │ ├── mae.py │ ├── mmcr.py │ ├── moco.py │ ├── msn.py │ ├── nnclr.py │ ├── pmsn.py │ ├── simclr.py │ ├── simmim.py │ ├── simsiam.py │ ├── smog.py │ ├── swav.py │ ├── swav_queue.py │ ├── tico.py │ ├── vicreg.py │ └── vicregl.py ├── pytorch_lightning │ ├── aim.py │ ├── barlowtwins.py │ ├── byol.py │ ├── dcl.py │ ├── densecl.py │ ├── dino.py │ ├── dinov2.py │ ├── fastsiam.py │ ├── ibot.py │ ├── ijepa.py │ ├── mae.py │ ├── mmcr.py │ ├── moco.py │ ├── msn.py │ ├── nnclr.py │ ├── pmsn.py │ ├── simclr.py │ ├── simmim.py │ ├── simsiam.py │ ├── smog.py │ ├── swav.py │ ├── swav_queue.py │ ├── tico.py │ ├── vicreg.py │ └── vicregl.py └── pytorch_lightning_distributed │ ├── aim.py │ ├── barlowtwins.py │ ├── byol.py │ ├── dcl.py │ ├── densecl.py │ ├── dino.py │ ├── dinov2.py │ ├── fastsiam.py │ ├── ibot.py │ ├── ijepa.py │ ├── mae.py │ ├── mmcr.py │ ├── moco.py │ ├── msn.py │ ├── nnclr.py │ ├── pmsn.py │ ├── simclr.py │ ├── simmim.py │ ├── simsiam.py │ ├── swav.py │ ├── tico.py │ ├── vicreg.py │ └── vicregl.py ├── lightly ├── __init__.py ├── active_learning │ ├── __init__.py │ └── config │ │ ├── __init__.py │ │ └── selection_config.py ├── api │ ├── __init__.py │ ├── _version_checking.py │ ├── api_workflow_artifacts.py │ ├── api_workflow_client.py │ ├── api_workflow_collaboration.py │ ├── api_workflow_compute_worker.py │ ├── api_workflow_datasets.py │ ├── api_workflow_datasource_listing.py │ ├── api_workflow_datasources.py │ ├── api_workflow_download_dataset.py │ ├── api_workflow_export.py │ ├── api_workflow_predictions.py │ ├── api_workflow_selection.py │ ├── api_workflow_tags.py │ ├── api_workflow_upload_embeddings.py │ ├── api_workflow_upload_metadata.py │ ├── bitmask.py │ ├── download.py │ ├── patch.py │ ├── retry_utils.py │ ├── serve.py │ ├── swagger_api_client.py │ ├── swagger_rest_client.py │ └── utils.py ├── cli │ ├── __init__.py │ ├── _cli_simclr.py │ ├── _helpers.py │ ├── config │ │ ├── __init__.py │ │ ├── config.yaml │ │ ├── get_config.py │ │ └── lightly-serve.yaml │ ├── crop_cli.py │ ├── download_cli.py │ ├── embed_cli.py │ ├── lightly_cli.py │ ├── serve_cli.py │ ├── train_cli.py │ └── version_cli.py ├── core.py ├── data │ ├── __init__.py │ ├── _helpers.py │ ├── _image.py │ ├── _image_loaders.py │ ├── _utils.py │ ├── _video.py │ ├── collate.py │ ├── dataset.py │ ├── lightly_subset.py │ └── multi_view_collate.py ├── embedding │ ├── __init__.py │ ├── _base.py │ ├── callbacks.py │ └── embedding.py ├── loss │ ├── __init__.py │ ├── barlow_twins_loss.py │ ├── dcl_loss.py │ ├── detcon_loss.py │ ├── dino_loss.py │ ├── directclr_loss.py │ ├── emp_ssl_loss.py │ ├── hypersphere_loss.py │ ├── ibot_loss.py │ ├── koleo_loss.py │ ├── macl_loss.py │ ├── memory_bank.py │ ├── mmcr_loss.py │ ├── msn_loss.py │ ├── negative_cosine_similarity.py │ ├── ntx_ent_loss.py │ ├── pmsn_loss.py │ ├── regularizer │ │ ├── __init__.py │ │ └── co2.py │ ├── swav_loss.py │ ├── sym_neg_cos_sim_loss.py │ ├── tico_loss.py │ ├── vicreg_loss.py │ ├── vicregl_loss.py │ └── wmse_loss.py ├── models │ ├── __init__.py │ ├── _momentum.py │ ├── barlowtwins.py │ ├── batchnorm.py │ ├── byol.py │ ├── moco.py │ ├── modules │ │ ├── __init__.py │ │ ├── center.py │ │ ├── heads.py │ │ ├── heads_timm.py │ │ ├── ijepa.py │ │ ├── ijepa_timm.py │ │ ├── masked_autoencoder.py │ │ ├── masked_autoencoder_timm.py │ │ ├── masked_causal_vision_transformer.py │ │ ├── masked_vision_transformer.py │ │ ├── masked_vision_transformer_timm.py │ │ ├── masked_vision_transformer_torchvision.py │ │ ├── memory_bank.py │ │ └── nn_memory_bank.py │ ├── nnclr.py │ ├── resnet.py │ ├── simclr.py │ ├── simsiam.py │ ├── utils.py │ └── zoo.py ├── openapi_generated │ ├── __init__.py │ └── swagger_client │ │ ├── __init__.py │ │ ├── api │ │ ├── __init__.py │ │ ├── collaboration_api.py │ │ ├── datasets_api.py │ │ ├── datasources_api.py │ │ ├── docker_api.py │ │ ├── embeddings2d_api.py │ │ ├── embeddings_api.py │ │ ├── jobs_api.py │ │ ├── mappings_api.py │ │ ├── meta_data_configurations_api.py │ │ ├── predictions_api.py │ │ ├── quota_api.py │ │ ├── samples_api.py │ │ ├── samplings_api.py │ │ ├── scores_api.py │ │ ├── tags_api.py │ │ ├── teams_api.py │ │ └── versioning_api.py │ │ ├── api_client.py │ │ ├── api_response.py │ │ ├── configuration.py │ │ ├── exceptions.py │ │ ├── models │ │ ├── __init__.py │ │ ├── active_learning_score_create_request.py │ │ ├── active_learning_score_data.py │ │ ├── active_learning_score_types_v2_data.py │ │ ├── active_learning_score_v2_data.py │ │ ├── annotation_savings.py │ │ ├── api_error_code.py │ │ ├── api_error_response.py │ │ ├── async_task_data.py │ │ ├── auth0_on_sign_up_request.py │ │ ├── auth0_on_sign_up_request_user.py │ │ ├── auto_task.py │ │ ├── auto_task_base.py │ │ ├── auto_task_crop.py │ │ ├── auto_task_crop_all_of.py │ │ ├── auto_task_tiling.py │ │ ├── auto_task_tiling_all_of.py │ │ ├── categorical_distribution.py │ │ ├── categorical_distribution_metrics.py │ │ ├── categorical_distribution_per_set.py │ │ ├── configuration_data.py │ │ ├── configuration_entry.py │ │ ├── configuration_set_request.py │ │ ├── configuration_value_data_type.py │ │ ├── consent.py │ │ ├── create_cf_bucket_activity_request.py │ │ ├── create_docker_worker_registry_entry_request.py │ │ ├── create_entity_response.py │ │ ├── create_sample_with_write_urls_response.py │ │ ├── create_team_membership_request.py │ │ ├── creator.py │ │ ├── crop_data.py │ │ ├── dataset_analysis.py │ │ ├── dataset_create_request.py │ │ ├── dataset_creator.py │ │ ├── dataset_data.py │ │ ├── dataset_data_enriched.py │ │ ├── dataset_embedding_data.py │ │ ├── dataset_information.py │ │ ├── dataset_sizes.py │ │ ├── dataset_type.py │ │ ├── dataset_update_request.py │ │ ├── datasource_config.py │ │ ├── datasource_config_azure.py │ │ ├── datasource_config_azure_all_of.py │ │ ├── datasource_config_base.py │ │ ├── datasource_config_base_full_path.py │ │ ├── datasource_config_gcs.py │ │ ├── datasource_config_gcs_all_of.py │ │ ├── datasource_config_lightly.py │ │ ├── datasource_config_local.py │ │ ├── datasource_config_local_all_of.py │ │ ├── datasource_config_obs.py │ │ ├── datasource_config_obs_all_of.py │ │ ├── datasource_config_s3.py │ │ ├── datasource_config_s3_all_of.py │ │ ├── datasource_config_s3_delegated_access.py │ │ ├── datasource_config_s3_delegated_access_all_of.py │ │ ├── datasource_config_verify_data.py │ │ ├── datasource_config_verify_data_errors.py │ │ ├── datasource_processed_until_timestamp_request.py │ │ ├── datasource_processed_until_timestamp_response.py │ │ ├── datasource_purpose.py │ │ ├── datasource_raw_samples_data.py │ │ ├── datasource_raw_samples_data_row.py │ │ ├── datasource_raw_samples_metadata_data.py │ │ ├── datasource_raw_samples_metadata_data_row.py │ │ ├── datasource_raw_samples_predictions_data.py │ │ ├── datasource_raw_samples_predictions_data_row.py │ │ ├── delegated_access_external_ids_inner.py │ │ ├── detection_frame_prediction.py │ │ ├── detection_task_information.py │ │ ├── dimensionality_reduction_method.py │ │ ├── divide_and_conquer_cursor_data.py │ │ ├── docker_authorization_request.py │ │ ├── docker_authorization_response.py │ │ ├── docker_license_information.py │ │ ├── docker_run_artifact_create_request.py │ │ ├── docker_run_artifact_created_data.py │ │ ├── docker_run_artifact_data.py │ │ ├── docker_run_artifact_storage_location.py │ │ ├── docker_run_artifact_type.py │ │ ├── docker_run_create_request.py │ │ ├── docker_run_data.py │ │ ├── docker_run_log_create_entry_data.py │ │ ├── docker_run_log_data.py │ │ ├── docker_run_log_docker_load.py │ │ ├── docker_run_log_entry_data.py │ │ ├── docker_run_log_entry_data_base.py │ │ ├── docker_run_log_level.py │ │ ├── docker_run_scheduled_create_request.py │ │ ├── docker_run_scheduled_data.py │ │ ├── docker_run_scheduled_priority.py │ │ ├── docker_run_scheduled_state.py │ │ ├── docker_run_scheduled_update_request.py │ │ ├── docker_run_state.py │ │ ├── docker_run_update_request.py │ │ ├── docker_task_description.py │ │ ├── docker_user_stats.py │ │ ├── docker_worker_authorization_request.py │ │ ├── docker_worker_config.py │ │ ├── docker_worker_config_create_request.py │ │ ├── docker_worker_config_omni_v2_create_request.py │ │ ├── docker_worker_config_omni_v2_create_request_all_of.py │ │ ├── docker_worker_config_omni_v3_create_request.py │ │ ├── docker_worker_config_omni_v3_create_request_all_of.py │ │ ├── docker_worker_config_omni_v4_create_request.py │ │ ├── docker_worker_config_omni_v4_create_request_all_of.py │ │ ├── docker_worker_config_omni_vx_create_request.py │ │ ├── docker_worker_config_omni_vx_create_request_base.py │ │ ├── docker_worker_config_v0_data.py │ │ ├── docker_worker_config_v0_data_all_of.py │ │ ├── docker_worker_config_v2.py │ │ ├── docker_worker_config_v2_create_request.py │ │ ├── docker_worker_config_v2_data.py │ │ ├── docker_worker_config_v2_data_all_of.py │ │ ├── docker_worker_config_v2_docker.py │ │ ├── docker_worker_config_v2_docker_datasource.py │ │ ├── docker_worker_config_v2_docker_object_level.py │ │ ├── docker_worker_config_v2_docker_stopping_condition.py │ │ ├── docker_worker_config_v2_lightly.py │ │ ├── docker_worker_config_v2_lightly_collate.py │ │ ├── docker_worker_config_v2_lightly_model.py │ │ ├── docker_worker_config_v2_lightly_trainer.py │ │ ├── docker_worker_config_v3.py │ │ ├── docker_worker_config_v3_create_request.py │ │ ├── docker_worker_config_v3_data.py │ │ ├── docker_worker_config_v3_data_all_of.py │ │ ├── docker_worker_config_v3_datasource_input_expiration.py │ │ ├── docker_worker_config_v3_docker.py │ │ ├── docker_worker_config_v3_docker_corruptness_check.py │ │ ├── docker_worker_config_v3_docker_datasource.py │ │ ├── docker_worker_config_v3_docker_training.py │ │ ├── docker_worker_config_v3_lightly.py │ │ ├── docker_worker_config_v3_lightly_checkpoint_callback.py │ │ ├── docker_worker_config_v3_lightly_collate.py │ │ ├── docker_worker_config_v3_lightly_criterion.py │ │ ├── docker_worker_config_v3_lightly_loader.py │ │ ├── docker_worker_config_v3_lightly_model.py │ │ ├── docker_worker_config_v3_lightly_optimizer.py │ │ ├── docker_worker_config_v3_lightly_trainer.py │ │ ├── docker_worker_config_v4.py │ │ ├── docker_worker_config_v4_data.py │ │ ├── docker_worker_config_v4_data_all_of.py │ │ ├── docker_worker_config_v4_docker.py │ │ ├── docker_worker_config_v4_docker_crops.py │ │ ├── docker_worker_config_vx_data.py │ │ ├── docker_worker_config_vx_data_base.py │ │ ├── docker_worker_registry_entry_data.py │ │ ├── docker_worker_state.py │ │ ├── docker_worker_type.py │ │ ├── embedding2d_create_request.py │ │ ├── embedding2d_data.py │ │ ├── embedding_data.py │ │ ├── embedding_data2_d.py │ │ ├── embedding_information.py │ │ ├── expiry_handling_strategy_v3.py │ │ ├── file_name_format.py │ │ ├── file_output_format.py │ │ ├── filename_and_read_url.py │ │ ├── general_information.py │ │ ├── image_type.py │ │ ├── initial_tag_create_request.py │ │ ├── internal_debug_latency.py │ │ ├── internal_debug_latency_mongodb.py │ │ ├── job_result_type.py │ │ ├── job_state.py │ │ ├── job_status_data.py │ │ ├── job_status_data_result.py │ │ ├── job_status_meta.py │ │ ├── job_status_upload_method.py │ │ ├── jobs_data.py │ │ ├── label_box_data_row.py │ │ ├── label_box_v4_data_row.py │ │ ├── label_studio_task.py │ │ ├── label_studio_task_data.py │ │ ├── lightly_docker_selection_method.py │ │ ├── lightly_model_v2.py │ │ ├── lightly_model_v3.py │ │ ├── lightly_trainer_precision_v2.py │ │ ├── lightly_trainer_precision_v3.py │ │ ├── metadata_information.py │ │ ├── numeric_distribution.py │ │ ├── numeric_distribution_metrics.py │ │ ├── numeric_distribution_per_set.py │ │ ├── object_detection_prediction.py │ │ ├── prediction_singleton.py │ │ ├── prediction_singleton_base.py │ │ ├── prediction_singleton_classification.py │ │ ├── prediction_singleton_classification_all_of.py │ │ ├── prediction_singleton_instance_segmentation.py │ │ ├── prediction_singleton_instance_segmentation_all_of.py │ │ ├── prediction_singleton_keypoint_detection.py │ │ ├── prediction_singleton_keypoint_detection_all_of.py │ │ ├── prediction_singleton_object_detection.py │ │ ├── prediction_singleton_object_detection_all_of.py │ │ ├── prediction_singleton_semantic_segmentation.py │ │ ├── prediction_singleton_semantic_segmentation_all_of.py │ │ ├── prediction_task_information.py │ │ ├── prediction_task_schema.py │ │ ├── prediction_task_schema_base.py │ │ ├── prediction_task_schema_category.py │ │ ├── prediction_task_schema_category_keypoints.py │ │ ├── prediction_task_schema_category_keypoints_all_of.py │ │ ├── prediction_task_schema_keypoint.py │ │ ├── prediction_task_schema_keypoint_all_of.py │ │ ├── prediction_task_schema_simple.py │ │ ├── prediction_task_schema_simple_all_of.py │ │ ├── prediction_task_schemas.py │ │ ├── profile_basic_data.py │ │ ├── profile_me_data.py │ │ ├── profile_me_data_settings.py │ │ ├── questionnaire_data.py │ │ ├── report_v2.py │ │ ├── run_information.py │ │ ├── s3_region.py │ │ ├── sama_task.py │ │ ├── sama_task_data.py │ │ ├── sample_create_request.py │ │ ├── sample_data.py │ │ ├── sample_data_modes.py │ │ ├── sample_meta_data.py │ │ ├── sample_partial_mode.py │ │ ├── sample_sort_by.py │ │ ├── sample_type.py │ │ ├── sample_update_request.py │ │ ├── sample_write_urls.py │ │ ├── sampling_config.py │ │ ├── sampling_config_stopping_condition.py │ │ ├── sampling_create_request.py │ │ ├── sampling_method.py │ │ ├── scatter_plot_data.py │ │ ├── scatter_plot_example_image.py │ │ ├── sector.py │ │ ├── selected_and_removed_image_pair.py │ │ ├── selection_config.py │ │ ├── selection_config_all_of.py │ │ ├── selection_config_base.py │ │ ├── selection_config_entry.py │ │ ├── selection_config_entry_input.py │ │ ├── selection_config_entry_strategy.py │ │ ├── selection_config_v3.py │ │ ├── selection_config_v3_all_of.py │ │ ├── selection_config_v3_entry.py │ │ ├── selection_config_v3_entry_input.py │ │ ├── selection_config_v3_entry_strategy.py │ │ ├── selection_config_v3_entry_strategy_all_of.py │ │ ├── selection_config_v3_entry_strategy_all_of_target_range.py │ │ ├── selection_config_v4.py │ │ ├── selection_config_v4_all_of.py │ │ ├── selection_config_v4_entry.py │ │ ├── selection_config_v4_entry_input.py │ │ ├── selection_config_v4_entry_strategy.py │ │ ├── selection_config_v4_entry_strategy_all_of.py │ │ ├── selection_input_predictions_name.py │ │ ├── selection_input_type.py │ │ ├── selection_strategy_threshold_operation.py │ │ ├── selection_strategy_type.py │ │ ├── selection_strategy_type_v3.py │ │ ├── service_account_basic_data.py │ │ ├── set_embeddings_is_processed_flag_by_id_body_request.py │ │ ├── shared_access_config_create_request.py │ │ ├── shared_access_config_data.py │ │ ├── shared_access_type.py │ │ ├── tag_active_learning_scores_data.py │ │ ├── tag_arithmetics_operation.py │ │ ├── tag_arithmetics_request.py │ │ ├── tag_arithmetics_response.py │ │ ├── tag_bit_mask_response.py │ │ ├── tag_change_data.py │ │ ├── tag_change_data_arithmetics.py │ │ ├── tag_change_data_initial.py │ │ ├── tag_change_data_metadata.py │ │ ├── tag_change_data_operation_method.py │ │ ├── tag_change_data_rename.py │ │ ├── tag_change_data_sampler.py │ │ ├── tag_change_data_samples.py │ │ ├── tag_change_data_scatterplot.py │ │ ├── tag_change_data_upsize.py │ │ ├── tag_change_entry.py │ │ ├── tag_create_request.py │ │ ├── tag_creator.py │ │ ├── tag_data.py │ │ ├── tag_update_request.py │ │ ├── tag_upsize_request.py │ │ ├── task_annotation_savings.py │ │ ├── task_type.py │ │ ├── team_basic_data.py │ │ ├── team_data.py │ │ ├── team_role.py │ │ ├── trigger2d_embedding_job_request.py │ │ ├── update_docker_worker_registry_entry_request.py │ │ ├── update_team_membership_request.py │ │ ├── usage.py │ │ ├── user_type.py │ │ ├── video_frame_data.py │ │ ├── worker_information.py │ │ └── write_csv_url_data.py │ │ └── rest.py ├── transforms │ ├── __init__.py │ ├── add_grid_transform.py │ ├── aim_transform.py │ ├── amplitude_rescale_transform.py │ ├── byol_transform.py │ ├── densecl_transform.py │ ├── detcon_transform.py │ ├── dino_transform.py │ ├── fast_siam_transform.py │ ├── fda_transform.py │ ├── gaussian_blur.py │ ├── gaussian_mixture_masks_transform.py │ ├── ibot_transform.py │ ├── ijepa_transform.py │ ├── image_grid_transform.py │ ├── irfft2d_transform.py │ ├── jigsaw.py │ ├── mae_transform.py │ ├── mmcr_transform.py │ ├── moco_transform.py │ ├── msn_transform.py │ ├── multi_crop_transform.py │ ├── multi_view_transform.py │ ├── multi_view_transform_v2.py │ ├── phase_shift_transform.py │ ├── pirl_transform.py │ ├── py.typed │ ├── random_crop_and_flip_with_grid.py │ ├── random_frequency_mask_transform.py │ ├── rfft2d_transform.py │ ├── rotation.py │ ├── simclr_transform.py │ ├── simsiam_transform.py │ ├── smog_transform.py │ ├── solarize.py │ ├── swav_transform.py │ ├── tico_transform.py │ ├── torchvision_v2_compatibility.py │ ├── utils.py │ ├── vicreg_transform.py │ ├── vicregl_transform.py │ └── wmse_transform.py └── utils │ ├── __init__.py │ ├── benchmarking │ ├── __init__.py │ ├── benchmark_module.py │ ├── knn.py │ ├── knn_classifier.py │ ├── linear_classifier.py │ ├── metric_callback.py │ ├── online_linear_classifier.py │ └── topk.py │ ├── bounding_box.py │ ├── cropping │ ├── __init__.py │ ├── crop_image_by_bounding_boxes.py │ └── read_yolo_label_file.py │ ├── debug.py │ ├── dependency.py │ ├── dist.py │ ├── embeddings_2d.py │ ├── hipify.py │ ├── io.py │ ├── lars.py │ ├── optim.py │ ├── reordering.py │ ├── scheduler.py │ └── version_compare.py ├── pylintrc ├── pyproject.toml ├── requirements ├── README.md ├── base.txt └── openapi.txt ├── setup.py └── tests ├── REAMDE.md ├── UNMOCKED_end2end_tests ├── README.md ├── create_custom_metadata_from_input_dir.py ├── delete_datasets_test_unmocked_cli.py ├── run_all_unmocked_tests.sh └── scripts_for_reproducing_problems │ └── test_api_latency.py ├── __init__.py ├── api ├── test_BitMask.py ├── test_download.py ├── test_patch.py ├── test_rest_parser.py ├── test_retry_utils.py ├── test_serve.py ├── test_swagger_api_client.py ├── test_swagger_rest_client.py ├── test_utils.py └── test_version_checking.py ├── api_workflow ├── __init__.py ├── mocked_api_workflow_client.py ├── test_api_workflow.py ├── test_api_workflow_artifacts.py ├── test_api_workflow_client.py ├── test_api_workflow_collaboration.py ├── test_api_workflow_compute_worker.py ├── test_api_workflow_datasets.py ├── test_api_workflow_datasource_listing.py ├── test_api_workflow_datasources.py ├── test_api_workflow_download_dataset.py ├── test_api_workflow_export.py ├── test_api_workflow_predictions.py ├── test_api_workflow_selection.py ├── test_api_workflow_tags.py ├── test_api_workflow_upload_custom_metadata.py ├── test_api_workflow_upload_embeddings.py └── utils.py ├── cli ├── test_cli_crop.py ├── test_cli_download.py ├── test_cli_embed.py ├── test_cli_get_lighty_config.py ├── test_cli_magic.py ├── test_cli_train.py └── test_cli_version.py ├── conftest.py ├── core └── test_Core.py ├── data ├── test_LightlyDataset.py ├── test_LightlySubset.py ├── test_VideoDataset.py ├── test_data_collate.py └── test_multi_view_collate.py ├── embedding ├── test_callbacks.py └── test_embedding.py ├── helpers.py ├── loss ├── test_MMCR_loss.py ├── test_barlow_twins_loss.py ├── test_co2.py ├── test_dcl_loss.py ├── test_detcon_loss.py ├── test_dino_loss.py ├── test_directclr_loss.py ├── test_emp_ssl_loss.py ├── test_hypersphere_loss.py ├── test_ibot_loss.py ├── test_koleo_loss.py ├── test_macl_loss.py ├── test_msn_loss.py ├── test_negative_cosine_similarity.py ├── test_ntx_ent_loss.py ├── test_pmsn_loss.py ├── test_swav_loss.py ├── test_sym_neg_cos_sim_loss.py ├── test_tico_loss.py ├── test_vicreg_loss.py ├── test_vicregl_loss.py └── test_wmse_loss.py ├── models ├── __init__.py ├── modules │ ├── __init__.py │ ├── masked_vision_transformer_test.py │ ├── test_center.py │ ├── test_ijepa_timm.py │ ├── test_masked_autoencoder.py │ ├── test_masked_autoencoder_timm.py │ ├── test_masked_vision_transformer_timm.py │ ├── test_masked_vision_transformer_torchvision.py │ └── test_memory_bank.py ├── test_ModelUtils.py ├── test_ModelsBYOL.py ├── test_ModelsMoCo.py ├── test_ModelsNNCLR.py ├── test_ModelsSimCLR.py ├── test_ModelsSimSiam.py └── test_ProjectionHeads.py ├── test_requirements.py ├── transforms ├── __init__.py ├── test_Solarize.py ├── test_add_grid_transform.py ├── test_amplitude_rescale_transform.py ├── test_byol_transform.py ├── test_densecl_transform.py ├── test_detcon_transform.py ├── test_dino_transform.py ├── test_fastsiam_transform.py ├── test_fda_transform.py ├── test_gaussian_blur.py ├── test_gaussian_mixture_masks.py ├── test_ibot_transform.py ├── test_irfft2d_transform.py ├── test_jigsaw.py ├── test_location_to_NxN_grid.py ├── test_mae_transform.py ├── test_mmcr_transform.py ├── test_moco_transform.py ├── test_msn_transform.py ├── test_multi_crop_transform.py ├── test_multi_view_transform.py ├── test_multi_view_transform_v2.py ├── test_phase_shift_transform.py ├── test_pirl_transform.py ├── test_random_frequency_mask_transform.py ├── test_rfft2d_transform.py ├── test_rotation.py ├── test_simclr_transform.py ├── test_simsiam_transform.py ├── test_smog_transform.py ├── test_swav_transform.py ├── test_torchvision_v2compatibility.py ├── test_vicreg_transform.py ├── test_vicregl_transform.py └── test_wmse_transform.py └── utils ├── __init__.py ├── benchmarking ├── __init__.py ├── test_benchmark_module.py ├── test_knn.py ├── test_knn_classifier.py ├── test_linear_classifier.py ├── test_metric_callback.py ├── test_online_linear_classifier.py └── test_topk.py ├── test_debug.py ├── test_dist.py ├── test_dist__gather__benchmark_module.py ├── test_dist__gather__losses.py ├── test_embeddings_2d.py ├── test_io.py ├── test_optim.py ├── test_scheduler.py └── test_version_compare.py /.gitattributes: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.gitattributes -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE/PR_template_checklist.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.github/PULL_REQUEST_TEMPLATE/PR_template_checklist.md -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE/PR_template_checklist_full.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.github/PULL_REQUEST_TEMPLATE/PR_template_checklist_full.md -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE/PR_template_minimal.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.github/PULL_REQUEST_TEMPLATE/PR_template_minimal.md -------------------------------------------------------------------------------- /.github/workflows/check_example_nbs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.github/workflows/check_example_nbs.yml -------------------------------------------------------------------------------- /.github/workflows/discord_release_notification.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.github/workflows/discord_release_notification.yml -------------------------------------------------------------------------------- /.github/workflows/release_pypi.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.github/workflows/release_pypi.yml -------------------------------------------------------------------------------- /.github/workflows/test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.github/workflows/test.yml -------------------------------------------------------------------------------- /.github/workflows/test_api_deps_only.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.github/workflows/test_api_deps_only.yml -------------------------------------------------------------------------------- /.github/workflows/test_code_format.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.github/workflows/test_code_format.yml -------------------------------------------------------------------------------- /.github/workflows/test_minimal_deps.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.github/workflows/test_minimal_deps.yml -------------------------------------------------------------------------------- /.github/workflows/test_setup.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.github/workflows/test_setup.yml -------------------------------------------------------------------------------- /.github/workflows/tests_unmocked.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.github/workflows/tests_unmocked.yml -------------------------------------------------------------------------------- /.github/workflows/weekly_dependency_test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.github/workflows/weekly_dependency_test.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.gitignore -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /.readthedocs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/.readthedocs.yml -------------------------------------------------------------------------------- /CITATION.cff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/CITATION.cff -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/LICENSE.txt -------------------------------------------------------------------------------- /MAINTAINING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/MAINTAINING.md -------------------------------------------------------------------------------- /MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/MANIFEST.in -------------------------------------------------------------------------------- /Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/Makefile -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/README.md -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/README.md -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/barlowtwins.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/barlowtwins.py -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/byol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/byol.py -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/dcl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/dcl.py -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/dclw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/dclw.py -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/dino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/dino.py -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/finetune_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/finetune_eval.py -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/knn_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/knn_eval.py -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/linear_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/linear_eval.py -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/main.py -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/mocov2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/mocov2.py -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/simclr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/simclr.py -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/swav.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/swav.py -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/tico.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/tico.py -------------------------------------------------------------------------------- /benchmarks/imagenet/resnet50/vicreg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/resnet50/vicreg.py -------------------------------------------------------------------------------- /benchmarks/imagenet/vitb16/aim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/vitb16/aim.py -------------------------------------------------------------------------------- /benchmarks/imagenet/vitb16/dino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/vitb16/dino.py -------------------------------------------------------------------------------- /benchmarks/imagenet/vitb16/dinov2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/vitb16/dinov2.py -------------------------------------------------------------------------------- /benchmarks/imagenet/vitb16/finetune_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/vitb16/finetune_eval.py -------------------------------------------------------------------------------- /benchmarks/imagenet/vitb16/ibot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/vitb16/ibot.py -------------------------------------------------------------------------------- /benchmarks/imagenet/vitb16/knn_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/vitb16/knn_eval.py -------------------------------------------------------------------------------- /benchmarks/imagenet/vitb16/linear_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/vitb16/linear_eval.py -------------------------------------------------------------------------------- /benchmarks/imagenet/vitb16/mae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/vitb16/mae.py -------------------------------------------------------------------------------- /benchmarks/imagenet/vitb16/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/benchmarks/imagenet/vitb16/main.py -------------------------------------------------------------------------------- /codecov.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/codecov.yml -------------------------------------------------------------------------------- /docs/.gcloudignore: -------------------------------------------------------------------------------- 1 | source 2 | _data 3 | logos 4 | **lightning_logs 5 | .* -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/README.md -------------------------------------------------------------------------------- /docs/app.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/app.yaml -------------------------------------------------------------------------------- /docs/logos/lightly_SSL_logo_crop.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/logos/lightly_SSL_logo_crop.png -------------------------------------------------------------------------------- /docs/logos/lightly_SSL_logo_crop_white_text.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/logos/lightly_SSL_logo_crop_white_text.png -------------------------------------------------------------------------------- /docs/logos/lightly_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/logos/lightly_logo.png -------------------------------------------------------------------------------- /docs/logos/lightly_logo_crop.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/logos/lightly_logo_crop.png -------------------------------------------------------------------------------- /docs/logos/lightly_logo_crop_white_text.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/logos/lightly_logo_crop_white_text.png -------------------------------------------------------------------------------- /docs/logos/lightly_logo_square.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/logos/lightly_logo_square.png -------------------------------------------------------------------------------- /docs/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/make.bat -------------------------------------------------------------------------------- /docs/source/_static/my-styles.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/_static/my-styles.css -------------------------------------------------------------------------------- /docs/source/_templates/autosummary/base.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/_templates/autosummary/base.rst -------------------------------------------------------------------------------- /docs/source/_templates/autosummary/class.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/_templates/autosummary/class.rst -------------------------------------------------------------------------------- /docs/source/_templates/autosummary/module.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/_templates/autosummary/module.rst -------------------------------------------------------------------------------- /docs/source/_templates/footer.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/_templates/footer.html -------------------------------------------------------------------------------- /docs/source/_templates/layout.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/_templates/layout.html -------------------------------------------------------------------------------- /docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/conf.py -------------------------------------------------------------------------------- /docs/source/docker_archive/overview.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/docker_archive/overview.rst -------------------------------------------------------------------------------- /docs/source/examples/aim.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/aim.rst -------------------------------------------------------------------------------- /docs/source/examples/barlowtwins.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/barlowtwins.rst -------------------------------------------------------------------------------- /docs/source/examples/byol.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/byol.rst -------------------------------------------------------------------------------- /docs/source/examples/dcl.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/dcl.rst -------------------------------------------------------------------------------- /docs/source/examples/densecl.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/densecl.rst -------------------------------------------------------------------------------- /docs/source/examples/dino.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/dino.rst -------------------------------------------------------------------------------- /docs/source/examples/dinov2.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/dinov2.rst -------------------------------------------------------------------------------- /docs/source/examples/fastsiam.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/fastsiam.rst -------------------------------------------------------------------------------- /docs/source/examples/ibot.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/ibot.rst -------------------------------------------------------------------------------- /docs/source/examples/mae.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/mae.rst -------------------------------------------------------------------------------- /docs/source/examples/mmcr.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/mmcr.rst -------------------------------------------------------------------------------- /docs/source/examples/moco.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/moco.rst -------------------------------------------------------------------------------- /docs/source/examples/models.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/models.rst -------------------------------------------------------------------------------- /docs/source/examples/msn.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/msn.rst -------------------------------------------------------------------------------- /docs/source/examples/nnclr.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/nnclr.rst -------------------------------------------------------------------------------- /docs/source/examples/pmsn.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/pmsn.rst -------------------------------------------------------------------------------- /docs/source/examples/simclr.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/simclr.rst -------------------------------------------------------------------------------- /docs/source/examples/simmim.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/simmim.rst -------------------------------------------------------------------------------- /docs/source/examples/simsiam.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/simsiam.rst -------------------------------------------------------------------------------- /docs/source/examples/smog.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/smog.rst -------------------------------------------------------------------------------- /docs/source/examples/swav.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/swav.rst -------------------------------------------------------------------------------- /docs/source/examples/tico.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/tico.rst -------------------------------------------------------------------------------- /docs/source/examples/vicreg.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/vicreg.rst -------------------------------------------------------------------------------- /docs/source/examples/vicregl.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/examples/vicregl.rst -------------------------------------------------------------------------------- /docs/source/favicon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/favicon.png -------------------------------------------------------------------------------- /docs/source/getting_started/advanced.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/advanced.rst -------------------------------------------------------------------------------- /docs/source/getting_started/benchmarks.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/benchmarks.rst -------------------------------------------------------------------------------- /docs/source/getting_started/benchmarks/cifar10_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/benchmarks/cifar10_benchmark.py -------------------------------------------------------------------------------- /docs/source/getting_started/benchmarks/imagenet100_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/benchmarks/imagenet100_benchmark.py -------------------------------------------------------------------------------- /docs/source/getting_started/benchmarks/imagenette_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/benchmarks/imagenette_benchmark.py -------------------------------------------------------------------------------- /docs/source/getting_started/code_examples/plot_image_augmentations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/code_examples/plot_image_augmentations.py -------------------------------------------------------------------------------- /docs/source/getting_started/command_line_tool.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/command_line_tool.rst -------------------------------------------------------------------------------- /docs/source/getting_started/distributed_training.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/distributed_training.rst -------------------------------------------------------------------------------- /docs/source/getting_started/images/al_accuracy_plot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/al_accuracy_plot.png -------------------------------------------------------------------------------- /docs/source/getting_started/images/cli_example.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/cli_example.png -------------------------------------------------------------------------------- /docs/source/getting_started/images/custom_metadata_weather_temperature.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/custom_metadata_weather_temperature.png -------------------------------------------------------------------------------- /docs/source/getting_started/images/dataset_home.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/dataset_home.jpg -------------------------------------------------------------------------------- /docs/source/getting_started/images/dataset_overview.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/dataset_overview.jpg -------------------------------------------------------------------------------- /docs/source/getting_started/images/dino_augmentations.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/dino_augmentations.jpg -------------------------------------------------------------------------------- /docs/source/getting_started/images/lightly_overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/lightly_overview.png -------------------------------------------------------------------------------- /docs/source/getting_started/images/simclr_augmentations.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/simclr_augmentations.jpg -------------------------------------------------------------------------------- /docs/source/getting_started/images/simclr_augmentations_no_blur.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/simclr_augmentations_no_blur.jpg -------------------------------------------------------------------------------- /docs/source/getting_started/images/webapp_create_selection.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/webapp_create_selection.gif -------------------------------------------------------------------------------- /docs/source/getting_started/images/webapp_dataset_id.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/webapp_dataset_id.jpg -------------------------------------------------------------------------------- /docs/source/getting_started/images/webapp_embedding.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/webapp_embedding.jpg -------------------------------------------------------------------------------- /docs/source/getting_started/images/webapp_image_upload.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/webapp_image_upload.jpg -------------------------------------------------------------------------------- /docs/source/getting_started/images/webapp_selection_new_tag.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/webapp_selection_new_tag.gif -------------------------------------------------------------------------------- /docs/source/getting_started/images/webapp_tags.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/webapp_tags.gif -------------------------------------------------------------------------------- /docs/source/getting_started/images/webapp_token.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/images/webapp_token.gif -------------------------------------------------------------------------------- /docs/source/getting_started/install.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/install.rst -------------------------------------------------------------------------------- /docs/source/getting_started/lightly_at_a_glance.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/lightly_at_a_glance.rst -------------------------------------------------------------------------------- /docs/source/getting_started/main_concepts.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/getting_started/main_concepts.rst -------------------------------------------------------------------------------- /docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/index.rst -------------------------------------------------------------------------------- /docs/source/lightly.api.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/lightly.api.rst -------------------------------------------------------------------------------- /docs/source/lightly.cli.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/lightly.cli.rst -------------------------------------------------------------------------------- /docs/source/lightly.core.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/lightly.core.rst -------------------------------------------------------------------------------- /docs/source/lightly.data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/lightly.data.rst -------------------------------------------------------------------------------- /docs/source/lightly.loss.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/lightly.loss.rst -------------------------------------------------------------------------------- /docs/source/lightly.models.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/lightly.models.rst -------------------------------------------------------------------------------- /docs/source/lightly.models.utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/lightly.models.utils.rst -------------------------------------------------------------------------------- /docs/source/lightly.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/lightly.rst -------------------------------------------------------------------------------- /docs/source/lightly.transforms.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/lightly.transforms.rst -------------------------------------------------------------------------------- /docs/source/lightly.utils.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/lightly.utils.rst -------------------------------------------------------------------------------- /docs/source/tutorials/structure_your_input.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials/structure_your_input.rst -------------------------------------------------------------------------------- /docs/source/tutorials_source/package/Base-RCNN-FPN.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials_source/package/Base-RCNN-FPN.yaml -------------------------------------------------------------------------------- /docs/source/tutorials_source/package/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials_source/package/README.txt -------------------------------------------------------------------------------- /docs/source/tutorials_source/package/tutorial_checkpoint_finetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials_source/package/tutorial_checkpoint_finetuning.py -------------------------------------------------------------------------------- /docs/source/tutorials_source/package/tutorial_custom_augmentations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials_source/package/tutorial_custom_augmentations.py -------------------------------------------------------------------------------- /docs/source/tutorials_source/package/tutorial_moco_memory_bank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials_source/package/tutorial_moco_memory_bank.py -------------------------------------------------------------------------------- /docs/source/tutorials_source/package/tutorial_pretrain_detectron2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials_source/package/tutorial_pretrain_detectron2.py -------------------------------------------------------------------------------- /docs/source/tutorials_source/package/tutorial_simclr_clothing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials_source/package/tutorial_simclr_clothing.py -------------------------------------------------------------------------------- /docs/source/tutorials_source/package/tutorial_simsiam_esa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials_source/package/tutorial_simsiam_esa.py -------------------------------------------------------------------------------- /docs/source/tutorials_source/package/tutorial_timm_backbone.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials_source/package/tutorial_timm_backbone.py -------------------------------------------------------------------------------- /docs/source/tutorials_source/platform/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials_source/platform/README.txt -------------------------------------------------------------------------------- /docs/source/tutorials_source/platform/images/custom_metadata_scatter_plot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials_source/platform/images/custom_metadata_scatter_plot.png -------------------------------------------------------------------------------- /docs/source/tutorials_source/platform/images/final_tag_tree.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials_source/platform/images/final_tag_tree.png -------------------------------------------------------------------------------- /docs/source/tutorials_source/platform/images/selection_create_request.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials_source/platform/images/selection_create_request.png -------------------------------------------------------------------------------- /docs/source/tutorials_source/platform/tutorial_label_studio_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/docs/source/tutorials_source/platform/tutorial_label_studio_export.py -------------------------------------------------------------------------------- /examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/README.md -------------------------------------------------------------------------------- /examples/create_example_nbs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/create_example_nbs.py -------------------------------------------------------------------------------- /examples/notebooks/pytorch/aim.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/aim.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/barlowtwins.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/barlowtwins.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/byol.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/byol.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/dcl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/dcl.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/densecl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/densecl.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/dino.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/dino.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/dinov2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/dinov2.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/directclr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/directclr.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/fastsiam.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/fastsiam.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/ibot.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/ibot.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/ijepa.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/ijepa.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/mae.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/mae.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/mmcr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/mmcr.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/moco.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/moco.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/msn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/msn.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/nnclr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/nnclr.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/pmsn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/pmsn.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/simclr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/simclr.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/simmim.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/simmim.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/simsiam.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/simsiam.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/smog.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/smog.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/swav.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/swav.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/swav_queue.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/swav_queue.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/tico.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/tico.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/vicreg.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/vicreg.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch/vicregl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch/vicregl.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/aim.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/aim.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/barlowtwins.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/barlowtwins.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/byol.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/byol.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/dcl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/dcl.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/densecl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/densecl.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/dino.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/dino.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/dinov2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/dinov2.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/fastsiam.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/fastsiam.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/ibot.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/ibot.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/ijepa.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/ijepa.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/mae.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/mae.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/mmcr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/mmcr.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/moco.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/moco.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/msn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/msn.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/nnclr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/nnclr.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/pmsn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/pmsn.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/simclr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/simclr.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/simmim.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/simmim.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/simsiam.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/simsiam.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/smog.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/smog.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/swav.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/swav.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/swav_queue.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/swav_queue.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/tico.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/tico.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/vicreg.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/vicreg.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning/vicregl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning/vicregl.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/aim.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/aim.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/barlowtwins.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/barlowtwins.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/byol.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/byol.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/dcl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/dcl.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/densecl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/densecl.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/dino.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/dino.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/dinov2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/dinov2.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/fastsiam.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/fastsiam.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/ibot.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/ibot.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/ijepa.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/ijepa.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/mae.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/mae.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/mmcr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/mmcr.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/moco.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/moco.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/msn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/msn.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/nnclr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/nnclr.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/pmsn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/pmsn.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/simclr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/simclr.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/simmim.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/simmim.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/simsiam.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/simsiam.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/swav.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/swav.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/tico.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/tico.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/vicreg.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/vicreg.ipynb -------------------------------------------------------------------------------- /examples/notebooks/pytorch_lightning_distributed/vicregl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/notebooks/pytorch_lightning_distributed/vicregl.ipynb -------------------------------------------------------------------------------- /examples/pytorch/aim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/aim.py -------------------------------------------------------------------------------- /examples/pytorch/barlowtwins.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/barlowtwins.py -------------------------------------------------------------------------------- /examples/pytorch/byol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/byol.py -------------------------------------------------------------------------------- /examples/pytorch/dcl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/dcl.py -------------------------------------------------------------------------------- /examples/pytorch/densecl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/densecl.py -------------------------------------------------------------------------------- /examples/pytorch/dino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/dino.py -------------------------------------------------------------------------------- /examples/pytorch/dinov2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/dinov2.py -------------------------------------------------------------------------------- /examples/pytorch/directclr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/directclr.py -------------------------------------------------------------------------------- /examples/pytorch/fastsiam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/fastsiam.py -------------------------------------------------------------------------------- /examples/pytorch/ibot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/ibot.py -------------------------------------------------------------------------------- /examples/pytorch/ijepa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/ijepa.py -------------------------------------------------------------------------------- /examples/pytorch/mae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/mae.py -------------------------------------------------------------------------------- /examples/pytorch/mmcr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/mmcr.py -------------------------------------------------------------------------------- /examples/pytorch/moco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/moco.py -------------------------------------------------------------------------------- /examples/pytorch/msn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/msn.py -------------------------------------------------------------------------------- /examples/pytorch/nnclr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/nnclr.py -------------------------------------------------------------------------------- /examples/pytorch/pmsn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/pmsn.py -------------------------------------------------------------------------------- /examples/pytorch/simclr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/simclr.py -------------------------------------------------------------------------------- /examples/pytorch/simmim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/simmim.py -------------------------------------------------------------------------------- /examples/pytorch/simsiam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/simsiam.py -------------------------------------------------------------------------------- /examples/pytorch/smog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/smog.py -------------------------------------------------------------------------------- /examples/pytorch/swav.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/swav.py -------------------------------------------------------------------------------- /examples/pytorch/swav_queue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/swav_queue.py -------------------------------------------------------------------------------- /examples/pytorch/tico.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/tico.py -------------------------------------------------------------------------------- /examples/pytorch/vicreg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/vicreg.py -------------------------------------------------------------------------------- /examples/pytorch/vicregl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch/vicregl.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/aim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/aim.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/barlowtwins.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/barlowtwins.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/byol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/byol.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/dcl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/dcl.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/densecl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/densecl.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/dino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/dino.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/dinov2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/dinov2.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/fastsiam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/fastsiam.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/ibot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/ibot.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/ijepa.py: -------------------------------------------------------------------------------- 1 | # TODO, for now please refer to our pure pytorch example 2 | -------------------------------------------------------------------------------- /examples/pytorch_lightning/mae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/mae.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/mmcr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/mmcr.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/moco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/moco.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/msn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/msn.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/nnclr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/nnclr.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/pmsn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/pmsn.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/simclr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/simclr.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/simmim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/simmim.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/simsiam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/simsiam.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/smog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/smog.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/swav.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/swav.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/swav_queue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/swav_queue.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/tico.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/tico.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/vicreg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/vicreg.py -------------------------------------------------------------------------------- /examples/pytorch_lightning/vicregl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning/vicregl.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/aim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/aim.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/barlowtwins.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/barlowtwins.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/byol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/byol.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/dcl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/dcl.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/densecl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/densecl.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/dino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/dino.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/dinov2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/dinov2.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/fastsiam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/fastsiam.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/ibot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/ibot.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/ijepa.py: -------------------------------------------------------------------------------- 1 | # TODO, for now please refer to our pure pytorch example 2 | -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/mae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/mae.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/mmcr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/mmcr.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/moco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/moco.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/msn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/msn.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/nnclr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/nnclr.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/pmsn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/pmsn.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/simclr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/simclr.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/simmim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/simmim.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/simsiam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/simsiam.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/swav.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/swav.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/tico.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/tico.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/vicreg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/vicreg.py -------------------------------------------------------------------------------- /examples/pytorch_lightning_distributed/vicregl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/examples/pytorch_lightning_distributed/vicregl.py -------------------------------------------------------------------------------- /lightly/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/__init__.py -------------------------------------------------------------------------------- /lightly/active_learning/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/active_learning/__init__.py -------------------------------------------------------------------------------- /lightly/active_learning/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/active_learning/config/__init__.py -------------------------------------------------------------------------------- /lightly/active_learning/config/selection_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/active_learning/config/selection_config.py -------------------------------------------------------------------------------- /lightly/api/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/__init__.py -------------------------------------------------------------------------------- /lightly/api/_version_checking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/_version_checking.py -------------------------------------------------------------------------------- /lightly/api/api_workflow_artifacts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/api_workflow_artifacts.py -------------------------------------------------------------------------------- /lightly/api/api_workflow_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/api_workflow_client.py -------------------------------------------------------------------------------- /lightly/api/api_workflow_collaboration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/api_workflow_collaboration.py -------------------------------------------------------------------------------- /lightly/api/api_workflow_compute_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/api_workflow_compute_worker.py -------------------------------------------------------------------------------- /lightly/api/api_workflow_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/api_workflow_datasets.py -------------------------------------------------------------------------------- /lightly/api/api_workflow_datasource_listing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/api_workflow_datasource_listing.py -------------------------------------------------------------------------------- /lightly/api/api_workflow_datasources.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/api_workflow_datasources.py -------------------------------------------------------------------------------- /lightly/api/api_workflow_download_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/api_workflow_download_dataset.py -------------------------------------------------------------------------------- /lightly/api/api_workflow_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/api_workflow_export.py -------------------------------------------------------------------------------- /lightly/api/api_workflow_predictions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/api_workflow_predictions.py -------------------------------------------------------------------------------- /lightly/api/api_workflow_selection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/api_workflow_selection.py -------------------------------------------------------------------------------- /lightly/api/api_workflow_tags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/api_workflow_tags.py -------------------------------------------------------------------------------- /lightly/api/api_workflow_upload_embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/api_workflow_upload_embeddings.py -------------------------------------------------------------------------------- /lightly/api/api_workflow_upload_metadata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/api_workflow_upload_metadata.py -------------------------------------------------------------------------------- /lightly/api/bitmask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/bitmask.py -------------------------------------------------------------------------------- /lightly/api/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/download.py -------------------------------------------------------------------------------- /lightly/api/patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/patch.py -------------------------------------------------------------------------------- /lightly/api/retry_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/retry_utils.py -------------------------------------------------------------------------------- /lightly/api/serve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/serve.py -------------------------------------------------------------------------------- /lightly/api/swagger_api_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/swagger_api_client.py -------------------------------------------------------------------------------- /lightly/api/swagger_rest_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/swagger_rest_client.py -------------------------------------------------------------------------------- /lightly/api/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/api/utils.py -------------------------------------------------------------------------------- /lightly/cli/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/cli/__init__.py -------------------------------------------------------------------------------- /lightly/cli/_cli_simclr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/cli/_cli_simclr.py -------------------------------------------------------------------------------- /lightly/cli/_helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/cli/_helpers.py -------------------------------------------------------------------------------- /lightly/cli/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/cli/config/__init__.py -------------------------------------------------------------------------------- /lightly/cli/config/config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/cli/config/config.yaml -------------------------------------------------------------------------------- /lightly/cli/config/get_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/cli/config/get_config.py -------------------------------------------------------------------------------- /lightly/cli/config/lightly-serve.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/cli/config/lightly-serve.yaml -------------------------------------------------------------------------------- /lightly/cli/crop_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/cli/crop_cli.py -------------------------------------------------------------------------------- /lightly/cli/download_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/cli/download_cli.py -------------------------------------------------------------------------------- /lightly/cli/embed_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/cli/embed_cli.py -------------------------------------------------------------------------------- /lightly/cli/lightly_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/cli/lightly_cli.py -------------------------------------------------------------------------------- /lightly/cli/serve_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/cli/serve_cli.py -------------------------------------------------------------------------------- /lightly/cli/train_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/cli/train_cli.py -------------------------------------------------------------------------------- /lightly/cli/version_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/cli/version_cli.py -------------------------------------------------------------------------------- /lightly/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/core.py -------------------------------------------------------------------------------- /lightly/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/data/__init__.py -------------------------------------------------------------------------------- /lightly/data/_helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/data/_helpers.py -------------------------------------------------------------------------------- /lightly/data/_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/data/_image.py -------------------------------------------------------------------------------- /lightly/data/_image_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/data/_image_loaders.py -------------------------------------------------------------------------------- /lightly/data/_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/data/_utils.py -------------------------------------------------------------------------------- /lightly/data/_video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/data/_video.py -------------------------------------------------------------------------------- /lightly/data/collate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/data/collate.py -------------------------------------------------------------------------------- /lightly/data/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/data/dataset.py -------------------------------------------------------------------------------- /lightly/data/lightly_subset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/data/lightly_subset.py -------------------------------------------------------------------------------- /lightly/data/multi_view_collate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/data/multi_view_collate.py -------------------------------------------------------------------------------- /lightly/embedding/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/embedding/__init__.py -------------------------------------------------------------------------------- /lightly/embedding/_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/embedding/_base.py -------------------------------------------------------------------------------- /lightly/embedding/callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/embedding/callbacks.py -------------------------------------------------------------------------------- /lightly/embedding/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/embedding/embedding.py -------------------------------------------------------------------------------- /lightly/loss/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/__init__.py -------------------------------------------------------------------------------- /lightly/loss/barlow_twins_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/barlow_twins_loss.py -------------------------------------------------------------------------------- /lightly/loss/dcl_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/dcl_loss.py -------------------------------------------------------------------------------- /lightly/loss/detcon_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/detcon_loss.py -------------------------------------------------------------------------------- /lightly/loss/dino_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/dino_loss.py -------------------------------------------------------------------------------- /lightly/loss/directclr_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/directclr_loss.py -------------------------------------------------------------------------------- /lightly/loss/emp_ssl_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/emp_ssl_loss.py -------------------------------------------------------------------------------- /lightly/loss/hypersphere_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/hypersphere_loss.py -------------------------------------------------------------------------------- /lightly/loss/ibot_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/ibot_loss.py -------------------------------------------------------------------------------- /lightly/loss/koleo_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/koleo_loss.py -------------------------------------------------------------------------------- /lightly/loss/macl_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/macl_loss.py -------------------------------------------------------------------------------- /lightly/loss/memory_bank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/memory_bank.py -------------------------------------------------------------------------------- /lightly/loss/mmcr_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/mmcr_loss.py -------------------------------------------------------------------------------- /lightly/loss/msn_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/msn_loss.py -------------------------------------------------------------------------------- /lightly/loss/negative_cosine_similarity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/negative_cosine_similarity.py -------------------------------------------------------------------------------- /lightly/loss/ntx_ent_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/ntx_ent_loss.py -------------------------------------------------------------------------------- /lightly/loss/pmsn_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/pmsn_loss.py -------------------------------------------------------------------------------- /lightly/loss/regularizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/regularizer/__init__.py -------------------------------------------------------------------------------- /lightly/loss/regularizer/co2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/regularizer/co2.py -------------------------------------------------------------------------------- /lightly/loss/swav_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/swav_loss.py -------------------------------------------------------------------------------- /lightly/loss/sym_neg_cos_sim_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/sym_neg_cos_sim_loss.py -------------------------------------------------------------------------------- /lightly/loss/tico_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/tico_loss.py -------------------------------------------------------------------------------- /lightly/loss/vicreg_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/vicreg_loss.py -------------------------------------------------------------------------------- /lightly/loss/vicregl_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/vicregl_loss.py -------------------------------------------------------------------------------- /lightly/loss/wmse_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/loss/wmse_loss.py -------------------------------------------------------------------------------- /lightly/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/__init__.py -------------------------------------------------------------------------------- /lightly/models/_momentum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/_momentum.py -------------------------------------------------------------------------------- /lightly/models/barlowtwins.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/barlowtwins.py -------------------------------------------------------------------------------- /lightly/models/batchnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/batchnorm.py -------------------------------------------------------------------------------- /lightly/models/byol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/byol.py -------------------------------------------------------------------------------- /lightly/models/moco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/moco.py -------------------------------------------------------------------------------- /lightly/models/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/modules/__init__.py -------------------------------------------------------------------------------- /lightly/models/modules/center.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/modules/center.py -------------------------------------------------------------------------------- /lightly/models/modules/heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/modules/heads.py -------------------------------------------------------------------------------- /lightly/models/modules/heads_timm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/modules/heads_timm.py -------------------------------------------------------------------------------- /lightly/models/modules/ijepa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/modules/ijepa.py -------------------------------------------------------------------------------- /lightly/models/modules/ijepa_timm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/modules/ijepa_timm.py -------------------------------------------------------------------------------- /lightly/models/modules/masked_autoencoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/modules/masked_autoencoder.py -------------------------------------------------------------------------------- /lightly/models/modules/masked_autoencoder_timm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/modules/masked_autoencoder_timm.py -------------------------------------------------------------------------------- /lightly/models/modules/masked_causal_vision_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/modules/masked_causal_vision_transformer.py -------------------------------------------------------------------------------- /lightly/models/modules/masked_vision_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/modules/masked_vision_transformer.py -------------------------------------------------------------------------------- /lightly/models/modules/masked_vision_transformer_timm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/modules/masked_vision_transformer_timm.py -------------------------------------------------------------------------------- /lightly/models/modules/masked_vision_transformer_torchvision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/modules/masked_vision_transformer_torchvision.py -------------------------------------------------------------------------------- /lightly/models/modules/memory_bank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/modules/memory_bank.py -------------------------------------------------------------------------------- /lightly/models/modules/nn_memory_bank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/modules/nn_memory_bank.py -------------------------------------------------------------------------------- /lightly/models/nnclr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/nnclr.py -------------------------------------------------------------------------------- /lightly/models/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/resnet.py -------------------------------------------------------------------------------- /lightly/models/simclr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/simclr.py -------------------------------------------------------------------------------- /lightly/models/simsiam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/simsiam.py -------------------------------------------------------------------------------- /lightly/models/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/utils.py -------------------------------------------------------------------------------- /lightly/models/zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/models/zoo.py -------------------------------------------------------------------------------- /lightly/openapi_generated/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/__init__.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/__init__.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/collaboration_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/collaboration_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/datasets_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/datasets_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/datasources_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/datasources_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/docker_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/docker_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/embeddings2d_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/embeddings2d_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/embeddings_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/embeddings_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/jobs_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/jobs_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/mappings_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/mappings_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/meta_data_configurations_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/meta_data_configurations_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/predictions_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/predictions_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/quota_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/quota_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/samples_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/samples_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/samplings_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/samplings_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/scores_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/scores_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/tags_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/tags_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/teams_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/teams_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api/versioning_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api/versioning_api.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api_client.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/api_response.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/api_response.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/configuration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/configuration.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/exceptions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/exceptions.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/__init__.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/active_learning_score_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/active_learning_score_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/annotation_savings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/annotation_savings.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/api_error_code.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/api_error_code.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/api_error_response.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/api_error_response.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/async_task_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/async_task_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/auth0_on_sign_up_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/auth0_on_sign_up_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/auto_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/auto_task.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/auto_task_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/auto_task_base.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/auto_task_crop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/auto_task_crop.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/auto_task_crop_all_of.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/auto_task_crop_all_of.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/auto_task_tiling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/auto_task_tiling.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/auto_task_tiling_all_of.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/auto_task_tiling_all_of.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/categorical_distribution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/categorical_distribution.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/configuration_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/configuration_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/configuration_entry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/configuration_entry.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/configuration_set_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/configuration_set_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/consent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/consent.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/create_entity_response.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/create_entity_response.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/creator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/creator.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/crop_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/crop_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/dataset_analysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/dataset_analysis.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/dataset_create_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/dataset_create_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/dataset_creator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/dataset_creator.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/dataset_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/dataset_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/dataset_data_enriched.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/dataset_data_enriched.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/dataset_embedding_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/dataset_embedding_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/dataset_information.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/dataset_information.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/dataset_sizes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/dataset_sizes.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/dataset_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/dataset_type.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/dataset_update_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/dataset_update_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/datasource_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/datasource_config.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/datasource_config_azure.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/datasource_config_azure.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/datasource_config_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/datasource_config_base.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/datasource_config_gcs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/datasource_config_gcs.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/datasource_config_lightly.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/datasource_config_lightly.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/datasource_config_local.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/datasource_config_local.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/datasource_config_obs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/datasource_config_obs.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/datasource_config_s3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/datasource_config_s3.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/datasource_purpose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/datasource_purpose.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/detection_frame_prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/detection_frame_prediction.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/detection_task_information.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/detection_task_information.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_license_information.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_license_information.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_run_artifact_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_run_artifact_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_run_artifact_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_run_artifact_type.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_run_create_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_run_create_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_run_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_run_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_run_log_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_run_log_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_run_log_docker_load.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_run_log_docker_load.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_run_log_entry_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_run_log_entry_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_run_log_level.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_run_log_level.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_run_scheduled_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_run_scheduled_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_run_scheduled_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_run_scheduled_state.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_run_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_run_state.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_run_update_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_run_update_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_task_description.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_task_description.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_user_stats.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_user_stats.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_worker_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_worker_config.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_worker_config_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_worker_config_v2.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_worker_config_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_worker_config_v3.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_worker_config_v4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_worker_config_v4.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_worker_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_worker_state.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/docker_worker_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/docker_worker_type.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/embedding2d_create_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/embedding2d_create_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/embedding2d_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/embedding2d_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/embedding_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/embedding_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/embedding_data2_d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/embedding_data2_d.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/embedding_information.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/embedding_information.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/file_name_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/file_name_format.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/file_output_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/file_output_format.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/filename_and_read_url.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/filename_and_read_url.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/general_information.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/general_information.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/image_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/image_type.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/initial_tag_create_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/initial_tag_create_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/internal_debug_latency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/internal_debug_latency.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/job_result_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/job_result_type.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/job_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/job_state.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/job_status_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/job_status_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/job_status_data_result.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/job_status_data_result.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/job_status_meta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/job_status_meta.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/job_status_upload_method.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/job_status_upload_method.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/jobs_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/jobs_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/label_box_data_row.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/label_box_data_row.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/label_box_v4_data_row.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/label_box_v4_data_row.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/label_studio_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/label_studio_task.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/label_studio_task_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/label_studio_task_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/lightly_model_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/lightly_model_v2.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/lightly_model_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/lightly_model_v3.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/metadata_information.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/metadata_information.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/numeric_distribution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/numeric_distribution.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/prediction_singleton.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/prediction_singleton.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/prediction_singleton_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/prediction_singleton_base.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/prediction_task_schema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/prediction_task_schema.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/prediction_task_schemas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/prediction_task_schemas.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/profile_basic_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/profile_basic_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/profile_me_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/profile_me_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/questionnaire_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/questionnaire_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/report_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/report_v2.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/run_information.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/run_information.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/s3_region.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/s3_region.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sama_task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sama_task.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sama_task_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sama_task_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sample_create_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sample_create_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sample_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sample_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sample_data_modes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sample_data_modes.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sample_meta_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sample_meta_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sample_partial_mode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sample_partial_mode.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sample_sort_by.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sample_sort_by.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sample_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sample_type.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sample_update_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sample_update_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sample_write_urls.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sample_write_urls.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sampling_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sampling_config.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sampling_create_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sampling_create_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sampling_method.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sampling_method.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/scatter_plot_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/scatter_plot_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/sector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/sector.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/selection_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/selection_config.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/selection_config_all_of.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/selection_config_all_of.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/selection_config_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/selection_config_base.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/selection_config_entry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/selection_config_entry.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/selection_config_v3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/selection_config_v3.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/selection_config_v4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/selection_config_v4.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/selection_input_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/selection_input_type.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/selection_strategy_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/selection_strategy_type.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/shared_access_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/shared_access_type.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/tag_arithmetics_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/tag_arithmetics_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/tag_bit_mask_response.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/tag_bit_mask_response.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/tag_change_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/tag_change_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/tag_change_data_initial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/tag_change_data_initial.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/tag_change_data_rename.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/tag_change_data_rename.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/tag_change_data_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/tag_change_data_sampler.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/tag_change_data_samples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/tag_change_data_samples.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/tag_change_data_upsize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/tag_change_data_upsize.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/tag_change_entry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/tag_change_entry.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/tag_create_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/tag_create_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/tag_creator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/tag_creator.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/tag_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/tag_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/tag_update_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/tag_update_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/tag_upsize_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/tag_upsize_request.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/task_annotation_savings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/task_annotation_savings.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/task_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/task_type.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/team_basic_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/team_basic_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/team_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/team_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/team_role.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/team_role.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/usage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/usage.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/user_type.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/user_type.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/video_frame_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/video_frame_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/worker_information.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/worker_information.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/models/write_csv_url_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/models/write_csv_url_data.py -------------------------------------------------------------------------------- /lightly/openapi_generated/swagger_client/rest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/openapi_generated/swagger_client/rest.py -------------------------------------------------------------------------------- /lightly/transforms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/__init__.py -------------------------------------------------------------------------------- /lightly/transforms/add_grid_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/add_grid_transform.py -------------------------------------------------------------------------------- /lightly/transforms/aim_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/aim_transform.py -------------------------------------------------------------------------------- /lightly/transforms/amplitude_rescale_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/amplitude_rescale_transform.py -------------------------------------------------------------------------------- /lightly/transforms/byol_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/byol_transform.py -------------------------------------------------------------------------------- /lightly/transforms/densecl_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/densecl_transform.py -------------------------------------------------------------------------------- /lightly/transforms/detcon_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/detcon_transform.py -------------------------------------------------------------------------------- /lightly/transforms/dino_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/dino_transform.py -------------------------------------------------------------------------------- /lightly/transforms/fast_siam_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/fast_siam_transform.py -------------------------------------------------------------------------------- /lightly/transforms/fda_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/fda_transform.py -------------------------------------------------------------------------------- /lightly/transforms/gaussian_blur.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/gaussian_blur.py -------------------------------------------------------------------------------- /lightly/transforms/gaussian_mixture_masks_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/gaussian_mixture_masks_transform.py -------------------------------------------------------------------------------- /lightly/transforms/ibot_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/ibot_transform.py -------------------------------------------------------------------------------- /lightly/transforms/ijepa_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/ijepa_transform.py -------------------------------------------------------------------------------- /lightly/transforms/image_grid_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/image_grid_transform.py -------------------------------------------------------------------------------- /lightly/transforms/irfft2d_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/irfft2d_transform.py -------------------------------------------------------------------------------- /lightly/transforms/jigsaw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/jigsaw.py -------------------------------------------------------------------------------- /lightly/transforms/mae_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/mae_transform.py -------------------------------------------------------------------------------- /lightly/transforms/mmcr_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/mmcr_transform.py -------------------------------------------------------------------------------- /lightly/transforms/moco_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/moco_transform.py -------------------------------------------------------------------------------- /lightly/transforms/msn_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/msn_transform.py -------------------------------------------------------------------------------- /lightly/transforms/multi_crop_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/multi_crop_transform.py -------------------------------------------------------------------------------- /lightly/transforms/multi_view_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/multi_view_transform.py -------------------------------------------------------------------------------- /lightly/transforms/multi_view_transform_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/multi_view_transform_v2.py -------------------------------------------------------------------------------- /lightly/transforms/phase_shift_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/phase_shift_transform.py -------------------------------------------------------------------------------- /lightly/transforms/pirl_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/pirl_transform.py -------------------------------------------------------------------------------- /lightly/transforms/py.typed: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /lightly/transforms/random_crop_and_flip_with_grid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/random_crop_and_flip_with_grid.py -------------------------------------------------------------------------------- /lightly/transforms/random_frequency_mask_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/random_frequency_mask_transform.py -------------------------------------------------------------------------------- /lightly/transforms/rfft2d_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/rfft2d_transform.py -------------------------------------------------------------------------------- /lightly/transforms/rotation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/rotation.py -------------------------------------------------------------------------------- /lightly/transforms/simclr_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/simclr_transform.py -------------------------------------------------------------------------------- /lightly/transforms/simsiam_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/simsiam_transform.py -------------------------------------------------------------------------------- /lightly/transforms/smog_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/smog_transform.py -------------------------------------------------------------------------------- /lightly/transforms/solarize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/solarize.py -------------------------------------------------------------------------------- /lightly/transforms/swav_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/swav_transform.py -------------------------------------------------------------------------------- /lightly/transforms/tico_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/tico_transform.py -------------------------------------------------------------------------------- /lightly/transforms/torchvision_v2_compatibility.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/torchvision_v2_compatibility.py -------------------------------------------------------------------------------- /lightly/transforms/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/utils.py -------------------------------------------------------------------------------- /lightly/transforms/vicreg_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/vicreg_transform.py -------------------------------------------------------------------------------- /lightly/transforms/vicregl_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/vicregl_transform.py -------------------------------------------------------------------------------- /lightly/transforms/wmse_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/transforms/wmse_transform.py -------------------------------------------------------------------------------- /lightly/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /lightly/utils/benchmarking/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/benchmarking/__init__.py -------------------------------------------------------------------------------- /lightly/utils/benchmarking/benchmark_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/benchmarking/benchmark_module.py -------------------------------------------------------------------------------- /lightly/utils/benchmarking/knn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/benchmarking/knn.py -------------------------------------------------------------------------------- /lightly/utils/benchmarking/knn_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/benchmarking/knn_classifier.py -------------------------------------------------------------------------------- /lightly/utils/benchmarking/linear_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/benchmarking/linear_classifier.py -------------------------------------------------------------------------------- /lightly/utils/benchmarking/metric_callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/benchmarking/metric_callback.py -------------------------------------------------------------------------------- /lightly/utils/benchmarking/online_linear_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/benchmarking/online_linear_classifier.py -------------------------------------------------------------------------------- /lightly/utils/benchmarking/topk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/benchmarking/topk.py -------------------------------------------------------------------------------- /lightly/utils/bounding_box.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/bounding_box.py -------------------------------------------------------------------------------- /lightly/utils/cropping/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /lightly/utils/cropping/crop_image_by_bounding_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/cropping/crop_image_by_bounding_boxes.py -------------------------------------------------------------------------------- /lightly/utils/cropping/read_yolo_label_file.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/cropping/read_yolo_label_file.py -------------------------------------------------------------------------------- /lightly/utils/debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/debug.py -------------------------------------------------------------------------------- /lightly/utils/dependency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/dependency.py -------------------------------------------------------------------------------- /lightly/utils/dist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/dist.py -------------------------------------------------------------------------------- /lightly/utils/embeddings_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/embeddings_2d.py -------------------------------------------------------------------------------- /lightly/utils/hipify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/hipify.py -------------------------------------------------------------------------------- /lightly/utils/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/io.py -------------------------------------------------------------------------------- /lightly/utils/lars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/lars.py -------------------------------------------------------------------------------- /lightly/utils/optim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/optim.py -------------------------------------------------------------------------------- /lightly/utils/reordering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/reordering.py -------------------------------------------------------------------------------- /lightly/utils/scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/scheduler.py -------------------------------------------------------------------------------- /lightly/utils/version_compare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/lightly/utils/version_compare.py -------------------------------------------------------------------------------- /pylintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/pylintrc -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/pyproject.toml -------------------------------------------------------------------------------- /requirements/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/requirements/README.md -------------------------------------------------------------------------------- /requirements/base.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/requirements/base.txt -------------------------------------------------------------------------------- /requirements/openapi.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/requirements/openapi.txt -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/setup.py -------------------------------------------------------------------------------- /tests/REAMDE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/REAMDE.md -------------------------------------------------------------------------------- /tests/UNMOCKED_end2end_tests/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/UNMOCKED_end2end_tests/README.md -------------------------------------------------------------------------------- /tests/UNMOCKED_end2end_tests/create_custom_metadata_from_input_dir.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/UNMOCKED_end2end_tests/create_custom_metadata_from_input_dir.py -------------------------------------------------------------------------------- /tests/UNMOCKED_end2end_tests/delete_datasets_test_unmocked_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/UNMOCKED_end2end_tests/delete_datasets_test_unmocked_cli.py -------------------------------------------------------------------------------- /tests/UNMOCKED_end2end_tests/run_all_unmocked_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/UNMOCKED_end2end_tests/run_all_unmocked_tests.sh -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/api/test_BitMask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api/test_BitMask.py -------------------------------------------------------------------------------- /tests/api/test_download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api/test_download.py -------------------------------------------------------------------------------- /tests/api/test_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api/test_patch.py -------------------------------------------------------------------------------- /tests/api/test_rest_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api/test_rest_parser.py -------------------------------------------------------------------------------- /tests/api/test_retry_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api/test_retry_utils.py -------------------------------------------------------------------------------- /tests/api/test_serve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api/test_serve.py -------------------------------------------------------------------------------- /tests/api/test_swagger_api_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api/test_swagger_api_client.py -------------------------------------------------------------------------------- /tests/api/test_swagger_rest_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api/test_swagger_rest_client.py -------------------------------------------------------------------------------- /tests/api/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api/test_utils.py -------------------------------------------------------------------------------- /tests/api/test_version_checking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api/test_version_checking.py -------------------------------------------------------------------------------- /tests/api_workflow/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/api_workflow/mocked_api_workflow_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/mocked_api_workflow_client.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow_artifacts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow_artifacts.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow_client.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow_collaboration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow_collaboration.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow_compute_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow_compute_worker.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow_datasets.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow_datasource_listing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow_datasource_listing.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow_datasources.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow_datasources.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow_download_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow_download_dataset.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow_export.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow_predictions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow_predictions.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow_selection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow_selection.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow_tags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow_tags.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow_upload_custom_metadata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow_upload_custom_metadata.py -------------------------------------------------------------------------------- /tests/api_workflow/test_api_workflow_upload_embeddings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/test_api_workflow_upload_embeddings.py -------------------------------------------------------------------------------- /tests/api_workflow/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/api_workflow/utils.py -------------------------------------------------------------------------------- /tests/cli/test_cli_crop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/cli/test_cli_crop.py -------------------------------------------------------------------------------- /tests/cli/test_cli_download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/cli/test_cli_download.py -------------------------------------------------------------------------------- /tests/cli/test_cli_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/cli/test_cli_embed.py -------------------------------------------------------------------------------- /tests/cli/test_cli_get_lighty_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/cli/test_cli_get_lighty_config.py -------------------------------------------------------------------------------- /tests/cli/test_cli_magic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/cli/test_cli_magic.py -------------------------------------------------------------------------------- /tests/cli/test_cli_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/cli/test_cli_train.py -------------------------------------------------------------------------------- /tests/cli/test_cli_version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/cli/test_cli_version.py -------------------------------------------------------------------------------- /tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/conftest.py -------------------------------------------------------------------------------- /tests/core/test_Core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/core/test_Core.py -------------------------------------------------------------------------------- /tests/data/test_LightlyDataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/data/test_LightlyDataset.py -------------------------------------------------------------------------------- /tests/data/test_LightlySubset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/data/test_LightlySubset.py -------------------------------------------------------------------------------- /tests/data/test_VideoDataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/data/test_VideoDataset.py -------------------------------------------------------------------------------- /tests/data/test_data_collate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/data/test_data_collate.py -------------------------------------------------------------------------------- /tests/data/test_multi_view_collate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/data/test_multi_view_collate.py -------------------------------------------------------------------------------- /tests/embedding/test_callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/embedding/test_callbacks.py -------------------------------------------------------------------------------- /tests/embedding/test_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/embedding/test_embedding.py -------------------------------------------------------------------------------- /tests/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/helpers.py -------------------------------------------------------------------------------- /tests/loss/test_MMCR_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_MMCR_loss.py -------------------------------------------------------------------------------- /tests/loss/test_barlow_twins_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_barlow_twins_loss.py -------------------------------------------------------------------------------- /tests/loss/test_co2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_co2.py -------------------------------------------------------------------------------- /tests/loss/test_dcl_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_dcl_loss.py -------------------------------------------------------------------------------- /tests/loss/test_detcon_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_detcon_loss.py -------------------------------------------------------------------------------- /tests/loss/test_dino_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_dino_loss.py -------------------------------------------------------------------------------- /tests/loss/test_directclr_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_directclr_loss.py -------------------------------------------------------------------------------- /tests/loss/test_emp_ssl_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_emp_ssl_loss.py -------------------------------------------------------------------------------- /tests/loss/test_hypersphere_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_hypersphere_loss.py -------------------------------------------------------------------------------- /tests/loss/test_ibot_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_ibot_loss.py -------------------------------------------------------------------------------- /tests/loss/test_koleo_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_koleo_loss.py -------------------------------------------------------------------------------- /tests/loss/test_macl_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_macl_loss.py -------------------------------------------------------------------------------- /tests/loss/test_msn_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_msn_loss.py -------------------------------------------------------------------------------- /tests/loss/test_negative_cosine_similarity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_negative_cosine_similarity.py -------------------------------------------------------------------------------- /tests/loss/test_ntx_ent_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_ntx_ent_loss.py -------------------------------------------------------------------------------- /tests/loss/test_pmsn_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_pmsn_loss.py -------------------------------------------------------------------------------- /tests/loss/test_swav_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_swav_loss.py -------------------------------------------------------------------------------- /tests/loss/test_sym_neg_cos_sim_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_sym_neg_cos_sim_loss.py -------------------------------------------------------------------------------- /tests/loss/test_tico_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_tico_loss.py -------------------------------------------------------------------------------- /tests/loss/test_vicreg_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_vicreg_loss.py -------------------------------------------------------------------------------- /tests/loss/test_vicregl_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_vicregl_loss.py -------------------------------------------------------------------------------- /tests/loss/test_wmse_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/loss/test_wmse_loss.py -------------------------------------------------------------------------------- /tests/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/models/modules/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/models/modules/masked_vision_transformer_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/modules/masked_vision_transformer_test.py -------------------------------------------------------------------------------- /tests/models/modules/test_center.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/modules/test_center.py -------------------------------------------------------------------------------- /tests/models/modules/test_ijepa_timm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/modules/test_ijepa_timm.py -------------------------------------------------------------------------------- /tests/models/modules/test_masked_autoencoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/modules/test_masked_autoencoder.py -------------------------------------------------------------------------------- /tests/models/modules/test_masked_autoencoder_timm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/modules/test_masked_autoencoder_timm.py -------------------------------------------------------------------------------- /tests/models/modules/test_masked_vision_transformer_timm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/modules/test_masked_vision_transformer_timm.py -------------------------------------------------------------------------------- /tests/models/modules/test_masked_vision_transformer_torchvision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/modules/test_masked_vision_transformer_torchvision.py -------------------------------------------------------------------------------- /tests/models/modules/test_memory_bank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/modules/test_memory_bank.py -------------------------------------------------------------------------------- /tests/models/test_ModelUtils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/test_ModelUtils.py -------------------------------------------------------------------------------- /tests/models/test_ModelsBYOL.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/test_ModelsBYOL.py -------------------------------------------------------------------------------- /tests/models/test_ModelsMoCo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/test_ModelsMoCo.py -------------------------------------------------------------------------------- /tests/models/test_ModelsNNCLR.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/test_ModelsNNCLR.py -------------------------------------------------------------------------------- /tests/models/test_ModelsSimCLR.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/test_ModelsSimCLR.py -------------------------------------------------------------------------------- /tests/models/test_ModelsSimSiam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/test_ModelsSimSiam.py -------------------------------------------------------------------------------- /tests/models/test_ProjectionHeads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/models/test_ProjectionHeads.py -------------------------------------------------------------------------------- /tests/test_requirements.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/test_requirements.py -------------------------------------------------------------------------------- /tests/transforms/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/transforms/test_Solarize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_Solarize.py -------------------------------------------------------------------------------- /tests/transforms/test_add_grid_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_add_grid_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_amplitude_rescale_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_amplitude_rescale_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_byol_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_byol_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_densecl_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_densecl_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_detcon_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_detcon_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_dino_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_dino_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_fastsiam_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_fastsiam_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_fda_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_fda_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_gaussian_blur.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_gaussian_blur.py -------------------------------------------------------------------------------- /tests/transforms/test_gaussian_mixture_masks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_gaussian_mixture_masks.py -------------------------------------------------------------------------------- /tests/transforms/test_ibot_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_ibot_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_irfft2d_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_irfft2d_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_jigsaw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_jigsaw.py -------------------------------------------------------------------------------- /tests/transforms/test_location_to_NxN_grid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_location_to_NxN_grid.py -------------------------------------------------------------------------------- /tests/transforms/test_mae_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_mae_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_mmcr_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_mmcr_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_moco_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_moco_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_msn_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_msn_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_multi_crop_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_multi_crop_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_multi_view_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_multi_view_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_multi_view_transform_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_multi_view_transform_v2.py -------------------------------------------------------------------------------- /tests/transforms/test_phase_shift_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_phase_shift_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_pirl_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_pirl_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_random_frequency_mask_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_random_frequency_mask_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_rfft2d_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_rfft2d_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_rotation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_rotation.py -------------------------------------------------------------------------------- /tests/transforms/test_simclr_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_simclr_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_simsiam_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_simsiam_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_smog_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_smog_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_swav_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_swav_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_torchvision_v2compatibility.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_torchvision_v2compatibility.py -------------------------------------------------------------------------------- /tests/transforms/test_vicreg_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_vicreg_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_vicregl_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_vicregl_transform.py -------------------------------------------------------------------------------- /tests/transforms/test_wmse_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/transforms/test_wmse_transform.py -------------------------------------------------------------------------------- /tests/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/utils/benchmarking/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/utils/benchmarking/test_benchmark_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/benchmarking/test_benchmark_module.py -------------------------------------------------------------------------------- /tests/utils/benchmarking/test_knn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/benchmarking/test_knn.py -------------------------------------------------------------------------------- /tests/utils/benchmarking/test_knn_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/benchmarking/test_knn_classifier.py -------------------------------------------------------------------------------- /tests/utils/benchmarking/test_linear_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/benchmarking/test_linear_classifier.py -------------------------------------------------------------------------------- /tests/utils/benchmarking/test_metric_callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/benchmarking/test_metric_callback.py -------------------------------------------------------------------------------- /tests/utils/benchmarking/test_online_linear_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/benchmarking/test_online_linear_classifier.py -------------------------------------------------------------------------------- /tests/utils/benchmarking/test_topk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/benchmarking/test_topk.py -------------------------------------------------------------------------------- /tests/utils/test_debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/test_debug.py -------------------------------------------------------------------------------- /tests/utils/test_dist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/test_dist.py -------------------------------------------------------------------------------- /tests/utils/test_dist__gather__benchmark_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/test_dist__gather__benchmark_module.py -------------------------------------------------------------------------------- /tests/utils/test_dist__gather__losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/test_dist__gather__losses.py -------------------------------------------------------------------------------- /tests/utils/test_embeddings_2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/test_embeddings_2d.py -------------------------------------------------------------------------------- /tests/utils/test_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/test_io.py -------------------------------------------------------------------------------- /tests/utils/test_optim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/test_optim.py -------------------------------------------------------------------------------- /tests/utils/test_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/test_scheduler.py -------------------------------------------------------------------------------- /tests/utils/test_version_compare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/lightly-ai/lightly/HEAD/tests/utils/test_version_compare.py --------------------------------------------------------------------------------