├── .github └── workflows │ ├── examples-nata.yaml │ └── test-examples.yml ├── .gitignore ├── distributed-optimizer ├── Dockerfile ├── initialize_optimizer.py ├── job-initialize-comet-optimizer.yaml ├── job-optimizer-uuid.yaml ├── job-optimizer.yaml ├── readme.md ├── requirements.txt ├── run.sh └── run_optimizer.py ├── fastai └── README.md ├── guides ├── MPM │ └── end_to_end_example │ │ ├── .gitignore │ │ ├── data_processing │ │ ├── credit_scoring_dataset.csv │ │ └── data_processing.py │ │ ├── readme.md │ │ ├── requirements.txt │ │ ├── serving │ │ └── FastAPI │ │ │ ├── demo_data.csv │ │ │ └── main.py │ │ └── training │ │ └── model_training.py ├── advanced │ └── Running_Offline_Experiments.ipynb ├── computer_vision │ └── Computer_Vision_with_Comet.ipynb ├── get-started │ ├── Comet_Quickstart.ipynb │ ├── Comet_Quickstart.py │ ├── Image_Classification_with_Keras.ipynb │ └── Using_Comet_with_Structured_Data_Churn_Prediction.ipynb ├── manage_data │ ├── A_Guide_to_Remote_Artifacts.ipynb │ └── Introduction_to_Artifacts.ipynb └── tracking-ml-training │ └── Comet_in_Notebooks.ipynb ├── integrations ├── annoy │ ├── README.md │ ├── annoy_example.py │ └── requirements.txt ├── data-management │ └── snowflake │ │ └── notebooks │ │ └── Comet_and_Snowflake.ipynb ├── langgraph │ ├── README.md │ ├── poetry.lock │ ├── pyproject.toml │ └── src │ │ └── call_summarizer.py ├── llm │ ├── comet-llm │ │ └── notebooks │ │ │ └── CometLLM_hello_world.ipynb │ ├── finetuning │ │ └── alpaca-lora │ │ │ ├── README.md │ │ │ └── notebooks │ │ │ └── Alpaca_Lora_Finetuning_with_Comet.ipynb │ ├── langchain │ │ └── notebooks │ │ │ └── Comet_with_Langchain.ipynb │ └── openai │ │ └── notebooks │ │ ├── Comet_and_OpenAI.ipynb │ │ └── Comet_and_OpenAI_Vision.ipynb ├── model-deployment │ └── seldon │ │ └── notebooks │ │ ├── .gitignore │ │ └── xgboost_seldon_aws.ipynb ├── model-evaluation │ ├── gradio │ │ └── notebooks │ │ │ ├── Gradio_and_Comet.ipynb │ │ │ └── Logging_Model_Inferences_with_Comet_and_Gradio.ipynb │ ├── nerfstudio │ │ └── notebooks │ │ │ └── Comet_NerfStudio_sitcoms3d_evaluate_model.ipynb │ ├── shap │ │ └── shap-hello-world │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ └── shap-hello-world.py │ └── tensorflow-model-analysis │ │ └── notebooks │ │ └── Comet_with_Tensorflow_Model_Analysis_TFMA.ipynb ├── model-optimization │ ├── comet-optimizer │ │ └── notebooks │ │ │ └── Comet_Optimizer_Keras.ipynb │ ├── optuna │ │ ├── notebooks │ │ │ └── Comet_with_optuna.ipynb │ │ └── optuna-hello-world │ │ │ ├── README.md │ │ │ ├── optuna-hello-world.py │ │ │ └── requirements.txt │ └── ray-tune │ │ └── notebooks │ │ └── Comet_and_Ray.ipynb ├── model-training │ ├── accelerate │ │ └── notebooks │ │ │ └── Comet_and_Accelerate.ipynb │ ├── anomalib │ │ └── notebooks │ │ │ └── Anomalib_Comet.ipynb │ ├── catalyst │ │ └── notebooks │ │ │ └── Catalyst_x_Comet.ipynb │ ├── composer │ │ ├── mosaicml-getting-started │ │ │ ├── README.md │ │ │ ├── mosaicml-getting-started.py │ │ │ └── requirements.txt │ │ └── notebooks │ │ │ └── comet_composer.ipynb │ ├── deepspeed │ │ ├── deepspeed-cifar │ │ │ ├── README.md │ │ │ ├── cifar10_deepspeed.py │ │ │ └── requirements.txt │ │ └── notebooks │ │ │ └── comet_deepspeed.ipynb │ ├── detectron2 │ │ └── notebooks │ │ │ └── Comet_with_Detectron2.ipynb │ ├── fastai │ │ ├── fastai-hello-world │ │ │ ├── README.md │ │ │ ├── fastai_hello_world.py │ │ │ └── requirements.txt │ │ └── notebooks │ │ │ └── fastai_hello_world.ipynb │ ├── keras │ │ ├── keras-mnist-dnn │ │ │ ├── README.md │ │ │ ├── keras-mnist-dnn.py │ │ │ └── requirements.txt │ │ └── notebooks │ │ │ └── Comet_with_Keras.ipynb │ ├── lightgbm │ │ └── notebooks │ │ │ └── Comet_and_LightGBM.ipynb │ ├── mlflow │ │ ├── mlflow-hello-world │ │ │ ├── README.md │ │ │ ├── mlflow-hello-world.py │ │ │ └── requirements.txt │ │ └── notebooks │ │ │ └── Comet_and_MLFlow.ipynb │ ├── nerfstudio │ │ └── notebooks │ │ │ └── Comet-NerfStudio_sitcoms3d.ipynb │ ├── prophet │ │ └── notebooks │ │ │ └── Comet_and_Prophet.ipynb │ ├── pycaret │ │ └── notebooks │ │ │ └── comet_pycaret.ipynb │ ├── pytorch-lightning │ │ ├── notebooks │ │ │ └── Comet_and_Pytorch_Lightning.ipynb │ │ ├── pytorch-lightning-hello-world │ │ │ ├── README.md │ │ │ ├── pytorch-lightning-hello-world.py │ │ │ └── requirements.txt │ │ └── pytorch-lightning-optimizer │ │ │ ├── README.md │ │ │ ├── pytorch-lightning-optimizer.py │ │ │ └── requirements.txt │ ├── pytorch │ │ ├── notebooks │ │ │ ├── Comet_Pytorch_Tensorboard.ipynb │ │ │ ├── Comet_Pytorch_TensorboardX.ipynb │ │ │ ├── Comet_and_Pytorch.ipynb │ │ │ └── Histogram_Logging_Pytorch.ipynb │ │ ├── pytorch-fsdp2 │ │ │ ├── README.md │ │ │ ├── checkpoint.py │ │ │ ├── model.py │ │ │ ├── requirements.txt │ │ │ ├── train.py │ │ │ └── utils.py │ │ ├── pytorch-mnist │ │ │ ├── README.md │ │ │ ├── pytorch-mnist-example.py │ │ │ └── requirements.txt │ │ ├── pytorch-rich-logging │ │ │ ├── README.md │ │ │ ├── pytorch-rich-logging-example.py │ │ │ └── requirements.txt │ │ └── pytorch-tensorboard │ │ │ ├── README.md │ │ │ ├── pytorch-tensorboard-example.py │ │ │ └── requirements.txt │ ├── ray-train │ │ ├── notebooks │ │ │ ├── Comet_with_ray_train_huggingface_transformers.ipynb │ │ │ ├── Comet_with_ray_train_keras.ipynb │ │ │ ├── Comet_with_ray_train_pytorch_lightning.ipynb │ │ │ └── Comet_with_ray_train_xgboost.ipynb │ │ └── ray-train-hello-world-transformers │ │ │ ├── Comet_with_ray_train_huggingface_transformers.py │ │ │ ├── README.md │ │ │ └── requirements.txt │ ├── sagemaker │ │ ├── log_completed_sagemaker_runs │ │ │ ├── README.md │ │ │ ├── mnist.py │ │ │ └── train_mnist.ipynb │ │ └── log_custom_scripts │ │ │ ├── README.md │ │ │ ├── huggingface-text-classification │ │ │ ├── README.md │ │ │ ├── src │ │ │ │ ├── requirements.txt │ │ │ │ └── text_classification.py │ │ │ └── train_text_classification.ipynb │ │ │ ├── pytorch-mnist │ │ │ ├── README.md │ │ │ ├── src │ │ │ │ ├── mnist.py │ │ │ │ └── requirements.txt │ │ │ └── train_mnist.ipynb │ │ │ └── tensorflow-mnist │ │ │ ├── README.md │ │ │ ├── src │ │ │ ├── mnist.py │ │ │ └── requirements.txt │ │ │ └── train_mnist.ipynb │ ├── scikit-learn │ │ ├── notebooks │ │ │ └── Comet_with_Scikit_Learn.ipynb │ │ ├── sklearn-classification-example │ │ │ ├── README.md │ │ │ ├── comet-scikit-classification-example.py │ │ │ └── requirements.txt │ │ ├── sklearn-model-saving-example │ │ │ ├── requirements.txt │ │ │ └── sklearn-model-saving-example.py │ │ └── sklearn-nlp-example │ │ │ ├── README.md │ │ │ ├── comet-scikit-nlp-example.py │ │ │ └── requirements.txt │ ├── spark-nlp │ │ └── notebooks │ │ │ └── Comet_SparkNLP.ipynb │ ├── tensorflow │ │ └── notebooks │ │ │ └── Comet_and_Tensorflow.ipynb │ ├── torchtune │ │ └── notebooks │ │ │ └── Comet_and_torchtune.ipynb │ ├── transformers │ │ ├── notebooks │ │ │ └── Comet_with_Hugging_Face_Trainer.ipynb │ │ ├── transformers-distilbert-fine-tuning │ │ │ ├── README.md │ │ │ ├── data │ │ │ │ └── title_conference.csv │ │ │ ├── requirements.txt │ │ │ └── transformers-distilbert-fine-tuning.py │ │ └── transformers-google-bert-fine-tuning │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ └── transformers-google-bert-fine-tuning.py │ ├── unsloth │ │ └── notebooks │ │ │ └── Comet_and_unsloth.ipynb │ ├── xgboost │ │ ├── notebooks │ │ │ ├── Comet_and_XGBoost.ipynb │ │ │ ├── how_to_use_comet_with_xgboost_tutorial.ipynb │ │ │ ├── xg_comet.ipynb │ │ │ └── xg_data_panel.gif │ │ └── xgboost-california │ │ │ ├── README.md │ │ │ ├── requirements.txt │ │ │ └── xgboost-california.py │ ├── yolov5 │ │ └── notebooks │ │ │ └── Comet_and_YOLOv5.ipynb │ └── yolov8 │ │ └── notebooks │ │ └── YOLOv8_and_Comet.ipynb ├── reinforcement-learning │ ├── gymnasium │ │ └── notebooks │ │ │ └── comet_gymnasium_example.ipynb │ └── rllib │ │ └── notebooks │ │ └── Comet_and_RLLib.ipynb └── workflow-orchestration │ ├── kubeflow │ └── kubeflow-hello-world │ │ ├── README.md │ │ ├── pipeline.py │ │ └── requirements.txt │ ├── metaflow │ ├── metaflow-hello-world │ │ ├── README.md │ │ ├── helloworld.py │ │ └── requirements.txt │ ├── metaflow-model-evaluation │ │ ├── .pylintrc │ │ ├── README.md │ │ ├── imagenet_labels.json │ │ ├── metaflow-model-evaluation.py │ │ └── requirements.txt │ ├── metaflow-regression │ │ ├── README.md │ │ ├── metaflow-regression-example.py │ │ └── requirements.txt │ └── notebooks │ │ ├── metaflow_hello_world.ipynb │ │ └── metaflow_model_eval.ipynb │ └── vertex │ ├── vertex-hello-world │ ├── .gitignore │ ├── README.md │ ├── demo_pipeline.py │ └── requirements.txt │ └── vertex-v2-hello-world │ ├── README.md │ ├── demo_pipeline.py │ └── requirements.txt ├── logo ├── comet_badge.png └── comet_badge.svg ├── notebooks ├── Comet-Confusion-Matrix-Pytorch.ipynb ├── Comet-Confusion-Matrix.ipynb ├── Comet-Python-API.ipynb ├── Comet-R-nnet.ipynb ├── Comet-REST-API.ipynb ├── Comet_Custom_Panels_for_Object_Detection.ipynb ├── Comet_Logging_Curves.ipynb ├── Comet_Tensorflow_Model_Analysis.ipynb ├── Comet_Visualizations_to_Debug_CNNs.ipynb ├── Comet_and_Vega.ipynb ├── ExpiringDataExample.ipynb ├── comet-key.png ├── confusion-matrix.png └── keras.ipynb ├── opik └── streamlit │ └── call-summarizer │ ├── .env.example │ ├── .gitignore │ ├── .pre-commit-config.yaml │ ├── README.md │ ├── app.py │ ├── poetry.lock │ ├── pyproject.toml │ ├── src │ └── call_summarizer │ │ ├── __init__.py │ │ ├── config.py │ │ ├── models │ │ └── models.py │ │ ├── services │ │ ├── category_manager.py │ │ ├── summarization_workflow.py │ │ └── vector_store.py │ │ └── utils │ │ └── file_utils.py │ └── tests │ └── __init__.py ├── panels ├── AudioCompare │ ├── AudioCompare.py │ ├── README.md │ ├── audio-compare.png │ └── built-in-audio-panel.png ├── AudioComparePanel.py ├── CompareMaxAccuracyOverTime │ ├── CompareMaxAccuracyOverTime.py │ ├── Notebook.ipynb │ ├── README.md │ └── compare-max-accuracy-over-time.png ├── DataGridViewer.py ├── DataGridViewer │ ├── DataGridViewer.ipynb │ ├── DataGridViewer.py │ ├── README.md │ ├── group-by.png │ ├── image-dialog.png │ └── tabular-view.png ├── HistogramByStep │ └── HistogramByStep.py ├── HistogramViewer │ └── HistogramViewer.py ├── MetricsByStep │ ├── MetricsByStep.py │ ├── README.md │ └── metrics-by-step-panel.png ├── NotebookViewer │ ├── NoteBookViewer.py │ ├── README.md │ └── notebookviewer.png ├── OptimizerAnalysis.py ├── OptimizerAnalysis │ ├── OptimizerAnalysis.py │ ├── README.md │ └── optimizer-analysis.png ├── README.md ├── SaveModelAsArtifact │ ├── README.md │ ├── SaveModelAsArtifact.py │ └── save-model-as-artifact.png ├── SmokeTest.py ├── SmokeTest │ └── SmokeTest.py ├── TensorboardGroupViewer.py ├── TensorboardGroupViewer │ ├── README.md │ ├── TensorboardGroupViewer.py │ └── tensorboard-group-viewer.png ├── TensorboardProfileViewer.py ├── TensorboardProfileViewer │ ├── README.md │ ├── TensorboardProfileViewer.py │ └── tensorboard-profile-viewer.png ├── TensorboardTorchProfilerViewer │ ├── README.md │ ├── TensorboardTorchProfilerViewer.py │ └── torch_profiler.png ├── TotalFidelityMetricPlot.py ├── TotalFidelityMetricPlot │ ├── README.md │ ├── TotalFidelityMetricPlot.py │ ├── organization-settings.png │ └── totalfidelity.png ├── make.py └── misc │ └── Leardle.py ├── pytorch ├── README.md ├── comet-pytorch-ddp-cifar10.py ├── comet-pytorch-ddp-mnist-example.py ├── comet-pytorch-ddp-mnist-single-experiment.py ├── comet-pytorch-horovod-mnist.py └── online-pytorch-lightning-apex-example.py ├── readme.md ├── resources ├── Loan_application_1.jpg ├── Loan_application_1.pdf ├── Loan_application_1.png ├── Loan_application_2.pdf ├── barcode.jpg ├── barcode_small.jpeg ├── bright-red-purse-with-gold.jpg ├── brown-leather-jacket.jpg ├── front_camera_view.jpg ├── hanging-pocket-watch.jpg ├── harvard.wav ├── harvard_noise.wav ├── hello.wav ├── hightop-lighted-sneakers.jpg ├── pool_cleaner.jpg ├── pool_cleaner_small.jpeg ├── readme.md ├── suede-hat.jpg ├── workers1.jpeg ├── workers2.jpeg ├── workers3.jpeg ├── workers4.jpeg └── workers5.jpeg ├── rest_api └── asset_cleanup │ ├── .pre-commit-config.yaml │ ├── README.md │ ├── comet_asset_cleanup.py │ ├── poetry.lock │ └── pyproject.toml └── xgboost ├── data ├── store.csv ├── test.csv └── train.csv ├── online-xgboost-python-train.py └── requirements-py37.txt /.github/workflows/examples-nata.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/.github/workflows/examples-nata.yaml -------------------------------------------------------------------------------- /.github/workflows/test-examples.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/.github/workflows/test-examples.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/.gitignore -------------------------------------------------------------------------------- /distributed-optimizer/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/distributed-optimizer/Dockerfile -------------------------------------------------------------------------------- /distributed-optimizer/initialize_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/distributed-optimizer/initialize_optimizer.py -------------------------------------------------------------------------------- /distributed-optimizer/job-initialize-comet-optimizer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/distributed-optimizer/job-initialize-comet-optimizer.yaml -------------------------------------------------------------------------------- /distributed-optimizer/job-optimizer-uuid.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/distributed-optimizer/job-optimizer-uuid.yaml -------------------------------------------------------------------------------- /distributed-optimizer/job-optimizer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/distributed-optimizer/job-optimizer.yaml -------------------------------------------------------------------------------- /distributed-optimizer/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/distributed-optimizer/readme.md -------------------------------------------------------------------------------- /distributed-optimizer/requirements.txt: -------------------------------------------------------------------------------- 1 | comet_ml -------------------------------------------------------------------------------- /distributed-optimizer/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/distributed-optimizer/run.sh -------------------------------------------------------------------------------- /distributed-optimizer/run_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/distributed-optimizer/run_optimizer.py -------------------------------------------------------------------------------- /fastai/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/fastai/README.md -------------------------------------------------------------------------------- /guides/MPM/end_to_end_example/.gitignore: -------------------------------------------------------------------------------- 1 | training/preprocessed_data.csv 2 | __pycache__ -------------------------------------------------------------------------------- /guides/MPM/end_to_end_example/data_processing/credit_scoring_dataset.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/MPM/end_to_end_example/data_processing/credit_scoring_dataset.csv -------------------------------------------------------------------------------- /guides/MPM/end_to_end_example/data_processing/data_processing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/MPM/end_to_end_example/data_processing/data_processing.py -------------------------------------------------------------------------------- /guides/MPM/end_to_end_example/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/MPM/end_to_end_example/readme.md -------------------------------------------------------------------------------- /guides/MPM/end_to_end_example/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/MPM/end_to_end_example/requirements.txt -------------------------------------------------------------------------------- /guides/MPM/end_to_end_example/serving/FastAPI/demo_data.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/MPM/end_to_end_example/serving/FastAPI/demo_data.csv -------------------------------------------------------------------------------- /guides/MPM/end_to_end_example/serving/FastAPI/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/MPM/end_to_end_example/serving/FastAPI/main.py -------------------------------------------------------------------------------- /guides/MPM/end_to_end_example/training/model_training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/MPM/end_to_end_example/training/model_training.py -------------------------------------------------------------------------------- /guides/advanced/Running_Offline_Experiments.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/advanced/Running_Offline_Experiments.ipynb -------------------------------------------------------------------------------- /guides/computer_vision/Computer_Vision_with_Comet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/computer_vision/Computer_Vision_with_Comet.ipynb -------------------------------------------------------------------------------- /guides/get-started/Comet_Quickstart.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/get-started/Comet_Quickstart.ipynb -------------------------------------------------------------------------------- /guides/get-started/Comet_Quickstart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/get-started/Comet_Quickstart.py -------------------------------------------------------------------------------- /guides/get-started/Image_Classification_with_Keras.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/get-started/Image_Classification_with_Keras.ipynb -------------------------------------------------------------------------------- /guides/get-started/Using_Comet_with_Structured_Data_Churn_Prediction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/get-started/Using_Comet_with_Structured_Data_Churn_Prediction.ipynb -------------------------------------------------------------------------------- /guides/manage_data/A_Guide_to_Remote_Artifacts.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/manage_data/A_Guide_to_Remote_Artifacts.ipynb -------------------------------------------------------------------------------- /guides/manage_data/Introduction_to_Artifacts.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/manage_data/Introduction_to_Artifacts.ipynb -------------------------------------------------------------------------------- /guides/tracking-ml-training/Comet_in_Notebooks.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/guides/tracking-ml-training/Comet_in_Notebooks.ipynb -------------------------------------------------------------------------------- /integrations/annoy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/annoy/README.md -------------------------------------------------------------------------------- /integrations/annoy/annoy_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/annoy/annoy_example.py -------------------------------------------------------------------------------- /integrations/annoy/requirements.txt: -------------------------------------------------------------------------------- 1 | annoy 2 | comet_ml>=3.44.0 3 | -------------------------------------------------------------------------------- /integrations/data-management/snowflake/notebooks/Comet_and_Snowflake.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/data-management/snowflake/notebooks/Comet_and_Snowflake.ipynb -------------------------------------------------------------------------------- /integrations/langgraph/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/langgraph/README.md -------------------------------------------------------------------------------- /integrations/langgraph/poetry.lock: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/langgraph/poetry.lock -------------------------------------------------------------------------------- /integrations/langgraph/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/langgraph/pyproject.toml -------------------------------------------------------------------------------- /integrations/langgraph/src/call_summarizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/langgraph/src/call_summarizer.py -------------------------------------------------------------------------------- /integrations/llm/comet-llm/notebooks/CometLLM_hello_world.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/llm/comet-llm/notebooks/CometLLM_hello_world.ipynb -------------------------------------------------------------------------------- /integrations/llm/finetuning/alpaca-lora/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/llm/finetuning/alpaca-lora/README.md -------------------------------------------------------------------------------- /integrations/llm/finetuning/alpaca-lora/notebooks/Alpaca_Lora_Finetuning_with_Comet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/llm/finetuning/alpaca-lora/notebooks/Alpaca_Lora_Finetuning_with_Comet.ipynb -------------------------------------------------------------------------------- /integrations/llm/langchain/notebooks/Comet_with_Langchain.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/llm/langchain/notebooks/Comet_with_Langchain.ipynb -------------------------------------------------------------------------------- /integrations/llm/openai/notebooks/Comet_and_OpenAI.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/llm/openai/notebooks/Comet_and_OpenAI.ipynb -------------------------------------------------------------------------------- /integrations/llm/openai/notebooks/Comet_and_OpenAI_Vision.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/llm/openai/notebooks/Comet_and_OpenAI_Vision.ipynb -------------------------------------------------------------------------------- /integrations/model-deployment/seldon/notebooks/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-deployment/seldon/notebooks/.gitignore -------------------------------------------------------------------------------- /integrations/model-deployment/seldon/notebooks/xgboost_seldon_aws.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-deployment/seldon/notebooks/xgboost_seldon_aws.ipynb -------------------------------------------------------------------------------- /integrations/model-evaluation/gradio/notebooks/Gradio_and_Comet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-evaluation/gradio/notebooks/Gradio_and_Comet.ipynb -------------------------------------------------------------------------------- /integrations/model-evaluation/gradio/notebooks/Logging_Model_Inferences_with_Comet_and_Gradio.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-evaluation/gradio/notebooks/Logging_Model_Inferences_with_Comet_and_Gradio.ipynb -------------------------------------------------------------------------------- /integrations/model-evaluation/nerfstudio/notebooks/Comet_NerfStudio_sitcoms3d_evaluate_model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-evaluation/nerfstudio/notebooks/Comet_NerfStudio_sitcoms3d_evaluate_model.ipynb -------------------------------------------------------------------------------- /integrations/model-evaluation/shap/shap-hello-world/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-evaluation/shap/shap-hello-world/README.md -------------------------------------------------------------------------------- /integrations/model-evaluation/shap/shap-hello-world/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-evaluation/shap/shap-hello-world/requirements.txt -------------------------------------------------------------------------------- /integrations/model-evaluation/shap/shap-hello-world/shap-hello-world.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-evaluation/shap/shap-hello-world/shap-hello-world.py -------------------------------------------------------------------------------- /integrations/model-evaluation/tensorflow-model-analysis/notebooks/Comet_with_Tensorflow_Model_Analysis_TFMA.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-evaluation/tensorflow-model-analysis/notebooks/Comet_with_Tensorflow_Model_Analysis_TFMA.ipynb -------------------------------------------------------------------------------- /integrations/model-optimization/comet-optimizer/notebooks/Comet_Optimizer_Keras.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-optimization/comet-optimizer/notebooks/Comet_Optimizer_Keras.ipynb -------------------------------------------------------------------------------- /integrations/model-optimization/optuna/notebooks/Comet_with_optuna.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-optimization/optuna/notebooks/Comet_with_optuna.ipynb -------------------------------------------------------------------------------- /integrations/model-optimization/optuna/optuna-hello-world/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-optimization/optuna/optuna-hello-world/README.md -------------------------------------------------------------------------------- /integrations/model-optimization/optuna/optuna-hello-world/optuna-hello-world.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-optimization/optuna/optuna-hello-world/optuna-hello-world.py -------------------------------------------------------------------------------- /integrations/model-optimization/optuna/optuna-hello-world/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-optimization/optuna/optuna-hello-world/requirements.txt -------------------------------------------------------------------------------- /integrations/model-optimization/ray-tune/notebooks/Comet_and_Ray.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-optimization/ray-tune/notebooks/Comet_and_Ray.ipynb -------------------------------------------------------------------------------- /integrations/model-training/accelerate/notebooks/Comet_and_Accelerate.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/accelerate/notebooks/Comet_and_Accelerate.ipynb -------------------------------------------------------------------------------- /integrations/model-training/anomalib/notebooks/Anomalib_Comet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/anomalib/notebooks/Anomalib_Comet.ipynb -------------------------------------------------------------------------------- /integrations/model-training/catalyst/notebooks/Catalyst_x_Comet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/catalyst/notebooks/Catalyst_x_Comet.ipynb -------------------------------------------------------------------------------- /integrations/model-training/composer/mosaicml-getting-started/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/composer/mosaicml-getting-started/README.md -------------------------------------------------------------------------------- /integrations/model-training/composer/mosaicml-getting-started/mosaicml-getting-started.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/composer/mosaicml-getting-started/mosaicml-getting-started.py -------------------------------------------------------------------------------- /integrations/model-training/composer/mosaicml-getting-started/requirements.txt: -------------------------------------------------------------------------------- 1 | comet_ml>=3.44.0 2 | matplotlib 3 | mosaicml 4 | -------------------------------------------------------------------------------- /integrations/model-training/composer/notebooks/comet_composer.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/composer/notebooks/comet_composer.ipynb -------------------------------------------------------------------------------- /integrations/model-training/deepspeed/deepspeed-cifar/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/deepspeed/deepspeed-cifar/README.md -------------------------------------------------------------------------------- /integrations/model-training/deepspeed/deepspeed-cifar/cifar10_deepspeed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/deepspeed/deepspeed-cifar/cifar10_deepspeed.py -------------------------------------------------------------------------------- /integrations/model-training/deepspeed/deepspeed-cifar/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/deepspeed/deepspeed-cifar/requirements.txt -------------------------------------------------------------------------------- /integrations/model-training/deepspeed/notebooks/comet_deepspeed.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/deepspeed/notebooks/comet_deepspeed.ipynb -------------------------------------------------------------------------------- /integrations/model-training/detectron2/notebooks/Comet_with_Detectron2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/detectron2/notebooks/Comet_with_Detectron2.ipynb -------------------------------------------------------------------------------- /integrations/model-training/fastai/fastai-hello-world/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/fastai/fastai-hello-world/README.md -------------------------------------------------------------------------------- /integrations/model-training/fastai/fastai-hello-world/fastai_hello_world.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/fastai/fastai-hello-world/fastai_hello_world.py -------------------------------------------------------------------------------- /integrations/model-training/fastai/fastai-hello-world/requirements.txt: -------------------------------------------------------------------------------- 1 | comet_ml>=3.44.0 2 | fastai 3 | -------------------------------------------------------------------------------- /integrations/model-training/fastai/notebooks/fastai_hello_world.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/fastai/notebooks/fastai_hello_world.ipynb -------------------------------------------------------------------------------- /integrations/model-training/keras/keras-mnist-dnn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/keras/keras-mnist-dnn/README.md -------------------------------------------------------------------------------- /integrations/model-training/keras/keras-mnist-dnn/keras-mnist-dnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/keras/keras-mnist-dnn/keras-mnist-dnn.py -------------------------------------------------------------------------------- /integrations/model-training/keras/keras-mnist-dnn/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/keras/keras-mnist-dnn/requirements.txt -------------------------------------------------------------------------------- /integrations/model-training/keras/notebooks/Comet_with_Keras.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/keras/notebooks/Comet_with_Keras.ipynb -------------------------------------------------------------------------------- /integrations/model-training/lightgbm/notebooks/Comet_and_LightGBM.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/lightgbm/notebooks/Comet_and_LightGBM.ipynb -------------------------------------------------------------------------------- /integrations/model-training/mlflow/mlflow-hello-world/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/mlflow/mlflow-hello-world/README.md -------------------------------------------------------------------------------- /integrations/model-training/mlflow/mlflow-hello-world/mlflow-hello-world.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/mlflow/mlflow-hello-world/mlflow-hello-world.py -------------------------------------------------------------------------------- /integrations/model-training/mlflow/mlflow-hello-world/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/mlflow/mlflow-hello-world/requirements.txt -------------------------------------------------------------------------------- /integrations/model-training/mlflow/notebooks/Comet_and_MLFlow.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/mlflow/notebooks/Comet_and_MLFlow.ipynb -------------------------------------------------------------------------------- /integrations/model-training/nerfstudio/notebooks/Comet-NerfStudio_sitcoms3d.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/nerfstudio/notebooks/Comet-NerfStudio_sitcoms3d.ipynb -------------------------------------------------------------------------------- /integrations/model-training/prophet/notebooks/Comet_and_Prophet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/prophet/notebooks/Comet_and_Prophet.ipynb -------------------------------------------------------------------------------- /integrations/model-training/pycaret/notebooks/comet_pycaret.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pycaret/notebooks/comet_pycaret.ipynb -------------------------------------------------------------------------------- /integrations/model-training/pytorch-lightning/notebooks/Comet_and_Pytorch_Lightning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch-lightning/notebooks/Comet_and_Pytorch_Lightning.ipynb -------------------------------------------------------------------------------- /integrations/model-training/pytorch-lightning/pytorch-lightning-hello-world/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch-lightning/pytorch-lightning-hello-world/README.md -------------------------------------------------------------------------------- /integrations/model-training/pytorch-lightning/pytorch-lightning-hello-world/pytorch-lightning-hello-world.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch-lightning/pytorch-lightning-hello-world/pytorch-lightning-hello-world.py -------------------------------------------------------------------------------- /integrations/model-training/pytorch-lightning/pytorch-lightning-hello-world/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch-lightning/pytorch-lightning-hello-world/requirements.txt -------------------------------------------------------------------------------- /integrations/model-training/pytorch-lightning/pytorch-lightning-optimizer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch-lightning/pytorch-lightning-optimizer/README.md -------------------------------------------------------------------------------- /integrations/model-training/pytorch-lightning/pytorch-lightning-optimizer/pytorch-lightning-optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch-lightning/pytorch-lightning-optimizer/pytorch-lightning-optimizer.py -------------------------------------------------------------------------------- /integrations/model-training/pytorch-lightning/pytorch-lightning-optimizer/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch-lightning/pytorch-lightning-optimizer/requirements.txt -------------------------------------------------------------------------------- /integrations/model-training/pytorch/notebooks/Comet_Pytorch_Tensorboard.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/notebooks/Comet_Pytorch_Tensorboard.ipynb -------------------------------------------------------------------------------- /integrations/model-training/pytorch/notebooks/Comet_Pytorch_TensorboardX.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/notebooks/Comet_Pytorch_TensorboardX.ipynb -------------------------------------------------------------------------------- /integrations/model-training/pytorch/notebooks/Comet_and_Pytorch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/notebooks/Comet_and_Pytorch.ipynb -------------------------------------------------------------------------------- /integrations/model-training/pytorch/notebooks/Histogram_Logging_Pytorch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/notebooks/Histogram_Logging_Pytorch.ipynb -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-fsdp2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/pytorch-fsdp2/README.md -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-fsdp2/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/pytorch-fsdp2/checkpoint.py -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-fsdp2/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/pytorch-fsdp2/model.py -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-fsdp2/requirements.txt: -------------------------------------------------------------------------------- 1 | comet_ml>=3.24.1 2 | torch>=2.5 3 | -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-fsdp2/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/pytorch-fsdp2/train.py -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-fsdp2/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/pytorch-fsdp2/utils.py -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-mnist/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/pytorch-mnist/README.md -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-mnist/pytorch-mnist-example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/pytorch-mnist/pytorch-mnist-example.py -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-mnist/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/pytorch-mnist/requirements.txt -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-rich-logging/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/pytorch-rich-logging/README.md -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-rich-logging/pytorch-rich-logging-example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/pytorch-rich-logging/pytorch-rich-logging-example.py -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-rich-logging/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/pytorch-rich-logging/requirements.txt -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-tensorboard/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/pytorch-tensorboard/README.md -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-tensorboard/pytorch-tensorboard-example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/pytorch-tensorboard/pytorch-tensorboard-example.py -------------------------------------------------------------------------------- /integrations/model-training/pytorch/pytorch-tensorboard/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/pytorch/pytorch-tensorboard/requirements.txt -------------------------------------------------------------------------------- /integrations/model-training/ray-train/notebooks/Comet_with_ray_train_huggingface_transformers.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/ray-train/notebooks/Comet_with_ray_train_huggingface_transformers.ipynb -------------------------------------------------------------------------------- /integrations/model-training/ray-train/notebooks/Comet_with_ray_train_keras.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/ray-train/notebooks/Comet_with_ray_train_keras.ipynb -------------------------------------------------------------------------------- /integrations/model-training/ray-train/notebooks/Comet_with_ray_train_pytorch_lightning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/ray-train/notebooks/Comet_with_ray_train_pytorch_lightning.ipynb -------------------------------------------------------------------------------- /integrations/model-training/ray-train/notebooks/Comet_with_ray_train_xgboost.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/ray-train/notebooks/Comet_with_ray_train_xgboost.ipynb -------------------------------------------------------------------------------- /integrations/model-training/ray-train/ray-train-hello-world-transformers/Comet_with_ray_train_huggingface_transformers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/ray-train/ray-train-hello-world-transformers/Comet_with_ray_train_huggingface_transformers.py -------------------------------------------------------------------------------- /integrations/model-training/ray-train/ray-train-hello-world-transformers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/ray-train/ray-train-hello-world-transformers/README.md -------------------------------------------------------------------------------- /integrations/model-training/ray-train/ray-train-hello-world-transformers/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/ray-train/ray-train-hello-world-transformers/requirements.txt -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_completed_sagemaker_runs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/sagemaker/log_completed_sagemaker_runs/README.md -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_completed_sagemaker_runs/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/sagemaker/log_completed_sagemaker_runs/mnist.py -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_completed_sagemaker_runs/train_mnist.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/sagemaker/log_completed_sagemaker_runs/train_mnist.ipynb -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_custom_scripts/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/sagemaker/log_custom_scripts/README.md -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_custom_scripts/huggingface-text-classification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/sagemaker/log_custom_scripts/huggingface-text-classification/README.md -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_custom_scripts/huggingface-text-classification/src/requirements.txt: -------------------------------------------------------------------------------- 1 | comet_ml -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_custom_scripts/huggingface-text-classification/src/text_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/sagemaker/log_custom_scripts/huggingface-text-classification/src/text_classification.py -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_custom_scripts/huggingface-text-classification/train_text_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/sagemaker/log_custom_scripts/huggingface-text-classification/train_text_classification.ipynb -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_custom_scripts/pytorch-mnist/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/sagemaker/log_custom_scripts/pytorch-mnist/README.md -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_custom_scripts/pytorch-mnist/src/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/sagemaker/log_custom_scripts/pytorch-mnist/src/mnist.py -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_custom_scripts/pytorch-mnist/src/requirements.txt: -------------------------------------------------------------------------------- 1 | comet_ml -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_custom_scripts/pytorch-mnist/train_mnist.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/sagemaker/log_custom_scripts/pytorch-mnist/train_mnist.ipynb -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_custom_scripts/tensorflow-mnist/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/sagemaker/log_custom_scripts/tensorflow-mnist/README.md -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_custom_scripts/tensorflow-mnist/src/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/sagemaker/log_custom_scripts/tensorflow-mnist/src/mnist.py -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_custom_scripts/tensorflow-mnist/src/requirements.txt: -------------------------------------------------------------------------------- 1 | tensorflow 2 | comet_ml -------------------------------------------------------------------------------- /integrations/model-training/sagemaker/log_custom_scripts/tensorflow-mnist/train_mnist.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/sagemaker/log_custom_scripts/tensorflow-mnist/train_mnist.ipynb -------------------------------------------------------------------------------- /integrations/model-training/scikit-learn/notebooks/Comet_with_Scikit_Learn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/scikit-learn/notebooks/Comet_with_Scikit_Learn.ipynb -------------------------------------------------------------------------------- /integrations/model-training/scikit-learn/sklearn-classification-example/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/scikit-learn/sklearn-classification-example/README.md -------------------------------------------------------------------------------- /integrations/model-training/scikit-learn/sklearn-classification-example/comet-scikit-classification-example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/scikit-learn/sklearn-classification-example/comet-scikit-classification-example.py -------------------------------------------------------------------------------- /integrations/model-training/scikit-learn/sklearn-classification-example/requirements.txt: -------------------------------------------------------------------------------- 1 | comet_ml>=3.44.0 2 | scikit-learn 3 | -------------------------------------------------------------------------------- /integrations/model-training/scikit-learn/sklearn-model-saving-example/requirements.txt: -------------------------------------------------------------------------------- 1 | cloudpickle 2 | comet_ml>=3.44.0 3 | scikit_learn 4 | -------------------------------------------------------------------------------- /integrations/model-training/scikit-learn/sklearn-model-saving-example/sklearn-model-saving-example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/scikit-learn/sklearn-model-saving-example/sklearn-model-saving-example.py -------------------------------------------------------------------------------- /integrations/model-training/scikit-learn/sklearn-nlp-example/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/scikit-learn/sklearn-nlp-example/README.md -------------------------------------------------------------------------------- /integrations/model-training/scikit-learn/sklearn-nlp-example/comet-scikit-nlp-example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/scikit-learn/sklearn-nlp-example/comet-scikit-nlp-example.py -------------------------------------------------------------------------------- /integrations/model-training/scikit-learn/sklearn-nlp-example/requirements.txt: -------------------------------------------------------------------------------- 1 | comet_ml>=3.44.0 2 | scikit-learn 3 | -------------------------------------------------------------------------------- /integrations/model-training/spark-nlp/notebooks/Comet_SparkNLP.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/spark-nlp/notebooks/Comet_SparkNLP.ipynb -------------------------------------------------------------------------------- /integrations/model-training/tensorflow/notebooks/Comet_and_Tensorflow.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/tensorflow/notebooks/Comet_and_Tensorflow.ipynb -------------------------------------------------------------------------------- /integrations/model-training/torchtune/notebooks/Comet_and_torchtune.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/torchtune/notebooks/Comet_and_torchtune.ipynb -------------------------------------------------------------------------------- /integrations/model-training/transformers/notebooks/Comet_with_Hugging_Face_Trainer.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/transformers/notebooks/Comet_with_Hugging_Face_Trainer.ipynb -------------------------------------------------------------------------------- /integrations/model-training/transformers/transformers-distilbert-fine-tuning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/transformers/transformers-distilbert-fine-tuning/README.md -------------------------------------------------------------------------------- /integrations/model-training/transformers/transformers-distilbert-fine-tuning/data/title_conference.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/transformers/transformers-distilbert-fine-tuning/data/title_conference.csv -------------------------------------------------------------------------------- /integrations/model-training/transformers/transformers-distilbert-fine-tuning/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/transformers/transformers-distilbert-fine-tuning/requirements.txt -------------------------------------------------------------------------------- /integrations/model-training/transformers/transformers-distilbert-fine-tuning/transformers-distilbert-fine-tuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/transformers/transformers-distilbert-fine-tuning/transformers-distilbert-fine-tuning.py -------------------------------------------------------------------------------- /integrations/model-training/transformers/transformers-google-bert-fine-tuning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/transformers/transformers-google-bert-fine-tuning/README.md -------------------------------------------------------------------------------- /integrations/model-training/transformers/transformers-google-bert-fine-tuning/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/transformers/transformers-google-bert-fine-tuning/requirements.txt -------------------------------------------------------------------------------- /integrations/model-training/transformers/transformers-google-bert-fine-tuning/transformers-google-bert-fine-tuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/transformers/transformers-google-bert-fine-tuning/transformers-google-bert-fine-tuning.py -------------------------------------------------------------------------------- /integrations/model-training/unsloth/notebooks/Comet_and_unsloth.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/unsloth/notebooks/Comet_and_unsloth.ipynb -------------------------------------------------------------------------------- /integrations/model-training/xgboost/notebooks/Comet_and_XGBoost.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/xgboost/notebooks/Comet_and_XGBoost.ipynb -------------------------------------------------------------------------------- /integrations/model-training/xgboost/notebooks/how_to_use_comet_with_xgboost_tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/xgboost/notebooks/how_to_use_comet_with_xgboost_tutorial.ipynb -------------------------------------------------------------------------------- /integrations/model-training/xgboost/notebooks/xg_comet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/xgboost/notebooks/xg_comet.ipynb -------------------------------------------------------------------------------- /integrations/model-training/xgboost/notebooks/xg_data_panel.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/xgboost/notebooks/xg_data_panel.gif -------------------------------------------------------------------------------- /integrations/model-training/xgboost/xgboost-california/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/xgboost/xgboost-california/README.md -------------------------------------------------------------------------------- /integrations/model-training/xgboost/xgboost-california/requirements.txt: -------------------------------------------------------------------------------- 1 | comet_ml>=3.24.1 2 | graphviz 3 | pandas 4 | scikit-learn 5 | xgboost 6 | -------------------------------------------------------------------------------- /integrations/model-training/xgboost/xgboost-california/xgboost-california.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/xgboost/xgboost-california/xgboost-california.py -------------------------------------------------------------------------------- /integrations/model-training/yolov5/notebooks/Comet_and_YOLOv5.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/yolov5/notebooks/Comet_and_YOLOv5.ipynb -------------------------------------------------------------------------------- /integrations/model-training/yolov8/notebooks/YOLOv8_and_Comet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/model-training/yolov8/notebooks/YOLOv8_and_Comet.ipynb -------------------------------------------------------------------------------- /integrations/reinforcement-learning/gymnasium/notebooks/comet_gymnasium_example.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/reinforcement-learning/gymnasium/notebooks/comet_gymnasium_example.ipynb -------------------------------------------------------------------------------- /integrations/reinforcement-learning/rllib/notebooks/Comet_and_RLLib.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/reinforcement-learning/rllib/notebooks/Comet_and_RLLib.ipynb -------------------------------------------------------------------------------- /integrations/workflow-orchestration/kubeflow/kubeflow-hello-world/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/kubeflow/kubeflow-hello-world/README.md -------------------------------------------------------------------------------- /integrations/workflow-orchestration/kubeflow/kubeflow-hello-world/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/kubeflow/kubeflow-hello-world/pipeline.py -------------------------------------------------------------------------------- /integrations/workflow-orchestration/kubeflow/kubeflow-hello-world/requirements.txt: -------------------------------------------------------------------------------- 1 | comet_ml>=3.24.1 2 | kfp 3 | -------------------------------------------------------------------------------- /integrations/workflow-orchestration/metaflow/metaflow-hello-world/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/metaflow/metaflow-hello-world/README.md -------------------------------------------------------------------------------- /integrations/workflow-orchestration/metaflow/metaflow-hello-world/helloworld.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/metaflow/metaflow-hello-world/helloworld.py -------------------------------------------------------------------------------- /integrations/workflow-orchestration/metaflow/metaflow-hello-world/requirements.txt: -------------------------------------------------------------------------------- 1 | comet_ml>=3.31.15 2 | metaflow 3 | numpy 4 | -------------------------------------------------------------------------------- /integrations/workflow-orchestration/metaflow/metaflow-model-evaluation/.pylintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/metaflow/metaflow-model-evaluation/.pylintrc -------------------------------------------------------------------------------- /integrations/workflow-orchestration/metaflow/metaflow-model-evaluation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/metaflow/metaflow-model-evaluation/README.md -------------------------------------------------------------------------------- /integrations/workflow-orchestration/metaflow/metaflow-model-evaluation/imagenet_labels.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/metaflow/metaflow-model-evaluation/imagenet_labels.json -------------------------------------------------------------------------------- /integrations/workflow-orchestration/metaflow/metaflow-model-evaluation/metaflow-model-evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/metaflow/metaflow-model-evaluation/metaflow-model-evaluation.py -------------------------------------------------------------------------------- /integrations/workflow-orchestration/metaflow/metaflow-model-evaluation/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/metaflow/metaflow-model-evaluation/requirements.txt -------------------------------------------------------------------------------- /integrations/workflow-orchestration/metaflow/metaflow-regression/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/metaflow/metaflow-regression/README.md -------------------------------------------------------------------------------- /integrations/workflow-orchestration/metaflow/metaflow-regression/metaflow-regression-example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/metaflow/metaflow-regression/metaflow-regression-example.py -------------------------------------------------------------------------------- /integrations/workflow-orchestration/metaflow/metaflow-regression/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/metaflow/metaflow-regression/requirements.txt -------------------------------------------------------------------------------- /integrations/workflow-orchestration/metaflow/notebooks/metaflow_hello_world.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/metaflow/notebooks/metaflow_hello_world.ipynb -------------------------------------------------------------------------------- /integrations/workflow-orchestration/metaflow/notebooks/metaflow_model_eval.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/metaflow/notebooks/metaflow_model_eval.ipynb -------------------------------------------------------------------------------- /integrations/workflow-orchestration/vertex/vertex-hello-world/.gitignore: -------------------------------------------------------------------------------- 1 | demo_pipeline.json -------------------------------------------------------------------------------- /integrations/workflow-orchestration/vertex/vertex-hello-world/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/vertex/vertex-hello-world/README.md -------------------------------------------------------------------------------- /integrations/workflow-orchestration/vertex/vertex-hello-world/demo_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/vertex/vertex-hello-world/demo_pipeline.py -------------------------------------------------------------------------------- /integrations/workflow-orchestration/vertex/vertex-hello-world/requirements.txt: -------------------------------------------------------------------------------- 1 | comet_ml>=3.33.10 2 | google-cloud-aiplatform 3 | kfp<2 4 | -------------------------------------------------------------------------------- /integrations/workflow-orchestration/vertex/vertex-v2-hello-world/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/vertex/vertex-v2-hello-world/README.md -------------------------------------------------------------------------------- /integrations/workflow-orchestration/vertex/vertex-v2-hello-world/demo_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/vertex/vertex-v2-hello-world/demo_pipeline.py -------------------------------------------------------------------------------- /integrations/workflow-orchestration/vertex/vertex-v2-hello-world/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/integrations/workflow-orchestration/vertex/vertex-v2-hello-world/requirements.txt -------------------------------------------------------------------------------- /logo/comet_badge.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/logo/comet_badge.png -------------------------------------------------------------------------------- /logo/comet_badge.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/logo/comet_badge.svg -------------------------------------------------------------------------------- /notebooks/Comet-Confusion-Matrix-Pytorch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/notebooks/Comet-Confusion-Matrix-Pytorch.ipynb -------------------------------------------------------------------------------- /notebooks/Comet-Confusion-Matrix.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/notebooks/Comet-Confusion-Matrix.ipynb -------------------------------------------------------------------------------- /notebooks/Comet-Python-API.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/notebooks/Comet-Python-API.ipynb -------------------------------------------------------------------------------- /notebooks/Comet-R-nnet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/notebooks/Comet-R-nnet.ipynb -------------------------------------------------------------------------------- /notebooks/Comet-REST-API.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/notebooks/Comet-REST-API.ipynb -------------------------------------------------------------------------------- /notebooks/Comet_Custom_Panels_for_Object_Detection.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/notebooks/Comet_Custom_Panels_for_Object_Detection.ipynb -------------------------------------------------------------------------------- /notebooks/Comet_Logging_Curves.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/notebooks/Comet_Logging_Curves.ipynb -------------------------------------------------------------------------------- /notebooks/Comet_Tensorflow_Model_Analysis.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/notebooks/Comet_Tensorflow_Model_Analysis.ipynb -------------------------------------------------------------------------------- /notebooks/Comet_Visualizations_to_Debug_CNNs.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/notebooks/Comet_Visualizations_to_Debug_CNNs.ipynb -------------------------------------------------------------------------------- /notebooks/Comet_and_Vega.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/notebooks/Comet_and_Vega.ipynb -------------------------------------------------------------------------------- /notebooks/ExpiringDataExample.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/notebooks/ExpiringDataExample.ipynb -------------------------------------------------------------------------------- /notebooks/comet-key.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/notebooks/comet-key.png -------------------------------------------------------------------------------- /notebooks/confusion-matrix.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/notebooks/confusion-matrix.png -------------------------------------------------------------------------------- /notebooks/keras.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/notebooks/keras.ipynb -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/.env.example: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/opik/streamlit/call-summarizer/.env.example -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/opik/streamlit/call-summarizer/.gitignore -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/opik/streamlit/call-summarizer/.pre-commit-config.yaml -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/opik/streamlit/call-summarizer/README.md -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/opik/streamlit/call-summarizer/app.py -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/poetry.lock: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/opik/streamlit/call-summarizer/poetry.lock -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/opik/streamlit/call-summarizer/pyproject.toml -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/src/call_summarizer/__init__.py: -------------------------------------------------------------------------------- 1 | __version__ = "0.1.0" 2 | -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/src/call_summarizer/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/opik/streamlit/call-summarizer/src/call_summarizer/config.py -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/src/call_summarizer/models/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/opik/streamlit/call-summarizer/src/call_summarizer/models/models.py -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/src/call_summarizer/services/category_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/opik/streamlit/call-summarizer/src/call_summarizer/services/category_manager.py -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/src/call_summarizer/services/summarization_workflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/opik/streamlit/call-summarizer/src/call_summarizer/services/summarization_workflow.py -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/src/call_summarizer/services/vector_store.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/opik/streamlit/call-summarizer/src/call_summarizer/services/vector_store.py -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/src/call_summarizer/utils/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/opik/streamlit/call-summarizer/src/call_summarizer/utils/file_utils.py -------------------------------------------------------------------------------- /opik/streamlit/call-summarizer/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /panels/AudioCompare/AudioCompare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/AudioCompare/AudioCompare.py -------------------------------------------------------------------------------- /panels/AudioCompare/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/AudioCompare/README.md -------------------------------------------------------------------------------- /panels/AudioCompare/audio-compare.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/AudioCompare/audio-compare.png -------------------------------------------------------------------------------- /panels/AudioCompare/built-in-audio-panel.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/AudioCompare/built-in-audio-panel.png -------------------------------------------------------------------------------- /panels/AudioComparePanel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/AudioComparePanel.py -------------------------------------------------------------------------------- /panels/CompareMaxAccuracyOverTime/CompareMaxAccuracyOverTime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/CompareMaxAccuracyOverTime/CompareMaxAccuracyOverTime.py -------------------------------------------------------------------------------- /panels/CompareMaxAccuracyOverTime/Notebook.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/CompareMaxAccuracyOverTime/Notebook.ipynb -------------------------------------------------------------------------------- /panels/CompareMaxAccuracyOverTime/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/CompareMaxAccuracyOverTime/README.md -------------------------------------------------------------------------------- /panels/CompareMaxAccuracyOverTime/compare-max-accuracy-over-time.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/CompareMaxAccuracyOverTime/compare-max-accuracy-over-time.png -------------------------------------------------------------------------------- /panels/DataGridViewer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/DataGridViewer.py -------------------------------------------------------------------------------- /panels/DataGridViewer/DataGridViewer.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/DataGridViewer/DataGridViewer.ipynb -------------------------------------------------------------------------------- /panels/DataGridViewer/DataGridViewer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/DataGridViewer/DataGridViewer.py -------------------------------------------------------------------------------- /panels/DataGridViewer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/DataGridViewer/README.md -------------------------------------------------------------------------------- /panels/DataGridViewer/group-by.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/DataGridViewer/group-by.png -------------------------------------------------------------------------------- /panels/DataGridViewer/image-dialog.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/DataGridViewer/image-dialog.png -------------------------------------------------------------------------------- /panels/DataGridViewer/tabular-view.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/DataGridViewer/tabular-view.png -------------------------------------------------------------------------------- /panels/HistogramByStep/HistogramByStep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/HistogramByStep/HistogramByStep.py -------------------------------------------------------------------------------- /panels/HistogramViewer/HistogramViewer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/HistogramViewer/HistogramViewer.py -------------------------------------------------------------------------------- /panels/MetricsByStep/MetricsByStep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/MetricsByStep/MetricsByStep.py -------------------------------------------------------------------------------- /panels/MetricsByStep/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/MetricsByStep/README.md -------------------------------------------------------------------------------- /panels/MetricsByStep/metrics-by-step-panel.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/MetricsByStep/metrics-by-step-panel.png -------------------------------------------------------------------------------- /panels/NotebookViewer/NoteBookViewer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/NotebookViewer/NoteBookViewer.py -------------------------------------------------------------------------------- /panels/NotebookViewer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/NotebookViewer/README.md -------------------------------------------------------------------------------- /panels/NotebookViewer/notebookviewer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/NotebookViewer/notebookviewer.png -------------------------------------------------------------------------------- /panels/OptimizerAnalysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/OptimizerAnalysis.py -------------------------------------------------------------------------------- /panels/OptimizerAnalysis/OptimizerAnalysis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/OptimizerAnalysis/OptimizerAnalysis.py -------------------------------------------------------------------------------- /panels/OptimizerAnalysis/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/OptimizerAnalysis/README.md -------------------------------------------------------------------------------- /panels/OptimizerAnalysis/optimizer-analysis.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/OptimizerAnalysis/optimizer-analysis.png -------------------------------------------------------------------------------- /panels/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/README.md -------------------------------------------------------------------------------- /panels/SaveModelAsArtifact/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/SaveModelAsArtifact/README.md -------------------------------------------------------------------------------- /panels/SaveModelAsArtifact/SaveModelAsArtifact.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/SaveModelAsArtifact/SaveModelAsArtifact.py -------------------------------------------------------------------------------- /panels/SaveModelAsArtifact/save-model-as-artifact.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/SaveModelAsArtifact/save-model-as-artifact.png -------------------------------------------------------------------------------- /panels/SmokeTest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/SmokeTest.py -------------------------------------------------------------------------------- /panels/SmokeTest/SmokeTest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/SmokeTest/SmokeTest.py -------------------------------------------------------------------------------- /panels/TensorboardGroupViewer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TensorboardGroupViewer.py -------------------------------------------------------------------------------- /panels/TensorboardGroupViewer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TensorboardGroupViewer/README.md -------------------------------------------------------------------------------- /panels/TensorboardGroupViewer/TensorboardGroupViewer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TensorboardGroupViewer/TensorboardGroupViewer.py -------------------------------------------------------------------------------- /panels/TensorboardGroupViewer/tensorboard-group-viewer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TensorboardGroupViewer/tensorboard-group-viewer.png -------------------------------------------------------------------------------- /panels/TensorboardProfileViewer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TensorboardProfileViewer.py -------------------------------------------------------------------------------- /panels/TensorboardProfileViewer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TensorboardProfileViewer/README.md -------------------------------------------------------------------------------- /panels/TensorboardProfileViewer/TensorboardProfileViewer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TensorboardProfileViewer/TensorboardProfileViewer.py -------------------------------------------------------------------------------- /panels/TensorboardProfileViewer/tensorboard-profile-viewer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TensorboardProfileViewer/tensorboard-profile-viewer.png -------------------------------------------------------------------------------- /panels/TensorboardTorchProfilerViewer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TensorboardTorchProfilerViewer/README.md -------------------------------------------------------------------------------- /panels/TensorboardTorchProfilerViewer/TensorboardTorchProfilerViewer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TensorboardTorchProfilerViewer/TensorboardTorchProfilerViewer.py -------------------------------------------------------------------------------- /panels/TensorboardTorchProfilerViewer/torch_profiler.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TensorboardTorchProfilerViewer/torch_profiler.png -------------------------------------------------------------------------------- /panels/TotalFidelityMetricPlot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TotalFidelityMetricPlot.py -------------------------------------------------------------------------------- /panels/TotalFidelityMetricPlot/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TotalFidelityMetricPlot/README.md -------------------------------------------------------------------------------- /panels/TotalFidelityMetricPlot/TotalFidelityMetricPlot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TotalFidelityMetricPlot/TotalFidelityMetricPlot.py -------------------------------------------------------------------------------- /panels/TotalFidelityMetricPlot/organization-settings.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TotalFidelityMetricPlot/organization-settings.png -------------------------------------------------------------------------------- /panels/TotalFidelityMetricPlot/totalfidelity.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/TotalFidelityMetricPlot/totalfidelity.png -------------------------------------------------------------------------------- /panels/make.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/make.py -------------------------------------------------------------------------------- /panels/misc/Leardle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/panels/misc/Leardle.py -------------------------------------------------------------------------------- /pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/pytorch/README.md -------------------------------------------------------------------------------- /pytorch/comet-pytorch-ddp-cifar10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/pytorch/comet-pytorch-ddp-cifar10.py -------------------------------------------------------------------------------- /pytorch/comet-pytorch-ddp-mnist-example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/pytorch/comet-pytorch-ddp-mnist-example.py -------------------------------------------------------------------------------- /pytorch/comet-pytorch-ddp-mnist-single-experiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/pytorch/comet-pytorch-ddp-mnist-single-experiment.py -------------------------------------------------------------------------------- /pytorch/comet-pytorch-horovod-mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/pytorch/comet-pytorch-horovod-mnist.py -------------------------------------------------------------------------------- /pytorch/online-pytorch-lightning-apex-example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/pytorch/online-pytorch-lightning-apex-example.py -------------------------------------------------------------------------------- /readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/readme.md -------------------------------------------------------------------------------- /resources/Loan_application_1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/Loan_application_1.jpg -------------------------------------------------------------------------------- /resources/Loan_application_1.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/Loan_application_1.pdf -------------------------------------------------------------------------------- /resources/Loan_application_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/Loan_application_1.png -------------------------------------------------------------------------------- /resources/Loan_application_2.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/Loan_application_2.pdf -------------------------------------------------------------------------------- /resources/barcode.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/barcode.jpg -------------------------------------------------------------------------------- /resources/barcode_small.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/barcode_small.jpeg -------------------------------------------------------------------------------- /resources/bright-red-purse-with-gold.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/bright-red-purse-with-gold.jpg -------------------------------------------------------------------------------- /resources/brown-leather-jacket.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/brown-leather-jacket.jpg -------------------------------------------------------------------------------- /resources/front_camera_view.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/front_camera_view.jpg -------------------------------------------------------------------------------- /resources/hanging-pocket-watch.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/hanging-pocket-watch.jpg -------------------------------------------------------------------------------- /resources/harvard.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/harvard.wav -------------------------------------------------------------------------------- /resources/harvard_noise.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/harvard_noise.wav -------------------------------------------------------------------------------- /resources/hello.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/hello.wav -------------------------------------------------------------------------------- /resources/hightop-lighted-sneakers.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/hightop-lighted-sneakers.jpg -------------------------------------------------------------------------------- /resources/pool_cleaner.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/pool_cleaner.jpg -------------------------------------------------------------------------------- /resources/pool_cleaner_small.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/pool_cleaner_small.jpeg -------------------------------------------------------------------------------- /resources/readme.md: -------------------------------------------------------------------------------- 1 | Public resources for scripts and notebooks 2 | -------------------------------------------------------------------------------- /resources/suede-hat.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/suede-hat.jpg -------------------------------------------------------------------------------- /resources/workers1.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/workers1.jpeg -------------------------------------------------------------------------------- /resources/workers2.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/workers2.jpeg -------------------------------------------------------------------------------- /resources/workers3.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/workers3.jpeg -------------------------------------------------------------------------------- /resources/workers4.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/workers4.jpeg -------------------------------------------------------------------------------- /resources/workers5.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/resources/workers5.jpeg -------------------------------------------------------------------------------- /rest_api/asset_cleanup/.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/rest_api/asset_cleanup/.pre-commit-config.yaml -------------------------------------------------------------------------------- /rest_api/asset_cleanup/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/rest_api/asset_cleanup/README.md -------------------------------------------------------------------------------- /rest_api/asset_cleanup/comet_asset_cleanup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/rest_api/asset_cleanup/comet_asset_cleanup.py -------------------------------------------------------------------------------- /rest_api/asset_cleanup/poetry.lock: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/rest_api/asset_cleanup/poetry.lock -------------------------------------------------------------------------------- /rest_api/asset_cleanup/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/rest_api/asset_cleanup/pyproject.toml -------------------------------------------------------------------------------- /xgboost/data/store.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/xgboost/data/store.csv -------------------------------------------------------------------------------- /xgboost/data/test.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/xgboost/data/test.csv -------------------------------------------------------------------------------- /xgboost/data/train.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/xgboost/data/train.csv -------------------------------------------------------------------------------- /xgboost/online-xgboost-python-train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/comet-ml/comet-examples/HEAD/xgboost/online-xgboost-python-train.py -------------------------------------------------------------------------------- /xgboost/requirements-py37.txt: -------------------------------------------------------------------------------- 1 | # python3.7 2 | sklearn 3 | xgboost 4 | pandas 5 | --------------------------------------------------------------------------------