├── .github ├── CODEOWNERS ├── CONTRIBUTING.md ├── pull_request_template.md └── workflows │ ├── adhoc-test.yml │ ├── pull-request.yml │ ├── schedules-macos-notebooks.yml │ ├── schedules-macos-scripts.yml │ ├── schedules-ubuntu-notebooks.yml │ ├── schedules-ubuntu-scripts.yml │ ├── schedules-windows-notebooks.yml │ ├── schedules-windows-scripts.yml │ ├── test-notebooks.yml │ └── test-scripts.yml ├── .gitignore ├── .pre-commit-config.yaml ├── .sourcery.yaml ├── LICENSE ├── README.md ├── community-code ├── HOW_TO_BUILD_A_RAG_SYSTEM_USING_LANGCHAIN │ └── notebooks │ │ └── run.ipynb ├── README.md └── binance-trading-neptune-master │ ├── .github │ └── workflows │ │ ├── deploy.yml │ │ └── main.yml │ ├── .gitignore │ ├── Dockerfile │ ├── notebooks │ └── experiment.ipynb │ ├── out │ └── .gitkeep │ ├── requirements.txt │ └── src │ ├── config.py │ ├── main.py │ └── paper_trading.py ├── how-to-guides ├── create-delete-projects │ └── notebooks │ │ └── Create_delete_projects.ipynb ├── data-versioning │ ├── datasets │ │ └── tables │ │ │ ├── test.csv │ │ │ ├── train.csv │ │ │ ├── train_sampled.csv │ │ │ └── train_v2.csv │ ├── notebooks │ │ ├── Compare_model_training_runs_on_dataset_versions.ipynb │ │ ├── Organize_and_share_dataset_versions.ipynb │ │ └── Version_datasets_in_model_training_runs.ipynb │ └── scripts │ │ ├── Compare_model_training_runs_on_dataset_versions.py │ │ ├── Organize_and_share_dataset_versions.py │ │ ├── Version_datasets_in_model_training_runs.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── ddp-training │ └── scripts │ │ ├── requirements.txt │ │ ├── run_examples.sh │ │ ├── train_ddp_multi_node_multiple_runs.py │ │ ├── train_ddp_multiple_runs.py │ │ └── train_ddp_single_run.py ├── e2e-tracking │ ├── notebooks │ │ └── e2e_tracking.ipynb │ └── scripts │ │ ├── e2e_tracking.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── hello-neptune │ ├── notebooks │ │ ├── hello_neptune.ipynb │ │ └── requirements.txt │ └── scripts │ │ ├── hello_neptune.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── monitor-ml-runs │ ├── notebooks │ │ └── Monitor_ML_runs_live.ipynb │ └── scripts │ │ ├── Monitor_ML_runs_live.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── multiple-integrations │ ├── notebooks │ │ └── Multiple_integrations.ipynb │ └── scripts │ │ ├── Multiple_integrations.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── neptune-docker │ └── scripts │ │ ├── Dockerfile │ │ ├── requirements.txt │ │ └── training.py ├── neptune-hpo │ ├── notebooks │ │ └── Neptune_hpo.ipynb │ └── scripts │ │ ├── Neptune_hpo_separate_runs.py │ │ ├── Neptune_hpo_single_run.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── organize-ml-experimentation │ ├── notebooks │ │ └── Organize_ML_runs.ipynb │ └── scripts │ │ ├── Organize_ML_runs.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── present-cross-validation-results │ ├── notebooks │ │ └── Neptune_cross_validation.ipynb │ └── scripts │ │ ├── neptune_cross_validation.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── re-run-failed-training │ ├── notebooks │ │ └── re_run_failed_training.ipynb │ └── scripts │ │ ├── re_run_failed_training.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── reproduce-run │ ├── notebooks │ │ └── reproduce_run.ipynb │ └── scripts │ │ ├── old_run.py │ │ ├── reproduce_run.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── restart-run-from-checkpoint │ ├── notebooks │ │ └── neptune_save_restart_run_from_checkpoint.ipynb │ └── scripts │ │ ├── neptune_restart_run_from_checkpoint.py │ │ ├── neptune_save_checkpoints.py │ │ ├── requirements.txt │ │ └── run_examples.sh └── sequential-pipelines │ └── scripts │ ├── data_preprocessing.py │ ├── model_promotion.py │ ├── model_training.py │ ├── model_validation.py │ ├── requirements.txt │ ├── run_examples.sh │ └── utils.py ├── integrations-and-supported-tools ├── airflow │ └── scripts │ │ ├── Neptune_Airflow.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── azure-ml │ ├── README.md │ ├── azure-ci │ │ ├── azure-pipelines.yaml │ │ └── requirements.txt │ ├── build_pipeline.py │ ├── components │ │ ├── data_prep │ │ │ ├── data_preprocessing.py │ │ │ └── utils.py │ │ ├── train │ │ │ └── train.py │ │ └── validate │ │ │ └── validate.py │ ├── dependencies │ │ ├── build_compute_cluster.py │ │ ├── build_environment.py │ │ └── conda.yml │ └── scripts │ │ ├── get_latest_model_prod.py │ │ └── model_promotion.py ├── catalyst │ ├── notebooks │ │ └── Neptune_Catalyst.ipynb │ └── scripts │ │ ├── Neptune_Catalyst.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── catboost │ ├── notebooks │ │ └── Neptune_CatBoost.ipynb │ └── scripts │ │ ├── Neptune_CatBoost.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── colab │ ├── .neptune │ │ └── async │ │ │ └── 6dae98b7-fc4a-4d76-891b-be67e2b3cdc4 │ │ │ └── exec-0-2021-04-23_12.38.54.066327 │ │ │ ├── data-1.log │ │ │ ├── last_ack_version │ │ │ └── last_put_version │ └── Neptune_Colab.ipynb ├── dalex │ ├── notebooks │ │ └── Neptune_Dalex.ipynb │ └── scripts │ │ ├── Neptune_Dalex.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── detectron2 │ ├── notebooks │ │ └── Neptune_detectron2.ipynb │ └── scripts │ │ ├── Neptune_detectron2.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── evidently │ ├── notebooks │ │ └── Neptune_Evidently.ipynb │ └── scripts │ │ ├── Neptune_Evidently_drifts.py │ │ ├── Neptune_Evidently_reports.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── fastai │ ├── notebooks │ │ └── Neptune_fastai.ipynb │ └── scripts │ │ ├── Neptune_fastai.py │ │ ├── Neptune_fastai_more_options.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── great-expectations │ ├── notebooks │ │ └── Neptune_Great_Expectations.ipynb │ └── scripts │ │ ├── Neptune_Great_Expectations.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── html │ ├── notebooks │ │ ├── Neptune_HTML_Support.ipynb │ │ └── sample.html │ └── scripts │ │ ├── Neptune_HTML_Support.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── kedro │ └── scripts │ │ ├── requirements.txt │ │ ├── run_examples.sh │ │ └── spaceflights-pandas │ │ ├── .gitignore │ │ ├── README.md │ │ ├── conf │ │ ├── README.md │ │ ├── base │ │ │ ├── catalog.yml │ │ │ ├── catalog_neptune.yml │ │ │ ├── neptune.yml │ │ │ ├── parameters.yml │ │ │ ├── parameters_data_processing.yml │ │ │ └── parameters_data_science.yml │ │ ├── local │ │ │ └── .gitkeep │ │ └── logging.yml │ │ ├── data │ │ ├── 01_raw │ │ │ ├── .gitkeep │ │ │ ├── companies.csv │ │ │ ├── reviews.csv │ │ │ └── shuttles.xlsx │ │ ├── 02_intermediate │ │ │ └── .gitkeep │ │ ├── 03_primary │ │ │ └── .gitkeep │ │ ├── 04_feature │ │ │ └── .gitkeep │ │ ├── 05_model_input │ │ │ └── .gitkeep │ │ ├── 06_models │ │ │ └── .gitkeep │ │ ├── 07_model_output │ │ │ └── .gitkeep │ │ └── 08_reporting │ │ │ └── .gitkeep │ │ ├── docs │ │ └── source │ │ │ ├── conf.py │ │ │ └── index.rst │ │ ├── notebooks │ │ └── .gitkeep │ │ ├── pyproject.toml │ │ ├── requirements.txt │ │ ├── src │ │ └── spaceflights_pandas │ │ │ ├── __init__.py │ │ │ ├── __main__.py │ │ │ ├── pipeline_registry.py │ │ │ ├── pipelines │ │ │ ├── __init__.py │ │ │ ├── data_processing │ │ │ │ ├── __init__.py │ │ │ │ ├── nodes.py │ │ │ │ └── pipeline.py │ │ │ └── data_science │ │ │ │ ├── __init__.py │ │ │ │ ├── nodes.py │ │ │ │ └── pipeline.py │ │ │ └── settings.py │ │ └── tests │ │ ├── __init__.py │ │ ├── pipelines │ │ ├── __init__.py │ │ └── test_data_science.py │ │ └── test_run.py ├── keras │ ├── notebooks │ │ └── Neptune_Keras.ipynb │ └── scripts │ │ ├── Neptune_Keras.py │ │ ├── Neptune_Keras_more_options.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── lightgbm │ ├── notebooks │ │ └── Neptune_LightGBM.ipynb │ └── scripts │ │ ├── Neptune_LightGBM_cv.py │ │ ├── Neptune_LightGBM_sklearn_api.py │ │ ├── Neptune_LightGBM_train.py │ │ ├── Neptune_LightGBM_train_summary.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── mlflow │ ├── notebooks │ │ └── Neptune_MLflow.ipynb │ └── scripts │ │ ├── mlflow_neptune_plugin.py │ │ ├── requirements.txt │ │ ├── run_examples.sh │ │ ├── train_keras_mlflow.py │ │ └── train_scikit_mlflow.py ├── mosaicml-composer │ ├── notebooks │ │ └── Neptune_MosaicML_Composer.ipynb │ └── scripts │ │ ├── Neptune_MosaicML_Composer.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── optuna │ ├── notebooks │ │ └── Neptune_Optuna_integration.ipynb │ └── scripts │ │ ├── Neptune_Optuna_integration_load_study.py │ │ ├── Neptune_Optuna_integration_log_after_study.py │ │ ├── Neptune_Optuna_integration_log_study_and_trial_level.py │ │ ├── Neptune_Optuna_integration_quickstart.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── pandas │ ├── notebooks │ │ └── Neptune_Pandas.ipynb │ └── scripts │ │ ├── Neptune_Pandas.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── plotting-libraries │ ├── notebooks │ │ └── Neptune_Plotting_Support.ipynb │ └── scripts │ │ ├── Neptune_Plotting_Support.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── prophet │ ├── notebooks │ │ └── Neptune_prophet.ipynb │ └── scripts │ │ ├── Neptune_prophet.py │ │ ├── Neptune_prophet_more_options.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── pytorch-ignite │ ├── notebooks │ │ └── Neptune_PyTorch_Ignite.ipynb │ └── scripts │ │ ├── Neptune_Pytorch_Ignite.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── pytorch-lightning │ ├── notebooks │ │ └── Neptune_PyTorch_Lightning.ipynb │ └── scripts │ │ ├── Neptune_Pytorch_Lightning.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── pytorch │ ├── notebooks │ │ └── Neptune_PyTorch.ipynb │ └── scripts │ │ ├── Neptune_Pytorch.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── sacred │ ├── notebooks │ │ └── Neptune_Sacred.ipynb │ └── scripts │ │ ├── Neptune_Sacred.py │ │ ├── Neptune_Sacred_more_options.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── sagemaker │ ├── README.md │ ├── custom-docker-container │ │ ├── Dockerfile │ │ ├── Using-Neptune-with-custom-container.ipynb │ │ ├── build_and_push.sh │ │ └── train │ └── pytorch │ │ ├── Using-Neptune-with-PyTorch.ipynb │ │ └── code │ │ ├── inference.py │ │ ├── model.py │ │ ├── requirements.txt │ │ └── train.py ├── sklearn │ ├── notebooks │ │ └── Neptune_Scikit_learn.ipynb │ └── scripts │ │ ├── Neptune_Scikit_learn_classification.py │ │ ├── Neptune_Scikit_learn_clustering.py │ │ ├── Neptune_Scikit_learn_other_options.py │ │ ├── Neptune_Scikit_learn_regression.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── skorch │ ├── notebooks │ │ └── Neptune_Skorch.ipynb │ └── scripts │ │ ├── Neptune_Skorch.py │ │ ├── Neptune_Skorch_more_options.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── tensorboard │ ├── notebooks │ │ └── Neptune_Tensorflow_Tensorboard.ipynb │ └── scripts │ │ ├── Neptune_Tensorflow_Tensorboard.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── tensorflow │ ├── notebooks │ │ ├── Neptune_Tensorflow.ipynb │ │ └── weights.keras │ └── scripts │ │ ├── Neptune_Tensorflow.py │ │ ├── requirements.txt │ │ ├── run_examples.sh │ │ └── weights.keras ├── transformers │ ├── notebooks │ │ └── Neptune_Transformers.ipynb │ └── scripts │ │ ├── Neptune_Transformers.py │ │ ├── Neptune_Transformers_report_to.py │ │ ├── requirements.txt │ │ └── run_examples.sh ├── xgboost │ ├── notebooks │ │ └── Neptune_XGBoost.ipynb │ └── scripts │ │ ├── Neptune_XGBoost_cv.py │ │ ├── Neptune_XGBoost_sklearn_api.py │ │ ├── Neptune_XGBoost_train.py │ │ ├── requirements.txt │ │ └── run_examples.sh └── zenml │ └── scripts │ ├── Neptune_ZenML.py │ ├── requirements.txt │ └── run_examples.sh ├── requirements.txt ├── use-cases ├── nlp │ ├── README.md │ ├── classification │ │ ├── fasttext │ │ │ └── code │ │ │ │ ├── fasttext_nb.ipynb │ │ │ │ ├── fasttext_script.py │ │ │ │ ├── requirements.txt │ │ │ │ └── run_examples.sh │ │ └── keras │ │ │ └── code │ │ │ ├── keras_nb.ipynb │ │ │ ├── keras_script.py │ │ │ ├── requirements.txt │ │ │ └── run_examples.sh │ └── summarization │ │ └── hf_transformers │ │ └── scripts │ │ ├── arg_parsers.py │ │ ├── requirements.txt │ │ ├── run_examples.sh │ │ ├── run_summarization.py │ │ └── utils.py └── time-series-forecasting │ ├── README.md │ └── walmart-sales │ ├── dataset │ ├── aggregate_data.csv │ ├── features.csv │ ├── stores.csv │ └── train.csv │ ├── notebooks │ ├── EDA.ipynb │ └── project_metadata.ipynb │ ├── requirements.txt │ ├── scripts │ ├── data_module.py │ ├── model.py │ ├── run_dl_lstm.py │ ├── run_dl_lstm_finetune.py │ ├── run_examples.sh │ ├── run_ml_baseline.py │ └── run_ml_prophet.py │ └── utils.py └── utils ├── management_tools ├── Get_runs_with_most_fields.ipynb └── Get_storage_used_by_project_user.ipynb └── migration_tools ├── backup_neptune ├── README.md └── bulk_download_metadata.py ├── from_another_project ├── README.md └── runs_migrator.py ├── from_wandb ├── README.md └── wandb_to_neptune.py └── model_registry_to_runs ├── README.md └── model_to_run.py /.github/CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.github/CODEOWNERS -------------------------------------------------------------------------------- /.github/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.github/CONTRIBUTING.md -------------------------------------------------------------------------------- /.github/pull_request_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.github/pull_request_template.md -------------------------------------------------------------------------------- /.github/workflows/adhoc-test.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.github/workflows/adhoc-test.yml -------------------------------------------------------------------------------- /.github/workflows/pull-request.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.github/workflows/pull-request.yml -------------------------------------------------------------------------------- /.github/workflows/schedules-macos-notebooks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.github/workflows/schedules-macos-notebooks.yml -------------------------------------------------------------------------------- /.github/workflows/schedules-macos-scripts.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.github/workflows/schedules-macos-scripts.yml -------------------------------------------------------------------------------- /.github/workflows/schedules-ubuntu-notebooks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.github/workflows/schedules-ubuntu-notebooks.yml -------------------------------------------------------------------------------- /.github/workflows/schedules-ubuntu-scripts.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.github/workflows/schedules-ubuntu-scripts.yml -------------------------------------------------------------------------------- /.github/workflows/schedules-windows-notebooks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.github/workflows/schedules-windows-notebooks.yml -------------------------------------------------------------------------------- /.github/workflows/schedules-windows-scripts.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.github/workflows/schedules-windows-scripts.yml -------------------------------------------------------------------------------- /.github/workflows/test-notebooks.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.github/workflows/test-notebooks.yml -------------------------------------------------------------------------------- /.github/workflows/test-scripts.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.github/workflows/test-scripts.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.gitignore -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /.sourcery.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/.sourcery.yaml -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/README.md -------------------------------------------------------------------------------- /community-code/HOW_TO_BUILD_A_RAG_SYSTEM_USING_LANGCHAIN/notebooks/run.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/community-code/HOW_TO_BUILD_A_RAG_SYSTEM_USING_LANGCHAIN/notebooks/run.ipynb -------------------------------------------------------------------------------- /community-code/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/community-code/README.md -------------------------------------------------------------------------------- /community-code/binance-trading-neptune-master/.github/workflows/deploy.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/community-code/binance-trading-neptune-master/.github/workflows/deploy.yml -------------------------------------------------------------------------------- /community-code/binance-trading-neptune-master/.github/workflows/main.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/community-code/binance-trading-neptune-master/.github/workflows/main.yml -------------------------------------------------------------------------------- /community-code/binance-trading-neptune-master/.gitignore: -------------------------------------------------------------------------------- 1 | out/BTCUSDT/ 2 | data 3 | .env -------------------------------------------------------------------------------- /community-code/binance-trading-neptune-master/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/community-code/binance-trading-neptune-master/Dockerfile -------------------------------------------------------------------------------- /community-code/binance-trading-neptune-master/notebooks/experiment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/community-code/binance-trading-neptune-master/notebooks/experiment.ipynb -------------------------------------------------------------------------------- /community-code/binance-trading-neptune-master/out/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /community-code/binance-trading-neptune-master/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/community-code/binance-trading-neptune-master/requirements.txt -------------------------------------------------------------------------------- /community-code/binance-trading-neptune-master/src/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/community-code/binance-trading-neptune-master/src/config.py -------------------------------------------------------------------------------- /community-code/binance-trading-neptune-master/src/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/community-code/binance-trading-neptune-master/src/main.py -------------------------------------------------------------------------------- /community-code/binance-trading-neptune-master/src/paper_trading.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/community-code/binance-trading-neptune-master/src/paper_trading.py -------------------------------------------------------------------------------- /how-to-guides/create-delete-projects/notebooks/Create_delete_projects.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/create-delete-projects/notebooks/Create_delete_projects.ipynb -------------------------------------------------------------------------------- /how-to-guides/data-versioning/datasets/tables/test.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/data-versioning/datasets/tables/test.csv -------------------------------------------------------------------------------- /how-to-guides/data-versioning/datasets/tables/train.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/data-versioning/datasets/tables/train.csv -------------------------------------------------------------------------------- /how-to-guides/data-versioning/datasets/tables/train_sampled.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/data-versioning/datasets/tables/train_sampled.csv -------------------------------------------------------------------------------- /how-to-guides/data-versioning/datasets/tables/train_v2.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/data-versioning/datasets/tables/train_v2.csv -------------------------------------------------------------------------------- /how-to-guides/data-versioning/notebooks/Compare_model_training_runs_on_dataset_versions.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/data-versioning/notebooks/Compare_model_training_runs_on_dataset_versions.ipynb -------------------------------------------------------------------------------- /how-to-guides/data-versioning/notebooks/Organize_and_share_dataset_versions.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/data-versioning/notebooks/Organize_and_share_dataset_versions.ipynb -------------------------------------------------------------------------------- /how-to-guides/data-versioning/notebooks/Version_datasets_in_model_training_runs.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/data-versioning/notebooks/Version_datasets_in_model_training_runs.ipynb -------------------------------------------------------------------------------- /how-to-guides/data-versioning/scripts/Compare_model_training_runs_on_dataset_versions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/data-versioning/scripts/Compare_model_training_runs_on_dataset_versions.py -------------------------------------------------------------------------------- /how-to-guides/data-versioning/scripts/Organize_and_share_dataset_versions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/data-versioning/scripts/Organize_and_share_dataset_versions.py -------------------------------------------------------------------------------- /how-to-guides/data-versioning/scripts/Version_datasets_in_model_training_runs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/data-versioning/scripts/Version_datasets_in_model_training_runs.py -------------------------------------------------------------------------------- /how-to-guides/data-versioning/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | neptune 2 | requests 3 | scikit-learn 4 | -------------------------------------------------------------------------------- /how-to-guides/data-versioning/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/data-versioning/scripts/run_examples.sh -------------------------------------------------------------------------------- /how-to-guides/ddp-training/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/ddp-training/scripts/requirements.txt -------------------------------------------------------------------------------- /how-to-guides/ddp-training/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/ddp-training/scripts/run_examples.sh -------------------------------------------------------------------------------- /how-to-guides/ddp-training/scripts/train_ddp_multi_node_multiple_runs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/ddp-training/scripts/train_ddp_multi_node_multiple_runs.py -------------------------------------------------------------------------------- /how-to-guides/ddp-training/scripts/train_ddp_multiple_runs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/ddp-training/scripts/train_ddp_multiple_runs.py -------------------------------------------------------------------------------- /how-to-guides/ddp-training/scripts/train_ddp_single_run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/ddp-training/scripts/train_ddp_single_run.py -------------------------------------------------------------------------------- /how-to-guides/e2e-tracking/notebooks/e2e_tracking.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/e2e-tracking/notebooks/e2e_tracking.ipynb -------------------------------------------------------------------------------- /how-to-guides/e2e-tracking/scripts/e2e_tracking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/e2e-tracking/scripts/e2e_tracking.py -------------------------------------------------------------------------------- /how-to-guides/e2e-tracking/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/e2e-tracking/scripts/requirements.txt -------------------------------------------------------------------------------- /how-to-guides/e2e-tracking/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/e2e-tracking/scripts/run_examples.sh -------------------------------------------------------------------------------- /how-to-guides/hello-neptune/notebooks/hello_neptune.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/hello-neptune/notebooks/hello_neptune.ipynb -------------------------------------------------------------------------------- /how-to-guides/hello-neptune/notebooks/requirements.txt: -------------------------------------------------------------------------------- 1 | neptune 2 | tensorflow 3 | -------------------------------------------------------------------------------- /how-to-guides/hello-neptune/scripts/hello_neptune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/hello-neptune/scripts/hello_neptune.py -------------------------------------------------------------------------------- /how-to-guides/hello-neptune/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | neptune 2 | tensorflow 3 | -------------------------------------------------------------------------------- /how-to-guides/hello-neptune/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/hello-neptune/scripts/run_examples.sh -------------------------------------------------------------------------------- /how-to-guides/monitor-ml-runs/notebooks/Monitor_ML_runs_live.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/monitor-ml-runs/notebooks/Monitor_ML_runs_live.ipynb -------------------------------------------------------------------------------- /how-to-guides/monitor-ml-runs/scripts/Monitor_ML_runs_live.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/monitor-ml-runs/scripts/Monitor_ML_runs_live.py -------------------------------------------------------------------------------- /how-to-guides/monitor-ml-runs/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | neptune 2 | tensorflow 3 | -------------------------------------------------------------------------------- /how-to-guides/monitor-ml-runs/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/monitor-ml-runs/scripts/run_examples.sh -------------------------------------------------------------------------------- /how-to-guides/multiple-integrations/notebooks/Multiple_integrations.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/multiple-integrations/notebooks/Multiple_integrations.ipynb -------------------------------------------------------------------------------- /how-to-guides/multiple-integrations/scripts/Multiple_integrations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/multiple-integrations/scripts/Multiple_integrations.py -------------------------------------------------------------------------------- /how-to-guides/multiple-integrations/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/multiple-integrations/scripts/requirements.txt -------------------------------------------------------------------------------- /how-to-guides/multiple-integrations/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/multiple-integrations/scripts/run_examples.sh -------------------------------------------------------------------------------- /how-to-guides/neptune-docker/scripts/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/neptune-docker/scripts/Dockerfile -------------------------------------------------------------------------------- /how-to-guides/neptune-docker/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/neptune-docker/scripts/requirements.txt -------------------------------------------------------------------------------- /how-to-guides/neptune-docker/scripts/training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/neptune-docker/scripts/training.py -------------------------------------------------------------------------------- /how-to-guides/neptune-hpo/notebooks/Neptune_hpo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/neptune-hpo/notebooks/Neptune_hpo.ipynb -------------------------------------------------------------------------------- /how-to-guides/neptune-hpo/scripts/Neptune_hpo_separate_runs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/neptune-hpo/scripts/Neptune_hpo_separate_runs.py -------------------------------------------------------------------------------- /how-to-guides/neptune-hpo/scripts/Neptune_hpo_single_run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/neptune-hpo/scripts/Neptune_hpo_single_run.py -------------------------------------------------------------------------------- /how-to-guides/neptune-hpo/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/neptune-hpo/scripts/requirements.txt -------------------------------------------------------------------------------- /how-to-guides/neptune-hpo/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/neptune-hpo/scripts/run_examples.sh -------------------------------------------------------------------------------- /how-to-guides/organize-ml-experimentation/notebooks/Organize_ML_runs.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/organize-ml-experimentation/notebooks/Organize_ML_runs.ipynb -------------------------------------------------------------------------------- /how-to-guides/organize-ml-experimentation/scripts/Organize_ML_runs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/organize-ml-experimentation/scripts/Organize_ML_runs.py -------------------------------------------------------------------------------- /how-to-guides/organize-ml-experimentation/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | neptune 2 | scikit-learn 3 | -------------------------------------------------------------------------------- /how-to-guides/organize-ml-experimentation/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/organize-ml-experimentation/scripts/run_examples.sh -------------------------------------------------------------------------------- /how-to-guides/present-cross-validation-results/notebooks/Neptune_cross_validation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/present-cross-validation-results/notebooks/Neptune_cross_validation.ipynb -------------------------------------------------------------------------------- /how-to-guides/present-cross-validation-results/scripts/neptune_cross_validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/present-cross-validation-results/scripts/neptune_cross_validation.py -------------------------------------------------------------------------------- /how-to-guides/present-cross-validation-results/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/present-cross-validation-results/scripts/requirements.txt -------------------------------------------------------------------------------- /how-to-guides/present-cross-validation-results/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/present-cross-validation-results/scripts/run_examples.sh -------------------------------------------------------------------------------- /how-to-guides/re-run-failed-training/notebooks/re_run_failed_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/re-run-failed-training/notebooks/re_run_failed_training.ipynb -------------------------------------------------------------------------------- /how-to-guides/re-run-failed-training/scripts/re_run_failed_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/re-run-failed-training/scripts/re_run_failed_training.py -------------------------------------------------------------------------------- /how-to-guides/re-run-failed-training/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/re-run-failed-training/scripts/requirements.txt -------------------------------------------------------------------------------- /how-to-guides/re-run-failed-training/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/re-run-failed-training/scripts/run_examples.sh -------------------------------------------------------------------------------- /how-to-guides/reproduce-run/notebooks/reproduce_run.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/reproduce-run/notebooks/reproduce_run.ipynb -------------------------------------------------------------------------------- /how-to-guides/reproduce-run/scripts/old_run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/reproduce-run/scripts/old_run.py -------------------------------------------------------------------------------- /how-to-guides/reproduce-run/scripts/reproduce_run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/reproduce-run/scripts/reproduce_run.py -------------------------------------------------------------------------------- /how-to-guides/reproduce-run/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/reproduce-run/scripts/requirements.txt -------------------------------------------------------------------------------- /how-to-guides/reproduce-run/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/reproduce-run/scripts/run_examples.sh -------------------------------------------------------------------------------- /how-to-guides/restart-run-from-checkpoint/notebooks/neptune_save_restart_run_from_checkpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/restart-run-from-checkpoint/notebooks/neptune_save_restart_run_from_checkpoint.ipynb -------------------------------------------------------------------------------- /how-to-guides/restart-run-from-checkpoint/scripts/neptune_restart_run_from_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/restart-run-from-checkpoint/scripts/neptune_restart_run_from_checkpoint.py -------------------------------------------------------------------------------- /how-to-guides/restart-run-from-checkpoint/scripts/neptune_save_checkpoints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/restart-run-from-checkpoint/scripts/neptune_save_checkpoints.py -------------------------------------------------------------------------------- /how-to-guides/restart-run-from-checkpoint/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/restart-run-from-checkpoint/scripts/requirements.txt -------------------------------------------------------------------------------- /how-to-guides/restart-run-from-checkpoint/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/restart-run-from-checkpoint/scripts/run_examples.sh -------------------------------------------------------------------------------- /how-to-guides/sequential-pipelines/scripts/data_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/sequential-pipelines/scripts/data_preprocessing.py -------------------------------------------------------------------------------- /how-to-guides/sequential-pipelines/scripts/model_promotion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/sequential-pipelines/scripts/model_promotion.py -------------------------------------------------------------------------------- /how-to-guides/sequential-pipelines/scripts/model_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/sequential-pipelines/scripts/model_training.py -------------------------------------------------------------------------------- /how-to-guides/sequential-pipelines/scripts/model_validation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/sequential-pipelines/scripts/model_validation.py -------------------------------------------------------------------------------- /how-to-guides/sequential-pipelines/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/sequential-pipelines/scripts/requirements.txt -------------------------------------------------------------------------------- /how-to-guides/sequential-pipelines/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/sequential-pipelines/scripts/run_examples.sh -------------------------------------------------------------------------------- /how-to-guides/sequential-pipelines/scripts/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/how-to-guides/sequential-pipelines/scripts/utils.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/airflow/scripts/Neptune_Airflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/airflow/scripts/Neptune_Airflow.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/airflow/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/airflow/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/airflow/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/airflow/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/azure-ml/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/azure-ml/README.md -------------------------------------------------------------------------------- /integrations-and-supported-tools/azure-ml/azure-ci/azure-pipelines.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/azure-ml/azure-ci/azure-pipelines.yaml -------------------------------------------------------------------------------- /integrations-and-supported-tools/azure-ml/azure-ci/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/azure-ml/azure-ci/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/azure-ml/build_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/azure-ml/build_pipeline.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/azure-ml/components/data_prep/data_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/azure-ml/components/data_prep/data_preprocessing.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/azure-ml/components/data_prep/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/azure-ml/components/data_prep/utils.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/azure-ml/components/train/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/azure-ml/components/train/train.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/azure-ml/components/validate/validate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/azure-ml/components/validate/validate.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/azure-ml/dependencies/build_compute_cluster.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/azure-ml/dependencies/build_compute_cluster.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/azure-ml/dependencies/build_environment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/azure-ml/dependencies/build_environment.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/azure-ml/dependencies/conda.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/azure-ml/dependencies/conda.yml -------------------------------------------------------------------------------- /integrations-and-supported-tools/azure-ml/scripts/get_latest_model_prod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/azure-ml/scripts/get_latest_model_prod.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/azure-ml/scripts/model_promotion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/azure-ml/scripts/model_promotion.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/catalyst/notebooks/Neptune_Catalyst.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/catalyst/notebooks/Neptune_Catalyst.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/catalyst/scripts/Neptune_Catalyst.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/catalyst/scripts/Neptune_Catalyst.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/catalyst/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | catalyst 2 | neptune-client<1.0.0 3 | tensorboard 4 | torchvision 5 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/catalyst/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/catalyst/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/catboost/notebooks/Neptune_CatBoost.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/catboost/notebooks/Neptune_CatBoost.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/catboost/scripts/Neptune_CatBoost.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/catboost/scripts/Neptune_CatBoost.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/catboost/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | catboost 2 | neptune 3 | numpy<2.0 4 | scikit-learn 5 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/catboost/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/catboost/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/colab/.neptune/async/6dae98b7-fc4a-4d76-891b-be67e2b3cdc4/exec-0-2021-04-23_12.38.54.066327/data-1.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/colab/.neptune/async/6dae98b7-fc4a-4d76-891b-be67e2b3cdc4/exec-0-2021-04-23_12.38.54.066327/data-1.log -------------------------------------------------------------------------------- /integrations-and-supported-tools/colab/.neptune/async/6dae98b7-fc4a-4d76-891b-be67e2b3cdc4/exec-0-2021-04-23_12.38.54.066327/last_ack_version: -------------------------------------------------------------------------------- 1 | 341 2 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/colab/.neptune/async/6dae98b7-fc4a-4d76-891b-be67e2b3cdc4/exec-0-2021-04-23_12.38.54.066327/last_put_version: -------------------------------------------------------------------------------- 1 | 341 2 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/colab/Neptune_Colab.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/colab/Neptune_Colab.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/dalex/notebooks/Neptune_Dalex.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/dalex/notebooks/Neptune_Dalex.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/dalex/scripts/Neptune_Dalex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/dalex/scripts/Neptune_Dalex.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/dalex/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | dalex 2 | neptune 3 | numpy<2.0 4 | pandas 5 | scikit-learn 6 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/dalex/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/dalex/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/detectron2/notebooks/Neptune_detectron2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/detectron2/notebooks/Neptune_detectron2.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/detectron2/scripts/Neptune_detectron2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/detectron2/scripts/Neptune_detectron2.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/detectron2/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/detectron2/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/detectron2/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/detectron2/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/evidently/notebooks/Neptune_Evidently.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/evidently/notebooks/Neptune_Evidently.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/evidently/scripts/Neptune_Evidently_drifts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/evidently/scripts/Neptune_Evidently_drifts.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/evidently/scripts/Neptune_Evidently_reports.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/evidently/scripts/Neptune_Evidently_reports.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/evidently/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | evidently 2 | neptune 3 | pandas 4 | scikit-learn 5 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/evidently/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/evidently/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/fastai/notebooks/Neptune_fastai.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/fastai/notebooks/Neptune_fastai.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/fastai/scripts/Neptune_fastai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/fastai/scripts/Neptune_fastai.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/fastai/scripts/Neptune_fastai_more_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/fastai/scripts/Neptune_fastai_more_options.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/fastai/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/fastai/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/fastai/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/fastai/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/great-expectations/notebooks/Neptune_Great_Expectations.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/great-expectations/notebooks/Neptune_Great_Expectations.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/great-expectations/scripts/Neptune_Great_Expectations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/great-expectations/scripts/Neptune_Great_Expectations.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/great-expectations/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | great_expectations 2 | neptune 3 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/great-expectations/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/great-expectations/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/html/notebooks/Neptune_HTML_Support.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/html/notebooks/Neptune_HTML_Support.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/html/notebooks/sample.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/html/notebooks/sample.html -------------------------------------------------------------------------------- /integrations-and-supported-tools/html/scripts/Neptune_HTML_Support.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/html/scripts/Neptune_HTML_Support.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/html/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | neptune 2 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/html/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/html/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/.gitignore -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/README.md -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/README.md -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/base/catalog.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/base/catalog.yml -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/base/catalog_neptune.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/base/catalog_neptune.yml -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/base/neptune.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/base/neptune.yml -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/base/parameters.yml: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/base/parameters_data_processing.yml: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/base/parameters_data_science.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/base/parameters_data_science.yml -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/local/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/logging.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/conf/logging.yml -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/data/01_raw/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/data/01_raw/companies.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/data/01_raw/companies.csv -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/data/01_raw/reviews.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/data/01_raw/reviews.csv -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/data/01_raw/shuttles.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/data/01_raw/shuttles.xlsx -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/data/02_intermediate/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/data/03_primary/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/data/04_feature/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/data/05_model_input/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/data/06_models/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/data/07_model_output/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/data/08_reporting/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/docs/source/conf.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/docs/source/index.rst -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/notebooks/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/pyproject.toml -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/__init__.py: -------------------------------------------------------------------------------- 1 | """Spaceflights Pandas 2 | """ 3 | 4 | __version__ = "0.1" 5 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/__main__.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipeline_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipeline_registry.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipelines/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipelines/data_processing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipelines/data_processing/__init__.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipelines/data_processing/nodes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipelines/data_processing/nodes.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipelines/data_processing/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipelines/data_processing/pipeline.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipelines/data_science/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipelines/data_science/__init__.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipelines/data_science/nodes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipelines/data_science/nodes.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipelines/data_science/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/pipelines/data_science/pipeline.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/settings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/src/spaceflights_pandas/settings.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/tests/pipelines/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/tests/pipelines/test_data_science.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/tests/pipelines/test_data_science.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/tests/test_run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/kedro/scripts/spaceflights-pandas/tests/test_run.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/keras/notebooks/Neptune_Keras.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/keras/notebooks/Neptune_Keras.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/keras/scripts/Neptune_Keras.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/keras/scripts/Neptune_Keras.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/keras/scripts/Neptune_Keras_more_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/keras/scripts/Neptune_Keras_more_options.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/keras/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/keras/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/keras/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/keras/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/lightgbm/notebooks/Neptune_LightGBM.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/lightgbm/notebooks/Neptune_LightGBM.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/lightgbm/scripts/Neptune_LightGBM_cv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/lightgbm/scripts/Neptune_LightGBM_cv.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/lightgbm/scripts/Neptune_LightGBM_sklearn_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/lightgbm/scripts/Neptune_LightGBM_sklearn_api.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/lightgbm/scripts/Neptune_LightGBM_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/lightgbm/scripts/Neptune_LightGBM_train.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/lightgbm/scripts/Neptune_LightGBM_train_summary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/lightgbm/scripts/Neptune_LightGBM_train_summary.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/lightgbm/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/lightgbm/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/lightgbm/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/lightgbm/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/mlflow/notebooks/Neptune_MLflow.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/mlflow/notebooks/Neptune_MLflow.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/mlflow/scripts/mlflow_neptune_plugin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/mlflow/scripts/mlflow_neptune_plugin.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/mlflow/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/mlflow/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/mlflow/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/mlflow/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/mlflow/scripts/train_keras_mlflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/mlflow/scripts/train_keras_mlflow.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/mlflow/scripts/train_scikit_mlflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/mlflow/scripts/train_scikit_mlflow.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/mosaicml-composer/notebooks/Neptune_MosaicML_Composer.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/mosaicml-composer/notebooks/Neptune_MosaicML_Composer.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/mosaicml-composer/scripts/Neptune_MosaicML_Composer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/mosaicml-composer/scripts/Neptune_MosaicML_Composer.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/mosaicml-composer/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/mosaicml-composer/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/mosaicml-composer/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/mosaicml-composer/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/optuna/notebooks/Neptune_Optuna_integration.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/optuna/notebooks/Neptune_Optuna_integration.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/optuna/scripts/Neptune_Optuna_integration_load_study.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/optuna/scripts/Neptune_Optuna_integration_load_study.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/optuna/scripts/Neptune_Optuna_integration_log_after_study.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/optuna/scripts/Neptune_Optuna_integration_log_after_study.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/optuna/scripts/Neptune_Optuna_integration_log_study_and_trial_level.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/optuna/scripts/Neptune_Optuna_integration_log_study_and_trial_level.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/optuna/scripts/Neptune_Optuna_integration_quickstart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/optuna/scripts/Neptune_Optuna_integration_quickstart.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/optuna/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/optuna/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/optuna/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/optuna/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/pandas/notebooks/Neptune_Pandas.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pandas/notebooks/Neptune_Pandas.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/pandas/scripts/Neptune_Pandas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pandas/scripts/Neptune_Pandas.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/pandas/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | neptune 2 | pandas 3 | ydata-profiling 4 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/pandas/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pandas/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/plotting-libraries/notebooks/Neptune_Plotting_Support.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/plotting-libraries/notebooks/Neptune_Plotting_Support.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/plotting-libraries/scripts/Neptune_Plotting_Support.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/plotting-libraries/scripts/Neptune_Plotting_Support.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/plotting-libraries/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/plotting-libraries/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/plotting-libraries/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/plotting-libraries/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/prophet/notebooks/Neptune_prophet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/prophet/notebooks/Neptune_prophet.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/prophet/scripts/Neptune_prophet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/prophet/scripts/Neptune_prophet.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/prophet/scripts/Neptune_prophet_more_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/prophet/scripts/Neptune_prophet_more_options.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/prophet/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | neptune[prophet] 2 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/prophet/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/prophet/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/pytorch-ignite/notebooks/Neptune_PyTorch_Ignite.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pytorch-ignite/notebooks/Neptune_PyTorch_Ignite.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/pytorch-ignite/scripts/Neptune_Pytorch_Ignite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pytorch-ignite/scripts/Neptune_Pytorch_Ignite.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/pytorch-ignite/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pytorch-ignite/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/pytorch-ignite/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pytorch-ignite/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/pytorch-lightning/notebooks/Neptune_PyTorch_Lightning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pytorch-lightning/notebooks/Neptune_PyTorch_Lightning.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/pytorch-lightning/scripts/Neptune_Pytorch_Lightning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pytorch-lightning/scripts/Neptune_Pytorch_Lightning.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/pytorch-lightning/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pytorch-lightning/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/pytorch-lightning/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pytorch-lightning/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/pytorch/notebooks/Neptune_PyTorch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pytorch/notebooks/Neptune_PyTorch.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/pytorch/scripts/Neptune_Pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pytorch/scripts/Neptune_Pytorch.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/pytorch/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pytorch/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/pytorch/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/pytorch/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/sacred/notebooks/Neptune_Sacred.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sacred/notebooks/Neptune_Sacred.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/sacred/scripts/Neptune_Sacred.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sacred/scripts/Neptune_Sacred.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/sacred/scripts/Neptune_Sacred_more_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sacred/scripts/Neptune_Sacred_more_options.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/sacred/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sacred/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/sacred/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sacred/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/sagemaker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sagemaker/README.md -------------------------------------------------------------------------------- /integrations-and-supported-tools/sagemaker/custom-docker-container/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sagemaker/custom-docker-container/Dockerfile -------------------------------------------------------------------------------- /integrations-and-supported-tools/sagemaker/custom-docker-container/Using-Neptune-with-custom-container.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sagemaker/custom-docker-container/Using-Neptune-with-custom-container.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/sagemaker/custom-docker-container/build_and_push.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sagemaker/custom-docker-container/build_and_push.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/sagemaker/custom-docker-container/train: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sagemaker/custom-docker-container/train -------------------------------------------------------------------------------- /integrations-and-supported-tools/sagemaker/pytorch/Using-Neptune-with-PyTorch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sagemaker/pytorch/Using-Neptune-with-PyTorch.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/sagemaker/pytorch/code/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sagemaker/pytorch/code/inference.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/sagemaker/pytorch/code/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sagemaker/pytorch/code/model.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/sagemaker/pytorch/code/requirements.txt: -------------------------------------------------------------------------------- 1 | neptune 2 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/sagemaker/pytorch/code/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sagemaker/pytorch/code/train.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/sklearn/notebooks/Neptune_Scikit_learn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sklearn/notebooks/Neptune_Scikit_learn.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/sklearn/scripts/Neptune_Scikit_learn_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sklearn/scripts/Neptune_Scikit_learn_classification.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/sklearn/scripts/Neptune_Scikit_learn_clustering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sklearn/scripts/Neptune_Scikit_learn_clustering.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/sklearn/scripts/Neptune_Scikit_learn_other_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sklearn/scripts/Neptune_Scikit_learn_other_options.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/sklearn/scripts/Neptune_Scikit_learn_regression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sklearn/scripts/Neptune_Scikit_learn_regression.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/sklearn/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sklearn/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/sklearn/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/sklearn/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/skorch/notebooks/Neptune_Skorch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/skorch/notebooks/Neptune_Skorch.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/skorch/scripts/Neptune_Skorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/skorch/scripts/Neptune_Skorch.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/skorch/scripts/Neptune_Skorch_more_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/skorch/scripts/Neptune_Skorch_more_options.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/skorch/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/skorch/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/skorch/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/skorch/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/tensorboard/notebooks/Neptune_Tensorflow_Tensorboard.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/tensorboard/notebooks/Neptune_Tensorflow_Tensorboard.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/tensorboard/scripts/Neptune_Tensorflow_Tensorboard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/tensorboard/scripts/Neptune_Tensorflow_Tensorboard.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/tensorboard/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | neptune[tensorboard] 2 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/tensorboard/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/tensorboard/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/tensorflow/notebooks/Neptune_Tensorflow.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/tensorflow/notebooks/Neptune_Tensorflow.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/tensorflow/notebooks/weights.keras: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/tensorflow/notebooks/weights.keras -------------------------------------------------------------------------------- /integrations-and-supported-tools/tensorflow/scripts/Neptune_Tensorflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/tensorflow/scripts/Neptune_Tensorflow.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/tensorflow/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | neptune 2 | numpy 3 | requests 4 | tensorflow 5 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/tensorflow/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/tensorflow/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/tensorflow/scripts/weights.keras: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/tensorflow/scripts/weights.keras -------------------------------------------------------------------------------- /integrations-and-supported-tools/transformers/notebooks/Neptune_Transformers.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/transformers/notebooks/Neptune_Transformers.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/transformers/scripts/Neptune_Transformers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/transformers/scripts/Neptune_Transformers.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/transformers/scripts/Neptune_Transformers_report_to.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/transformers/scripts/Neptune_Transformers_report_to.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/transformers/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/transformers/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/transformers/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/transformers/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/xgboost/notebooks/Neptune_XGBoost.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/xgboost/notebooks/Neptune_XGBoost.ipynb -------------------------------------------------------------------------------- /integrations-and-supported-tools/xgboost/scripts/Neptune_XGBoost_cv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/xgboost/scripts/Neptune_XGBoost_cv.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/xgboost/scripts/Neptune_XGBoost_sklearn_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/xgboost/scripts/Neptune_XGBoost_sklearn_api.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/xgboost/scripts/Neptune_XGBoost_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/xgboost/scripts/Neptune_XGBoost_train.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/xgboost/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/xgboost/scripts/requirements.txt -------------------------------------------------------------------------------- /integrations-and-supported-tools/xgboost/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/xgboost/scripts/run_examples.sh -------------------------------------------------------------------------------- /integrations-and-supported-tools/zenml/scripts/Neptune_ZenML.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/zenml/scripts/Neptune_ZenML.py -------------------------------------------------------------------------------- /integrations-and-supported-tools/zenml/scripts/requirements.txt: -------------------------------------------------------------------------------- 1 | scikit-learn 2 | zenml 3 | -------------------------------------------------------------------------------- /integrations-and-supported-tools/zenml/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/integrations-and-supported-tools/zenml/scripts/run_examples.sh -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/requirements.txt -------------------------------------------------------------------------------- /use-cases/nlp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/nlp/README.md -------------------------------------------------------------------------------- /use-cases/nlp/classification/fasttext/code/fasttext_nb.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/nlp/classification/fasttext/code/fasttext_nb.ipynb -------------------------------------------------------------------------------- /use-cases/nlp/classification/fasttext/code/fasttext_script.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/nlp/classification/fasttext/code/fasttext_script.py -------------------------------------------------------------------------------- /use-cases/nlp/classification/fasttext/code/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/nlp/classification/fasttext/code/requirements.txt -------------------------------------------------------------------------------- /use-cases/nlp/classification/fasttext/code/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/nlp/classification/fasttext/code/run_examples.sh -------------------------------------------------------------------------------- /use-cases/nlp/classification/keras/code/keras_nb.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/nlp/classification/keras/code/keras_nb.ipynb -------------------------------------------------------------------------------- /use-cases/nlp/classification/keras/code/keras_script.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/nlp/classification/keras/code/keras_script.py -------------------------------------------------------------------------------- /use-cases/nlp/classification/keras/code/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/nlp/classification/keras/code/requirements.txt -------------------------------------------------------------------------------- /use-cases/nlp/classification/keras/code/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/nlp/classification/keras/code/run_examples.sh -------------------------------------------------------------------------------- /use-cases/nlp/summarization/hf_transformers/scripts/arg_parsers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/nlp/summarization/hf_transformers/scripts/arg_parsers.py -------------------------------------------------------------------------------- /use-cases/nlp/summarization/hf_transformers/scripts/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/nlp/summarization/hf_transformers/scripts/requirements.txt -------------------------------------------------------------------------------- /use-cases/nlp/summarization/hf_transformers/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/nlp/summarization/hf_transformers/scripts/run_examples.sh -------------------------------------------------------------------------------- /use-cases/nlp/summarization/hf_transformers/scripts/run_summarization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/nlp/summarization/hf_transformers/scripts/run_summarization.py -------------------------------------------------------------------------------- /use-cases/nlp/summarization/hf_transformers/scripts/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/nlp/summarization/hf_transformers/scripts/utils.py -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/README.md -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/dataset/aggregate_data.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/dataset/aggregate_data.csv -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/dataset/features.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/dataset/features.csv -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/dataset/stores.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/dataset/stores.csv -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/dataset/train.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/dataset/train.csv -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/notebooks/EDA.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/notebooks/EDA.ipynb -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/notebooks/project_metadata.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/notebooks/project_metadata.ipynb -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/requirements.txt -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/scripts/data_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/scripts/data_module.py -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/scripts/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/scripts/model.py -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/scripts/run_dl_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/scripts/run_dl_lstm.py -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/scripts/run_dl_lstm_finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/scripts/run_dl_lstm_finetune.py -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/scripts/run_examples.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/scripts/run_examples.sh -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/scripts/run_ml_baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/scripts/run_ml_baseline.py -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/scripts/run_ml_prophet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/scripts/run_ml_prophet.py -------------------------------------------------------------------------------- /use-cases/time-series-forecasting/walmart-sales/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/use-cases/time-series-forecasting/walmart-sales/utils.py -------------------------------------------------------------------------------- /utils/management_tools/Get_runs_with_most_fields.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/utils/management_tools/Get_runs_with_most_fields.ipynb -------------------------------------------------------------------------------- /utils/management_tools/Get_storage_used_by_project_user.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/utils/management_tools/Get_storage_used_by_project_user.ipynb -------------------------------------------------------------------------------- /utils/migration_tools/backup_neptune/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/utils/migration_tools/backup_neptune/README.md -------------------------------------------------------------------------------- /utils/migration_tools/backup_neptune/bulk_download_metadata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/utils/migration_tools/backup_neptune/bulk_download_metadata.py -------------------------------------------------------------------------------- /utils/migration_tools/from_another_project/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/utils/migration_tools/from_another_project/README.md -------------------------------------------------------------------------------- /utils/migration_tools/from_another_project/runs_migrator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/utils/migration_tools/from_another_project/runs_migrator.py -------------------------------------------------------------------------------- /utils/migration_tools/from_wandb/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/utils/migration_tools/from_wandb/README.md -------------------------------------------------------------------------------- /utils/migration_tools/from_wandb/wandb_to_neptune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/utils/migration_tools/from_wandb/wandb_to_neptune.py -------------------------------------------------------------------------------- /utils/migration_tools/model_registry_to_runs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/utils/migration_tools/model_registry_to_runs/README.md -------------------------------------------------------------------------------- /utils/migration_tools/model_registry_to_runs/model_to_run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/neptune-ai/examples/HEAD/utils/migration_tools/model_registry_to_runs/model_to_run.py --------------------------------------------------------------------------------