From c20e9ef111da86e69e016a232c9ccb99f0dd31c8 Mon Sep 17 00:00:00 2001 From: pollfly <75068813+pollfly@users.noreply.github.com> Date: Sun, 22 May 2022 10:27:30 +0300 Subject: [PATCH] Small edits (#257) --- docs/clearml_data/clearml_data.md | 4 ++-- docs/clearml_sdk/task_sdk.md | 14 +++++++++++--- docs/guides/advanced/execute_remotely.md | 4 ++-- .../distributed/distributed_pytorch_example.md | 4 ++-- docs/guides/distributed/subprocess_example.md | 2 +- .../frameworks/autokeras/autokeras_imdb_example.md | 4 ++-- docs/guides/frameworks/catboost/catboost.md | 4 ++-- .../frameworks/fastai/fastai_with_tensorboard.md | 6 +++--- docs/guides/frameworks/keras/jupyter.md | 8 ++++---- docs/guides/frameworks/keras/keras_tensorboard.md | 6 +++--- .../guides/frameworks/lightgbm/lightgbm_example.md | 4 ++-- .../frameworks/matplotlib/matplotlib_example.md | 4 ++-- .../guides/frameworks/megengine/megengine_mnist.md | 4 ++-- .../audio/audio_classification_UrbanSound8K.md | 6 +++--- .../notebooks/audio/audio_preprocessing_example.md | 4 ++-- .../notebooks/image/hyperparameter_search.md | 6 +++--- .../image/image_classification_CIFAR10.md | 6 +++--- .../notebooks/table/download_and_preprocessing.md | 4 ++-- .../notebooks/table/tabular_training_pipeline.md | 8 ++++---- .../notebooks/text/text_classification_AG_NEWS.md | 4 ++-- docs/guides/frameworks/pytorch/pytorch_abseil.md | 4 ++-- .../pytorch/pytorch_distributed_example.md | 4 ++-- .../frameworks/pytorch/pytorch_matplotlib.md | 2 +- docs/guides/frameworks/pytorch/pytorch_mnist.md | 4 ++-- .../frameworks/pytorch/pytorch_tensorboard.md | 6 +++--- .../frameworks/pytorch/pytorch_tensorboardx.md | 4 ++-- .../frameworks/pytorch/tensorboard_toy_pytorch.md | 3 +-- .../pytorch_ignite/integration_pytorch_ignite.md | 4 ++-- .../pytorch_ignite/pytorch_ignite_mnist.md | 2 +- .../pytorch_lightning/pytorch_lightning_example.md | 4 ++-- .../scikit-learn/sklearn_joblib_example.md | 2 +- .../scikit-learn/sklearn_matplotlib_example.md | 2 +- .../guides/frameworks/tensorboardx/tensorboardx.md | 4 ++-- .../frameworks/tensorboardx/video_tensorboardx.md | 2 +- .../tensorflow/integration_keras_tuner.md | 8 ++++---- .../frameworks/tensorflow/tensorboard_pr_curve.md | 4 ++-- .../frameworks/tensorflow/tensorboard_toy.md | 6 +++--- .../frameworks/tensorflow/tensorflow_mnist.md | 6 +++--- docs/guides/frameworks/xgboost/xgboost_metrics.md | 4 ++-- docs/guides/frameworks/xgboost/xgboost_sample.md | 4 ++-- docs/guides/reporting/3d_plots_reporting.md | 6 +++--- docs/guides/reporting/clearml_logging_example.md | 6 +++--- docs/guides/reporting/explicit_reporting.md | 7 +++---- docs/guides/reporting/html_reporting.md | 4 ++-- docs/guides/reporting/image_reporting.md | 4 ++-- .../reporting/manual_matplotlib_reporting.md | 4 ++-- docs/guides/reporting/media_reporting.md | 8 ++++---- docs/guides/reporting/pandas_reporting.md | 4 ++-- docs/guides/reporting/plotly_reporting.md | 4 ++-- docs/guides/reporting/scalar_reporting.md | 4 ++-- .../scatter_hist_confusion_mat_reporting.md | 2 +- docs/guides/reporting/text_reporting.md | 2 +- docs/guides/services/aws_autoscaler.md | 2 +- docs/guides/services/cleanup_service.md | 2 +- docs/guides/services/slack_alerts.md | 2 +- docs/release_notes/ver_1_5.md | 2 +- docs/webapp/webapp_exp_track_visual.md | 4 ++-- 57 files changed, 129 insertions(+), 123 deletions(-) diff --git a/docs/clearml_data/clearml_data.md b/docs/clearml_data/clearml_data.md index 700d7094..6192c2a8 100644 --- a/docs/clearml_data/clearml_data.md +++ b/docs/clearml_data/clearml_data.md @@ -53,7 +53,7 @@ next to the **FILE PATH**. The full dataset listing (all files included) is available in the **CONFIGURATION** section under **Dataset Content**. This allows you to quickly compare two dataset contents and visually see the difference. -The dataset genealogy DAG and change-set summary table is visualized in **RESULTS > PLOTS** +The dataset genealogy DAG and change-set summary table is visualized in **PLOTS**
@@ -80,7 +80,7 @@ View a DAG of the dataset dependencies (all previous dataset versions and their Once a dataset has been finalized, view its genealogy in the dataset's -page **>** **RESULTS** **>** **PLOTS** +page **>** **PLOTS**
Dataset Genealogy diff --git a/docs/clearml_sdk/task_sdk.md b/docs/clearml_sdk/task_sdk.md index 86f22237..daeef55a 100644 --- a/docs/clearml_sdk/task_sdk.md +++ b/docs/clearml_sdk/task_sdk.md @@ -465,7 +465,11 @@ By default, it stores the local path they are saved at. To automatically store all created models by a specific experiment, modify the `Task.init` function as such: ```python -task = Task.init(project_name='examples', task_name='storing model', output_uri='s3://my_models/') +task = Task.init( + project_name='examples', + task_name='storing model', + output_uri='s3://my_models/' +) ``` To automatically store all models created by any experiment at a specific location, edit the `clearml.conf` (see @@ -563,10 +567,14 @@ This method saves configuration objects as blobs (i.e. ClearML is not aware of t model_config_dict = { 'value': 13.37, 'dict': {'sub_value': 'string'}, 'list_of_ints': [1, 2, 3, 4], } -model_config_dict = task.connect_configuration(name='dictionary', configuration=model_config_dict) +model_config_dict = task.connect_configuration( + name='dictionary', configuration=model_config_dict +) # connect a configuration file -config_file_yaml = task.connect_configuration(name="yaml file", configuration='path/to/configuration/file.yaml', ) +config_file_yaml = task.connect_configuration( + name="yaml file", configuration='path/to/configuration/file.yaml' +) ``` ![Task configuration objects](../img/fundamentals_task_config_object.png) diff --git a/docs/guides/advanced/execute_remotely.md b/docs/guides/advanced/execute_remotely.md index e78faf14..c8fd63e5 100644 --- a/docs/guides/advanced/execute_remotely.md +++ b/docs/guides/advanced/execute_remotely.md @@ -53,7 +53,7 @@ Logger.current_logger().report_scalar( ``` These scalars can be visualized in plots, which appear in the ClearML web UI, in the experiment's -page **>** **RESULTS** **>** **SCALARS**. +page **>** **SCALARS**. ![Experiment Scalars](../../img/examples_pytorch_mnist_07.png) @@ -65,7 +65,7 @@ ClearML automatically logs command line options defined with `argparse`. They ap ## Console -Text printed to the console for training progress, as well as all other console output, appear in **RESULTS** **>** **CONSOLE**. +Text printed to the console for training progress, as well as all other console output, appear in **CONSOLE**. ![Experiment console log](../../img/examples_pytorch_mnist_06.png) diff --git a/docs/guides/distributed/distributed_pytorch_example.md b/docs/guides/distributed/distributed_pytorch_example.md index ef17fc85..52a4d142 100644 --- a/docs/guides/distributed/distributed_pytorch_example.md +++ b/docs/guides/distributed/distributed_pytorch_example.md @@ -52,7 +52,7 @@ Task.current_task().get_logger().report_scalar( ) ``` -The single scalar plot for loss appears in **RESULTS** **>** **SCALARS**. +The single scalar plot for loss appears in **SCALARS**. ![Experiment scalars](../../img/examples_pytorch_distributed_example_08.png) @@ -75,6 +75,6 @@ All the hyperparameters appear in **CONFIGURATIONS** **>** **HYPER PARAMETERS**. ## Console -Output to the console, including the text messages printed from the main Task object and each subprocess appear in **RESULTS** **>** **CONSOLE**. +Output to the console, including the text messages printed from the main Task object and each subprocess appear in **CONSOLE**. ![Experiment console log](../../img/examples_pytorch_distributed_example_06.png) \ No newline at end of file diff --git a/docs/guides/distributed/subprocess_example.md b/docs/guides/distributed/subprocess_example.md index 845079f7..1adb534b 100644 --- a/docs/guides/distributed/subprocess_example.md +++ b/docs/guides/distributed/subprocess_example.md @@ -34,6 +34,6 @@ Parameter dictionaries appear in **General**. ## Console -Output to the console, including the text messages from the Task in each subprocess, appear in **RESULTS** **>** **CONSOLE**. +Output to the console, including the text messages from the Task in each subprocess, appear in **CONSOLE**. ![image](../../img/examples_subprocess_example_02.png) \ No newline at end of file diff --git a/docs/guides/frameworks/autokeras/autokeras_imdb_example.md b/docs/guides/frameworks/autokeras/autokeras_imdb_example.md index 291b4064..86597a22 100644 --- a/docs/guides/frameworks/autokeras/autokeras_imdb_example.md +++ b/docs/guides/frameworks/autokeras/autokeras_imdb_example.md @@ -13,7 +13,7 @@ the autokeras [TextClassifier](https://autokeras.com/text_classifier/) class, an ## Scalars -The loss and accuracy metric scalar plots appear in **RESULTS** **>** **SCALARS**, along with the resource utilization plots, +The loss and accuracy metric scalar plots appear in **SCALARS**, along with the resource utilization plots, which are titled **:monitor: machine**. ![image](../../../img/examples_keras_14.png) @@ -26,7 +26,7 @@ ClearML automatically logs TensorFlow Definitions. They appear in **CONFIGURATIO ## Console -Text printed to the console for training progress, as well as all other console output, appear in **RESULTS** **>** **CONSOLE**. +Text printed to the console for training progress, as well as all other console output, appear in **CONSOLE**. ![image](../../../img/examples_keras_15.png) diff --git a/docs/guides/frameworks/catboost/catboost.md b/docs/guides/frameworks/catboost/catboost.md index 0c2f73dd..05c26f84 100644 --- a/docs/guides/frameworks/catboost/catboost.md +++ b/docs/guides/frameworks/catboost/catboost.md @@ -13,7 +13,7 @@ The example script does the following: ## Scalars ClearML automatically captures scalars logged by CatBoost. These scalars can be visualized in plots, which appear in the -[ClearML web UI](../../../webapp/webapp_overview.md), in the experiment's page **> RESULTS > SCALARS**. +[ClearML web UI](../../../webapp/webapp_overview.md), in the experiment's page **> SCALARS**. ![Experiment scalars](../../../img/examples_catboost_scalars.png) @@ -24,7 +24,7 @@ PARAMETERS > Args**. ![Experiment hyperparameters](../../../img/examples_catboost_configurations.png) ## Console -Text printed to the console for training progress, as well as all other console output, appear in **RESULTS > CONSOLE**. +Text printed to the console for training progress, as well as all other console output, appear in **CONSOLE**. ![Experiment console](../../../img/examples_catboost_console.png) diff --git a/docs/guides/frameworks/fastai/fastai_with_tensorboard.md b/docs/guides/frameworks/fastai/fastai_with_tensorboard.md index 5e0df43e..039097b0 100644 --- a/docs/guides/frameworks/fastai/fastai_with_tensorboard.md +++ b/docs/guides/frameworks/fastai/fastai_with_tensorboard.md @@ -16,18 +16,18 @@ The example code does the following: ## Scalars -ClearML automatically logs the histogram output to TensorBoard. They appear in **RESULTS** **>** **PLOTS**. +ClearML automatically logs the histogram output to TensorBoard. They appear in **PLOTS**. ![image](../../../img/examples_reporting_fastai_01.png) ## Plots -Histograms output to TensorBoard. They appear in **RESULTS** **>** **PLOTS**. +Histograms output to TensorBoard. They appear in **PLOTS**. ![image](../../../img/examples_reporting_fastai_02.png) ## Logs -Text printed to the console for training progress, as well as all other console output, appear in **RESULTS** **>** **CONSOLE**. +Text printed to the console for training progress, as well as all other console output, appear in **CONSOLE**. ![image](../../../img/examples_reporting_fastai_03.png) diff --git a/docs/guides/frameworks/keras/jupyter.md b/docs/guides/frameworks/keras/jupyter.md index 6053044f..c845d6f0 100644 --- a/docs/guides/frameworks/keras/jupyter.md +++ b/docs/guides/frameworks/keras/jupyter.md @@ -16,14 +16,14 @@ The example does the following: ## Scalars -The loss and accuracy metric scalar plots appear in **RESULTS** **>** **SCALARS**, along with the resource utilization plots, which are titled **:monitor: machine**. +The loss and accuracy metric scalar plots appear in **SCALARS**, along with the resource utilization plots, which are titled **:monitor: machine**. ![image](../../../img/examples_keras_jupyter_08.png) ## Plots The example calls Matplotlib methods to create several sample plots, and TensorBoard methods to plot histograms for layer density. -They appear in **RESULTS** **>** **PLOTS**. +They appear in **PLOTS**. ![image](../../../img/examples_keras_jupyter_03.png) @@ -33,7 +33,7 @@ They appear in **RESULTS** **>** **PLOTS**. ## Debug Samples -The example calls Matplotlib methods to log debug sample images. They appear in **RESULTS** **>** **DEBUG SAMPLES**. +The example calls Matplotlib methods to log debug sample images. They appear in **DEBUG SAMPLES**. ![image](../../../img/examples_keras_jupyter_04.png) @@ -65,7 +65,7 @@ The TensorFlow Definitions appear in the **TF_DEFINE** subsection. ## Console -Text printed to the console for training appears in **RESULTS** **>** **CONSOLE**. +Text printed to the console for training appears in **CONSOLE**. ![image](../../../img/examples_keras_jupyter_07.png) diff --git a/docs/guides/frameworks/keras/keras_tensorboard.md b/docs/guides/frameworks/keras/keras_tensorboard.md index 32822c2c..1c18e28d 100644 --- a/docs/guides/frameworks/keras/keras_tensorboard.md +++ b/docs/guides/frameworks/keras/keras_tensorboard.md @@ -22,14 +22,14 @@ The example script does the following: ## Scalars -The loss and accuracy metric scalar plots appear in **RESULTS** **>** **SCALARS**, along with the resource utilization plots, +The loss and accuracy metric scalar plots appear in **SCALARS**, along with the resource utilization plots, which are titled **:monitor: machine**. ![image](../../../img/examples_keras_01.png) ## Histograms -Histograms for layer density appear in **RESULTS** **>** **PLOTS**. +Histograms for layer density appear in **PLOTS**. ![image](../../../img/examples_keras_02.png) @@ -47,7 +47,7 @@ TensorFlow Definitions appear in **TF_DEFINE**. ## Console -Text printed to the console for training progress, as well as all other console output, appear in **RESULTS** **>** **CONSOLE**. +Text printed to the console for training progress, as well as all other console output, appear in **CONSOLE**. ![image](../../../img/keras_colab_01.png) diff --git a/docs/guides/frameworks/lightgbm/lightgbm_example.md b/docs/guides/frameworks/lightgbm/lightgbm_example.md index 0cd571db..33970fc8 100644 --- a/docs/guides/frameworks/lightgbm/lightgbm_example.md +++ b/docs/guides/frameworks/lightgbm/lightgbm_example.md @@ -13,7 +13,7 @@ The example script does the following: ## Scalars -The scalars logged in the experiment can be visualized in a plot, which appears in the ClearML web UI, in the **experiment's page > RESULTS > SCALARS**. +The scalars logged in the experiment can be visualized in a plot, which appears in the ClearML web UI, in the **experiment's page > SCALARS**. ![LightGBM scalars](../../../img/examples_lightgbm_scalars.png) @@ -32,7 +32,7 @@ models and any snapshots created using LightGBM. ## Console -All other console output appears in **RESULTS > CONSOLE**. +All other console output appears in **CONSOLE**. ![LightGBM console](../../../img/examples_lightgbm_console.png) diff --git a/docs/guides/frameworks/matplotlib/matplotlib_example.md b/docs/guides/frameworks/matplotlib/matplotlib_example.md index 8ebc5f42..ea10958a 100644 --- a/docs/guides/frameworks/matplotlib/matplotlib_example.md +++ b/docs/guides/frameworks/matplotlib/matplotlib_example.md @@ -20,7 +20,7 @@ which is associated with the `examples` project (in script) or the `Colab notebo ## Plots -The scatter plots appear in the **ClearML Web UI**, in **RESULTS** **>** **PLOTS**. +The scatter plots appear in the **ClearML Web UI**, in **PLOTS**. ![image](../../../img/examples_matplotlib_example_01.png) @@ -30,7 +30,7 @@ The scatter plots appear in the **ClearML Web UI**, in **RESULTS** **>** **PLOTS ## Debug Samples -The images appear in **RESULTS** **>** **DEBUG SAMPLES**. Each debug sample image is associated with a metric. +The images appear in **DEBUG SAMPLES**. Each debug sample image is associated with a metric. ![image](../../../img/examples_matplotlib_example_04.png) diff --git a/docs/guides/frameworks/megengine/megengine_mnist.md b/docs/guides/frameworks/megengine/megengine_mnist.md index 1dc52580..5f1cc221 100644 --- a/docs/guides/frameworks/megengine/megengine_mnist.md +++ b/docs/guides/frameworks/megengine/megengine_mnist.md @@ -25,7 +25,7 @@ The example script's `train` function calls TensorBoardX's `SummaryWriter.add_sc ClearML automatically captures the data that is added to the `SummaryWriter` object. These scalars can be visualized in plots, which appear in the ClearML [WebApp](../../../webapp/webapp_home.md), in the -experiment's **RESULTS** **>** **SCALARS** page. +experiment's **SCALARS** page. ![Scalars tab](../../../img/examples_megengine_mnist_scalars.png) @@ -49,6 +49,6 @@ The model info panel contains the model details, including: ## Console -All console output during the script’s execution appears in the experiment’s **RESULTS > CONSOLE** page. +All console output during the script’s execution appears in the experiment’s **CONSOLE** page. ![Console tab](../../../img/examples_megengine_console.png) diff --git a/docs/guides/frameworks/pytorch/notebooks/audio/audio_classification_UrbanSound8K.md b/docs/guides/frameworks/pytorch/notebooks/audio/audio_classification_UrbanSound8K.md index 99e60488..e36791a8 100644 --- a/docs/guides/frameworks/pytorch/notebooks/audio/audio_classification_UrbanSound8K.md +++ b/docs/guides/frameworks/pytorch/notebooks/audio/audio_classification_UrbanSound8K.md @@ -6,13 +6,13 @@ The example [audio_classification_UrbanSound8K.ipynb](https://github.com/allegro ## Scalars -The accuracy, learning rate, and training loss scalars are automatically logged, along with the resource utilization plots (titled **:monitor: machine**), and appear **RESULTS** **>** **SCALARS**. +The accuracy, learning rate, and training loss scalars are automatically logged, along with the resource utilization plots (titled **:monitor: machine**), and appear in **SCALARS**. ![image](../../../../../img/examples_audio_classification_UrbanSound8K_03.png) ## Debug Samples -The audio samples and spectrogram plots are automatically logged and appear in **RESULTS** **>** **DEBUG SAMPLES**. +The audio samples and spectrogram plots are automatically logged and appear in **DEBUG SAMPLES**. ### Audio Samples @@ -46,6 +46,6 @@ TensorFlow Definitions appear in the **TF_DEFINE** subsection. ## Console -Text printed to the console for training progress, as well as all other console output, appear in **RESULTS** **>** **CONSOLE**. +Text printed to the console for training progress, as well as all other console output, appear in **CONSOLE**. ![image](../../../../../img/examples_audio_classification_UrbanSound8K_02.png) \ No newline at end of file diff --git a/docs/guides/frameworks/pytorch/notebooks/audio/audio_preprocessing_example.md b/docs/guides/frameworks/pytorch/notebooks/audio/audio_preprocessing_example.md index 8910b3fa..c4b034e2 100644 --- a/docs/guides/frameworks/pytorch/notebooks/audio/audio_preprocessing_example.md +++ b/docs/guides/frameworks/pytorch/notebooks/audio/audio_preprocessing_example.md @@ -7,13 +7,13 @@ demonstrates integrating ClearML into a Jupyter Notebook which uses PyTorch and ## Plots -ClearML automatically logs the waveform which the example reports by calling a Matplotlib method. These appear in **RESULTS** **>** **PLOTS**. +ClearML automatically logs the waveform which the example reports by calling a Matplotlib method. These appear in **PLOTS**. ![image](../../../../../img/examples_audio_preprocessing_example_08.png) ## Debug Samples -ClearML automatically logs the audio samples which the example reports by calling TensorBoard methods, and the spectrogram visualizations reported by calling Matplotlib methods. They appear in **RESULTS** **>** **DEBUG SAMPLES**. +ClearML automatically logs the audio samples which the example reports by calling TensorBoard methods, and the spectrogram visualizations reported by calling Matplotlib methods. They appear in **DEBUG SAMPLES**. ### Audio Samples diff --git a/docs/guides/frameworks/pytorch/notebooks/image/hyperparameter_search.md b/docs/guides/frameworks/pytorch/notebooks/image/hyperparameter_search.md index 7b85844e..b91a6d2f 100644 --- a/docs/guides/frameworks/pytorch/notebooks/image/hyperparameter_search.md +++ b/docs/guides/frameworks/pytorch/notebooks/image/hyperparameter_search.md @@ -58,14 +58,14 @@ optimizer = HyperParameterOptimizer( ### Console -All console output appears in the optimizer task's **RESULTS > CONSOLE**. +All console output appears in the optimizer task's **CONSOLE**. ![Experiment console](../../../../../img/examples_hyperparameter_search_03.png) ### Scalars Scalar metrics for total accuracy and remaining budget by iteration, and a plot of total accuracy by iteration appear in the -experiment's **RESULTS** **>** **SCALARS**. Remaining budget indicates the percentage of total iterations for all jobs left before that total is reached. +experiment's **SCALARS**. Remaining budget indicates the percentage of total iterations for all jobs left before that total is reached. ClearML automatically reports the scalars generated by `HyperParameterOptimizer`. @@ -74,7 +74,7 @@ ClearML automatically reports the scalars generated by `HyperParameterOptimizer` ### Plots The optimization task automatically records and monitors the different trial tasks' configuration and execution details, and -provides a summary of the optimization results in tabular and parallel coordinate formats. View these plots in the task's **RESULTS** **>** +provides a summary of the optimization results in tabular and parallel coordinate formats. View these plots in the task's **PLOTS**. ![Experiment scatter plot](../../../../../img/examples_hyperparameter_search_05.png) diff --git a/docs/guides/frameworks/pytorch/notebooks/image/image_classification_CIFAR10.md b/docs/guides/frameworks/pytorch/notebooks/image/image_classification_CIFAR10.md index c8209e43..de55f1aa 100644 --- a/docs/guides/frameworks/pytorch/notebooks/image/image_classification_CIFAR10.md +++ b/docs/guides/frameworks/pytorch/notebooks/image/image_classification_CIFAR10.md @@ -13,13 +13,13 @@ Another example optimizes the hyperparameters for this image classification exam ## Scalars -The accuracy, accuracy per class, and training loss scalars are automatically logged, along with the resource utilization plots (titled **:monitor: machine**), and appear **RESULTS** **>** **SCALARS**. +The accuracy, accuracy per class, and training loss scalars are automatically logged, along with the resource utilization plots (titled **:monitor: machine**), and appear **SCALARS**. ![image](../../../../../img/examples_image_classification_CIFAR10_05.png) ## Debug Samples -The image samples are automatically logged and appear in **RESULTS** **>** **DEBUG SAMPLES**. +The image samples are automatically logged and appear in **DEBUG SAMPLES**. ![image](../../../../../img/examples_image_classification_CIFAR10_07.png) @@ -45,6 +45,6 @@ TensorFlow Definitions appear in the **TF_DEFINE** subsection. ## Console -Text printed to the console for training progress, as well as all other console output, appear in **RESULTS** **>** **CONSOLE**. +Text printed to the console for training progress, as well as all other console output, appear in **CONSOLE**. ![image](../../../../../img/examples_image_classification_CIFAR10_04.png) \ No newline at end of file diff --git a/docs/guides/frameworks/pytorch/notebooks/table/download_and_preprocessing.md b/docs/guides/frameworks/pytorch/notebooks/table/download_and_preprocessing.md index d63b31fe..2f095eb6 100644 --- a/docs/guides/frameworks/pytorch/notebooks/table/download_and_preprocessing.md +++ b/docs/guides/frameworks/pytorch/notebooks/table/download_and_preprocessing.md @@ -29,7 +29,7 @@ For example, the raw data is read into a Pandas DataFrame named `train_set`, and train_set = pd.read_csv(Path(path_to_ShelterAnimal) / 'train.csv') Logger.current_logger().report_table(title='ClearMLet - raw',series='pandas DataFrame',iteration=0, table_plot=train_set.head()) -The tables appear in **RESULTS** **>** **PLOTS**. +The tables appear in **PLOTS**. ![image](../../../../../img/download_and_preprocessing_07.png) @@ -48,6 +48,6 @@ Parameter dictionaries appear in the **General** subsection. ## Console -Output to the console appears in **RESULTS** **>** **CONSOLE**. +Output to the console appears in **CONSOLE**. ![image](../../../../../img/download_and_preprocessing_06.png) \ No newline at end of file diff --git a/docs/guides/frameworks/pytorch/notebooks/table/tabular_training_pipeline.md b/docs/guides/frameworks/pytorch/notebooks/table/tabular_training_pipeline.md index 2c2770fa..f54a6607 100644 --- a/docs/guides/frameworks/pytorch/notebooks/table/tabular_training_pipeline.md +++ b/docs/guides/frameworks/pytorch/notebooks/table/tabular_training_pipeline.md @@ -85,7 +85,7 @@ configuration_dict = task.connect(configuration_dict) # enabling configuration ClearML tracks and reports each instance of the preprocessing Task. -The raw data appears as a table in **RESULTS** **>** **PLOTS**. +The raw data appears as a table in **PLOTS**. These images are from one of the two preprocessing Tasks. @@ -159,7 +159,7 @@ configuration_dict = task.connect(configuration_dict) # enabling configuration ClearML tracks and reports the training step with each instance of the newly cloned and executed training Task. -ClearML automatically logs training loss and learning. They appear in **RESULTS** **>** **SCALARS**. +ClearML automatically logs training loss and learning. They appear in **SCALARS**. The following images show one of the two training Tasks. @@ -209,7 +209,7 @@ configuration_dict = { configuration_dict = task.connect(configuration_dict) # enabling configuration override by clearml ``` -The logs show the Task ID and accuracy for the best model in **RESULTS** **>** **LOGS**. +The logs show the Task ID and accuracy for the best model in **CONSOLE**. ![image](../../../../../img/tabular_training_pipeline_02.png) @@ -242,7 +242,7 @@ pipe.stop() ClearML tracks and reports the pipeline's execution
-ClearML reports the pipeline with its steps in **RESULTS** **>** **PLOTS**. +ClearML reports the pipeline with its steps in **PLOTS**. ![image](../../../../../img/tabular_training_pipeline_01.png) diff --git a/docs/guides/frameworks/pytorch/notebooks/text/text_classification_AG_NEWS.md b/docs/guides/frameworks/pytorch/notebooks/text/text_classification_AG_NEWS.md index 6fcddf75..13f12e93 100644 --- a/docs/guides/frameworks/pytorch/notebooks/text/text_classification_AG_NEWS.md +++ b/docs/guides/frameworks/pytorch/notebooks/text/text_classification_AG_NEWS.md @@ -8,7 +8,7 @@ to classify text in the `torchtext` [AG_NEWS](https://pytorch.org/text/stable/da ## Scalars -Accuracy, learning rate, and training loss appear in **RESULTS** **>** **SCALARS**, along with the resource utilization plots, which are titled **:monitor: machine**. +Accuracy, learning rate, and training loss appear in **SCALARS**, along with the resource utilization plots, which are titled **:monitor: machine**. ![image](../../../../../img/text_classification_AG_NEWS_03.png) @@ -36,7 +36,7 @@ Parameter dictionaries appear in the **General** subsection. ## Console -Text printed to the console for training progress, as well as all other console output, appear in **RESULTS** **>** **CONSOLE**. +Text printed to the console for training progress, as well as all other console output, appear in **CONSOLE**. ![image](../../../../../img/text_classification_AG_NEWS_02.png) diff --git a/docs/guides/frameworks/pytorch/pytorch_abseil.md b/docs/guides/frameworks/pytorch/pytorch_abseil.md index d41e14a4..a278a3e0 100644 --- a/docs/guides/frameworks/pytorch/pytorch_abseil.md +++ b/docs/guides/frameworks/pytorch/pytorch_abseil.md @@ -41,7 +41,7 @@ Logger.current_logger().report_scalar( ``` These scalars can be visualized in plots, which appear in the [ClearML web UI](../../../webapp/webapp_overview.md), in -the experiment's page **>** **RESULTS** **>** **SCALARS**. +the experiment's page **>** **SCALARS**. ![image](../../../img/examples_pytorch_mnist_07.png) @@ -54,7 +54,7 @@ ClearML automatically logs command line options defined with abseil flags. They ## Console -Text printed to the console for training progress, as well as all other console output, appear in **RESULTS** **>** **CONSOLE**. +Text printed to the console for training progress, as well as all other console output, appear in **CONSOLE**. ![image](../../../img/examples_pytorch_mnist_06.png) diff --git a/docs/guides/frameworks/pytorch/pytorch_distributed_example.md b/docs/guides/frameworks/pytorch/pytorch_distributed_example.md index 1d4bdd9f..fb0a3a06 100644 --- a/docs/guides/frameworks/pytorch/pytorch_distributed_example.md +++ b/docs/guides/frameworks/pytorch/pytorch_distributed_example.md @@ -42,7 +42,7 @@ same title (`loss`), but a different series name (containing the subprocess' `ra Task.current_task().get_logger().report_scalar( 'loss', 'worker {:02d}'.format(dist.get_rank()), value=loss.item(), iteration=i) -The single scalar plot for loss appears in **RESULTS** **>** **SCALARS**. +The single scalar plot for loss appears in **SCALARS**. ![image](../../../img/examples_pytorch_distributed_example_08.png) @@ -73,6 +73,6 @@ Task.current_task().connect(param) ## Log -Output to the console, including the text messages printed from the main Task object and each subprocess, appears in **RESULTS** **>** **CONSOLE**. +Output to the console, including the text messages printed from the main Task object and each subprocess, appears in **CONSOLE**. ![image](../../../img/examples_pytorch_distributed_example_06.png) \ No newline at end of file diff --git a/docs/guides/frameworks/pytorch/pytorch_matplotlib.md b/docs/guides/frameworks/pytorch/pytorch_matplotlib.md index 79b7c1ae..df480c55 100644 --- a/docs/guides/frameworks/pytorch/pytorch_matplotlib.md +++ b/docs/guides/frameworks/pytorch/pytorch_matplotlib.md @@ -12,7 +12,7 @@ The example does the following: ## Debug Samples -The images shown in the example script's `imshow` function appear according to metric in **RESULTS** **>** **DEBUG SAMPLES**. +The images shown in the example script's `imshow` function appear according to metric in **DEBUG SAMPLES**. ![image](../../../img/examples_pytorch_matplotlib_02.png) diff --git a/docs/guides/frameworks/pytorch/pytorch_mnist.md b/docs/guides/frameworks/pytorch/pytorch_mnist.md index 73fc4795..0ce13dcd 100644 --- a/docs/guides/frameworks/pytorch/pytorch_mnist.md +++ b/docs/guides/frameworks/pytorch/pytorch_mnist.md @@ -34,7 +34,7 @@ Logger.current_logger().report_scalar( ``` These scalars can be visualized in plots, which appear in the ClearML [web UI](../../../webapp/webapp_overview.md), -in the experiment's page **>** **RESULTS** **>** **SCALARS**. +in the experiment's page **>** **SCALARS**. ![image](../../../img/examples_pytorch_mnist_07.png) @@ -46,7 +46,7 @@ ClearML automatically logs command line options defined with `argparse`. They ap ## Console -Text printed to the console for training progress, as well as all other console output, appear in **RESULTS** **>** **CONSOLE**. +Text printed to the console for training progress, as well as all other console output, appear in **CONSOLE**. ![image](../../../img/examples_pytorch_mnist_06.png) diff --git a/docs/guides/frameworks/pytorch/pytorch_tensorboard.md b/docs/guides/frameworks/pytorch/pytorch_tensorboard.md index 8c8ec23f..d90ad926 100644 --- a/docs/guides/frameworks/pytorch/pytorch_tensorboard.md +++ b/docs/guides/frameworks/pytorch/pytorch_tensorboard.md @@ -16,13 +16,13 @@ The example does the following: In the example script, the `train` and `test` functions call the TensorBoard `SummaryWriter.add_scalar` method to log loss. These scalars, along with the resource utilization plots, which are titled **:monitor: machine**, appear in the experiment's -page in the [ClearML web UI](../../../webapp/webapp_overview.md) under **RESULTS** **>** **SCALARS**. +page in the [ClearML web UI](../../../webapp/webapp_overview.md) under **SCALARS**. ![image](../../../img/examples_pytorch_tensorboard_07.png) ## Debug Samples -ClearML automatically tracks images and text output to TensorFlow. They appear in **RESULTS** **>** **DEBUG SAMPLES**. +ClearML automatically tracks images and text output to TensorFlow. They appear in **DEBUG SAMPLES**. ![image](../../../img/examples_pytorch_tensorboard_08.png) @@ -34,7 +34,7 @@ ClearML automatically logs TensorFlow Definitions. They appear in **CONFIGURATIO ## Console -Text printed to the console for training progress, as well as all other console output, appear in **RESULTS** **>** **CONSOLE**. +Text printed to the console for training progress, as well as all other console output, appear in **CONSOLE**. ![image](../../../img/examples_pytorch_tensorboard_06.png) diff --git a/docs/guides/frameworks/pytorch/pytorch_tensorboardx.md b/docs/guides/frameworks/pytorch/pytorch_tensorboardx.md index f002f420..ee0aa5fc 100644 --- a/docs/guides/frameworks/pytorch/pytorch_tensorboardx.md +++ b/docs/guides/frameworks/pytorch/pytorch_tensorboardx.md @@ -15,7 +15,7 @@ The example does the following: ## Scalars The loss and accuracy metric scalar plots, along with the resource utilization plots, which are titled **:monitor: machine**, -appear in the experiment's page in the [web UI](../../../webapp/webapp_overview.md), under **RESULTS** **>** **SCALARS**. +appear in the experiment's page in the [web UI](../../../webapp/webapp_overview.md), under **SCALARS**. ![image](../../../img/examples_pytorch_tensorboardx_03.png) @@ -29,7 +29,7 @@ ClearML automatically logs command line options defined with `argparse`. They ap ## Log -Text printed to the console for training progress, as well as all other console output, appear in **RESULTS** **>** **CONSOLE**. +Text printed to the console for training progress, as well as all other console output, appear in **CONSOLE**. ![image](../../../img/examples_pytorch_tensorboardx_02.png) diff --git a/docs/guides/frameworks/pytorch/tensorboard_toy_pytorch.md b/docs/guides/frameworks/pytorch/tensorboard_toy_pytorch.md index ae5196a4..2876e356 100644 --- a/docs/guides/frameworks/pytorch/tensorboard_toy_pytorch.md +++ b/docs/guides/frameworks/pytorch/tensorboard_toy_pytorch.md @@ -9,8 +9,7 @@ associated with the `examples` project. ## Debug Samples -The debug sample images appear according to metric, in the experiment page in the **ClearML web UI** under **RESULTS** -**>** **DEBUG SAMPLES**. +The debug sample images appear according to metric, in the experiment page in the **ClearML web UI** under **DEBUG SAMPLES**. ![image](../../../img/examples_tensorboard_toy_pytorch_02.png) diff --git a/docs/guides/frameworks/pytorch_ignite/integration_pytorch_ignite.md b/docs/guides/frameworks/pytorch_ignite/integration_pytorch_ignite.md index 32b141c4..b0dffb44 100644 --- a/docs/guides/frameworks/pytorch_ignite/integration_pytorch_ignite.md +++ b/docs/guides/frameworks/pytorch_ignite/integration_pytorch_ignite.md @@ -35,7 +35,7 @@ into a script which uses `TensorboardLogger`, all information logged through the ClearML automatically captures scalars logged through `TensorboardLogger`. -View the scalars in the experiment's page in the **ClearML Web UI**, in **RESULTS** **>** **SCALARS**. +View the scalars in the experiment's page in the **ClearML Web UI**, in **SCALARS**. ![image](../../../img/examples_cifar_scalars.png) @@ -55,7 +55,7 @@ To view the model, in the **ARTIFACTS** tab, click the model name (or download i ## Debug Samples -ClearML automatically tracks images logged to TensorboardLogger. They appear in **RESULTS** **>** **DEBUG SAMPLES**. +ClearML automatically tracks images logged to TensorboardLogger. They appear in **DEBUG SAMPLES**. ![image](../../../img/examples_integration_pytorch_ignite_debug.png) diff --git a/docs/guides/frameworks/pytorch_ignite/pytorch_ignite_mnist.md b/docs/guides/frameworks/pytorch_ignite/pytorch_ignite_mnist.md index bf20887a..33ba68a1 100644 --- a/docs/guides/frameworks/pytorch_ignite/pytorch_ignite_mnist.md +++ b/docs/guides/frameworks/pytorch_ignite/pytorch_ignite_mnist.md @@ -142,7 +142,7 @@ When the code runs, the experiment results can be viewed in the [ClearML Web UI] ### Scalars View the scalars, including training and validation metrics, in the experiment's page in the ClearML Web UI, under -**RESULTS** **>** **SCALARS**. +**SCALARS**. ![image](../../../img/ignite_training.png) diff --git a/docs/guides/frameworks/pytorch_lightning/pytorch_lightning_example.md b/docs/guides/frameworks/pytorch_lightning/pytorch_lightning_example.md index 880c7b39..c7943d74 100644 --- a/docs/guides/frameworks/pytorch_lightning/pytorch_lightning_example.md +++ b/docs/guides/frameworks/pytorch_lightning/pytorch_lightning_example.md @@ -12,7 +12,7 @@ The example script does the following: ## Scalars -The test loss and validation loss plots appear in the experiment's page in the ClearML web UI under **RESULTS > SCALARS**. +The test loss and validation loss plots appear in the experiment's page in the ClearML web UI under **SCALARS**. Resource utilization plots, which are titled **:monitor: machine**, also appear in the **SCALARS** tab. All of these plots are automatically captured by ClearML. @@ -37,7 +37,7 @@ the model’s details and access the model. ## Console -All other console output appears in **RESULTS > CONSOLE**. +All other console output appears in **CONSOLE**. ![PyTorch Lightning console](../../../img/examples_pytorch_lightning_console.png) diff --git a/docs/guides/frameworks/scikit-learn/sklearn_joblib_example.md b/docs/guides/frameworks/scikit-learn/sklearn_joblib_example.md index 1ece6ac8..95187a48 100644 --- a/docs/guides/frameworks/scikit-learn/sklearn_joblib_example.md +++ b/docs/guides/frameworks/scikit-learn/sklearn_joblib_example.md @@ -10,7 +10,7 @@ and `matplotlib` to create a scatter diagram. When the script runs, it creates a ## Plots ClearML automatically logs the scatter plot, which appears in the [experiment's page](../../../webapp/webapp_exp_track_visual.md) -in the ClearML web UI, under **RESULTS** **>** **PLOTS**. +in the ClearML web UI, under **PLOTS**. ![image](../../../img/examples_sklearn_joblib_example_06.png) diff --git a/docs/guides/frameworks/scikit-learn/sklearn_matplotlib_example.md b/docs/guides/frameworks/scikit-learn/sklearn_matplotlib_example.md index 61d3c850..e66d5c7f 100644 --- a/docs/guides/frameworks/scikit-learn/sklearn_matplotlib_example.md +++ b/docs/guides/frameworks/scikit-learn/sklearn_matplotlib_example.md @@ -13,6 +13,6 @@ The example does the following: ## Plots -The learning curve plots appear in the **ClearML web UI** under **RESULTS** **>** **PLOTS**. +The learning curve plots appear in the **ClearML web UI** under **PLOTS**. ![image](../../../img/examples_sklearn_matplotlib_example_01.png) \ No newline at end of file diff --git a/docs/guides/frameworks/tensorboardx/tensorboardx.md b/docs/guides/frameworks/tensorboardx/tensorboardx.md index 87a9ae27..2cd5214e 100644 --- a/docs/guides/frameworks/tensorboardx/tensorboardx.md +++ b/docs/guides/frameworks/tensorboardx/tensorboardx.md @@ -14,7 +14,7 @@ The script does the following: ## Scalars The loss and accuracy metric scalar plots appear in the experiment's page in the **ClearML web UI**, under -**RESULTS** **>** **SCALARS**. The also includes resource utilization plots, which are titled **:monitor: machine**. +**SCALARS**. The also includes resource utilization plots, which are titled **:monitor: machine**. ![image](../../../img/examples_pytorch_tensorboardx_03.png) @@ -27,7 +27,7 @@ ClearML automatically logs command line options defined with `argparse`. They ap ## Console -Text printed to the console for training progress, as well as all other console output, appear in **RESULTS** **>** **CONSOLE**. +Text printed to the console for training progress, as well as all other console output, appear in **CONSOLE**. ![image](../../../img/examples_pytorch_tensorboardx_02.png) diff --git a/docs/guides/frameworks/tensorboardx/video_tensorboardx.md b/docs/guides/frameworks/tensorboardx/video_tensorboardx.md index 36ba4ec9..cba981e3 100644 --- a/docs/guides/frameworks/tensorboardx/video_tensorboardx.md +++ b/docs/guides/frameworks/tensorboardx/video_tensorboardx.md @@ -12,7 +12,7 @@ the `examples` project. ## Debug Samples ClearML automatically captures the video data that is added to the `SummaryWriter` object, using the `add_video` method. -The video appears in the experiment page in the ClearML web UI under **RESULTS > DEBUG SAMPLES**. +The video appears in the experiment page in the ClearML web UI under **DEBUG SAMPLES**. ![Debug Samples](../../../img/examples_tensorboardx_debug.png) diff --git a/docs/guides/frameworks/tensorflow/integration_keras_tuner.md b/docs/guides/frameworks/tensorflow/integration_keras_tuner.md index 60f3f8a9..6c606b32 100644 --- a/docs/guides/frameworks/tensorflow/integration_keras_tuner.md +++ b/docs/guides/frameworks/tensorflow/integration_keras_tuner.md @@ -36,14 +36,14 @@ When the script runs, it logs: ## Scalars ClearML logs the scalars from training each network. They appear in the project's page in the **ClearML web UI**, under -**RESULTS** **>** **SCALARS**. +**SCALARS**. ![image](../../../img/integration_keras_tuner_06.png) ## Summary of Hyperparameter Optimization ClearML automatically logs the parameters of each experiment run in the hyperparameter search. They appear in tabular -form in **RESULTS** **>** **PLOTS**. +form in **PLOTS**. ![image](../../../img/integration_keras_tuner_07.png) @@ -65,13 +65,13 @@ The model configuration is stored with the model. ### Hyperparameters -ClearML automatically logs the TensorFlow Definitions, which appear in **RESULTS** **>** **CONFIGURATION** **>** **HYPER PARAMETERS**. +ClearML automatically logs the TensorFlow Definitions, which appear in **CONFIGURATION** **>** **HYPER PARAMETERS**. ![image](../../../img/integration_keras_tuner_01.png) ### Configuration -The Task configuration appears in **RESULTS** **>** **CONFIGURATION** **>** **General**. +The Task configuration appears in **CONFIGURATION** **>** **General**. ![image](../../../img/integration_keras_tuner_02.png) diff --git a/docs/guides/frameworks/tensorflow/tensorboard_pr_curve.md b/docs/guides/frameworks/tensorflow/tensorboard_pr_curve.md index c5562000..3730d843 100644 --- a/docs/guides/frameworks/tensorflow/tensorboard_pr_curve.md +++ b/docs/guides/frameworks/tensorflow/tensorboard_pr_curve.md @@ -16,7 +16,7 @@ The example script does the following: ## Plots -In the **ClearML Web UI**, the PR Curve summaries appear in the experiment's page under **RESULTS** **>** **PLOTS**. +In the **ClearML Web UI**, the PR Curve summaries appear in the experiment's page under **PLOTS**. * Blue PR curves ![image](../../../img/examples_tensorboard_pr_curve_01.png) @@ -33,6 +33,6 @@ ClearML automatically logs TensorFlow Definitions. They appear in **CONFIGURATIO ## Console -All other console output appears in **RESULTS** **>** **CONSOLE**. +All other console output appears in **CONSOLE**. ![image](../../../img/examples_tensorboard_pr_curve_05.png) diff --git a/docs/guides/frameworks/tensorflow/tensorboard_toy.md b/docs/guides/frameworks/tensorflow/tensorboard_toy.md index 66009a52..0db4263b 100644 --- a/docs/guides/frameworks/tensorflow/tensorboard_toy.md +++ b/docs/guides/frameworks/tensorflow/tensorboard_toy.md @@ -11,20 +11,20 @@ project. ## Scalars -The `tf.summary.scalar` output appears in the ClearML web UI, in the experiment's **RESULTS** **>** +The `tf.summary.scalar` output appears in the ClearML web UI, in the experiment's **SCALARS**. Resource utilization plots, which are titled **:monitor: machine**, also appear in the **SCALARS** tab. ![image](../../../img/examples_tensorboard_toy_03.png) ## Plots -The `tf.summary.histogram` output appears in **RESULTS** **>** **PLOTS**. +The `tf.summary.histogram` output appears in **PLOTS**. ![image](../../../img/examples_tensorboard_toy_04.png) ## Debug Samples -ClearML automatically tracks images and text output to TensorFlow. They appear in **RESULTS** **>** **DEBUG SAMPLES**. +ClearML automatically tracks images and text output to TensorFlow. They appear in **DEBUG SAMPLES**. ![image](../../../img/examples_tensorboard_toy_05.png) diff --git a/docs/guides/frameworks/tensorflow/tensorflow_mnist.md b/docs/guides/frameworks/tensorflow/tensorflow_mnist.md index a6eda8e3..27a3f985 100644 --- a/docs/guides/frameworks/tensorflow/tensorflow_mnist.md +++ b/docs/guides/frameworks/tensorflow/tensorflow_mnist.md @@ -10,8 +10,8 @@ When the script runs, it creates an experiment named `Tensorflow v2 mnist with s ## Scalars -The loss and accuracy metric scalar plots appear in the experiment's page in the **ClearML web UI** under **RESULTS** -**>** **SCALARS**. Resource utilization plots, which are titled **:monitor: machine**, also appear in the **SCALARS** tab. +The loss and accuracy metric scalar plots appear in the experiment's page in the **ClearML web UI** under +**SCALARS**. Resource utilization plots, which are titled **:monitor: machine**, also appear in the **SCALARS** tab. ![image](../../../img/examples_tensorflow_mnist_06.png) @@ -24,7 +24,7 @@ ClearML automatically logs TensorFlow Definitions. They appear in **CONFIGURATIO ## Console -All console output appears in **RESULTS** **>** **CONSOLE**. +All console output appears in **CONSOLE**. ![image](../../../img/examples_tensorflow_mnist_05.png) diff --git a/docs/guides/frameworks/xgboost/xgboost_metrics.md b/docs/guides/frameworks/xgboost/xgboost_metrics.md index bb8143cd..5da78011 100644 --- a/docs/guides/frameworks/xgboost/xgboost_metrics.md +++ b/docs/guides/frameworks/xgboost/xgboost_metrics.md @@ -11,7 +11,7 @@ the `examples` project. ## Scalars ClearML automatically captures scalars logged with XGBoost, which can be visualized in plots in the -ClearML WebApp, in the experiment's **RESULTS > SCALARS** page. +ClearML WebApp, in the experiment's **SCALARS** page. ![Scalars](../../../img/examples_xgboost_metric_scalars.png) @@ -29,6 +29,6 @@ To view the model details, click the model name in the **ARTIFACTS** page, which ## Console -All console output during the script’s execution appears in the experiment’s **RESULTS > CONSOLE** page. +All console output during the script’s execution appears in the experiment’s **CONSOLE** page. ![Console output](../../../img/examples_xgboost_metric_console.png) \ No newline at end of file diff --git a/docs/guides/frameworks/xgboost/xgboost_sample.md b/docs/guides/frameworks/xgboost/xgboost_sample.md index c7418912..2cd0edaf 100644 --- a/docs/guides/frameworks/xgboost/xgboost_sample.md +++ b/docs/guides/frameworks/xgboost/xgboost_sample.md @@ -15,14 +15,14 @@ classification dataset using XGBoost ## Plots -The feature importance plot and tree plot appear in the project's page in the **ClearML web UI**, under **RESULTS** **>** +The feature importance plot and tree plot appear in the project's page in the **ClearML web UI**, under **PLOTS**. ![image](../../../img/examples_xgboost_sample_06.png) ## Console -All other console output appear in **RESULTS** **>** **CONSOLE**. +All other console output appear in **CONSOLE**. ![image](../../../img/examples_xgboost_sample_05.png) diff --git a/docs/guides/reporting/3d_plots_reporting.md b/docs/guides/reporting/3d_plots_reporting.md index 0c8de0e9..a37d7fe6 100644 --- a/docs/guides/reporting/3d_plots_reporting.md +++ b/docs/guides/reporting/3d_plots_reporting.md @@ -7,7 +7,7 @@ example demonstrates reporting a series as a surface plot and as a 3D scatter pl When the script runs, it creates an experiment named `3D plot reporting`, which is associated with the `examples` project. -ClearML reports these plots in the **ClearML Web UI** **>** experiment page **>** **RESULTS** tab **>** **PLOTS** sub-tab. +ClearML reports these plots in the **ClearML Web UI** **>** experiment page **>** **PLOTS** tab. ## Surface Plot @@ -27,7 +27,7 @@ Logger.current_logger().report_surface( zaxis="title Z", ) ``` -Visualize the reported surface plot in **RESULTS** **>** **PLOTS**. +Visualize the reported surface plot in **PLOTS**. ![Surface plot](../../img/examples_reporting_02.png) @@ -49,5 +49,5 @@ Logger.current_logger().report_scatter3d( ) ``` -Visualize the reported 3D scatter plot in **RESULTS** **>** **PLOTS**. +Visualize the reported 3D scatter plot in **PLOTS**. ![3d scatter plot](../../img/examples_reporting_01.png) diff --git a/docs/guides/reporting/clearml_logging_example.md b/docs/guides/reporting/clearml_logging_example.md index fa08b561..3e442c88 100644 --- a/docs/guides/reporting/clearml_logging_example.md +++ b/docs/guides/reporting/clearml_logging_example.md @@ -18,7 +18,7 @@ In the ``clearml`` GitHub repository, this example includes a clickable icon to ## Scalars To reports scalars, call the [Logger.report_scalar](../../references/sdk/logger.md#report_scalar) -method. The scalar plots appear in the **web UI** in **RESULTS** **>** **SCALARS**. +method. The scalar plots appear in the **web UI** in **SCALARS**. ```python # report two scalar series on two different graphs @@ -40,7 +40,7 @@ for i in range(10): ## Plots -Plots appear in **RESULTS** **>** **PLOTS**. +Plots appear in **PLOTS**. ### 2D Plots @@ -171,7 +171,7 @@ logger.report_histogram( ## Media Report audio, HTML, image, and video by calling the [Logger.report_media](../../references/sdk/logger.md#report_media) -method using the `local_path` parameter. They appear in **RESULTS** **>** **DEBUG SAMPLES**. +method using the `local_path` parameter. They appear in **DEBUG SAMPLES**. The media for these examples is downloaded using the [StorageManager.get_local_copy](../../references/sdk/storage.md#storagemanagerget_local_copy) method. diff --git a/docs/guides/reporting/explicit_reporting.md b/docs/guides/reporting/explicit_reporting.md index aa9bfddc..88d4fe87 100644 --- a/docs/guides/reporting/explicit_reporting.md +++ b/docs/guides/reporting/explicit_reporting.md @@ -290,10 +290,9 @@ python pytorch_mnist_tutorial.py 1. In the **ARTIFACTS** tab, **DATA AUDIT** section, click **Test_Loss_Correct**. The registered Pandas DataFrame appears, including the file path, size, hash, metadata, and a preview. 1. In the **OTHER** section, click **Loss**. The uploaded numpy array appears, including its related information. -1. Click the **RESULTS** tab. -1. Click the **CONSOLE** sub-tab, and see the debugging message showing the Pandas DataFrame sample. -1. Click the **SCALARS** sub-tab, and see the scalar plots for epoch logging loss. -1. Click the **PLOTS** sub-tab, and see the confusion matrix and histogram. +1. Click the **CONSOLE** tab, and see the debugging message showing the Pandas DataFrame sample. +1. Click the **SCALARS** tab, and see the scalar plots for epoch logging loss. +1. Click the **PLOTS** tab, and see the confusion matrix and histogram. ## Next Steps diff --git a/docs/guides/reporting/html_reporting.md b/docs/guides/reporting/html_reporting.md index 78cf2241..2dbb7528 100644 --- a/docs/guides/reporting/html_reporting.md +++ b/docs/guides/reporting/html_reporting.md @@ -6,8 +6,8 @@ The [html_reporting.py](https://github.com/allegroai/clearml/blob/master/example demonstrates reporting local HTML files and HTML by URL, using the [Logger.report_media](../../references/sdk/logger.md#report_media) method. -ClearML reports these HTML debug samples in the **ClearML Web UI** **>** experiment details **>** **RESULTS** tab **>** -**DEBUG SAMPLES** sub-tab. +ClearML reports these HTML debug samples in the **ClearML Web UI** **>** experiment details **>** +**DEBUG SAMPLES** tab. When the script runs, it creates an experiment named `html samples reporting`, which is associated with the `examples` project. diff --git a/docs/guides/reporting/image_reporting.md b/docs/guides/reporting/image_reporting.md index 2f0b327e..38f57c24 100644 --- a/docs/guides/reporting/image_reporting.md +++ b/docs/guides/reporting/image_reporting.md @@ -48,8 +48,8 @@ Logger.current_logger().report_image( ) ``` -ClearML reports these images as debug samples in the **ClearML Web UI** **>** experiment details **>** **RESULTS** tab -**>** **DEBUG SAMPLES** sub-tab. +ClearML reports these images as debug samples in the **ClearML Web UI** **>** experiment details **>** +**DEBUG SAMPLES** tab. ![image](../../img/examples_reporting_07.png) diff --git a/docs/guides/reporting/manual_matplotlib_reporting.md b/docs/guides/reporting/manual_matplotlib_reporting.md index 8edc7388..4fc07c28 100644 --- a/docs/guides/reporting/manual_matplotlib_reporting.md +++ b/docs/guides/reporting/manual_matplotlib_reporting.md @@ -8,7 +8,7 @@ example demonstrates using ClearML to log plots and images generated by Matplotl ## Plots The Matplotlib and Seaborn plots that are reported using the [Logger.report_matplotlib_figure](../../references/sdk/logger.md#report_matplotlib_figure) -method appear in the experiment’s **RESULTS** **>** **PLOTS**. +method appear in the experiment’s **PLOTS**. ![Experiment Matplotlib plots](../../img/manual_matplotlib_reporting_01.png) @@ -17,6 +17,6 @@ method appear in the experiment’s **RESULTS** **>** **PLOTS**. ## Debug Samples Matplotlib figures can be logged as images by using the [Logger.report_matplotlib_figure](../../references/sdk/logger.md#report_matplotlib_figure) -method, and passing `report_image=True`. The images are stored in the experiment’s **RESULTS > DEBUG SAMPLES**. +method, and passing `report_image=True`. The images are stored in the experiment’s **DEBUG SAMPLES**. ![Experiment debug sample](../../img/manual_matplotlib_reporting_03.png) \ No newline at end of file diff --git a/docs/guides/reporting/media_reporting.md b/docs/guides/reporting/media_reporting.md index 0c680563..0960509a 100644 --- a/docs/guides/reporting/media_reporting.md +++ b/docs/guides/reporting/media_reporting.md @@ -13,8 +13,8 @@ ClearML uploads media to the bucket specified in the ClearML configuration file (storage for [artifacts](../../clearml_sdk/task_sdk.md#setting-upload-destination) is different). Set credentials for storage in the ClearML [configuration file](../../configs/clearml_conf.md). -ClearML reports media in the **ClearML Web UI** **>** experiment details **>** **RESULTS** tab **>** **DEBUG SAMPLES** -sub-tab. +ClearML reports media in the **ClearML Web UI** **>** experiment details **>** **DEBUG SAMPLES** +tab. When the script runs, it creates an experiment named `audio and video reporting`, which is associated with the `examples` project. @@ -38,7 +38,7 @@ Logger.current_logger().report_media( ) ``` -The reported audio can be viewed in the **DEBUG SAMPLES** sub-tab. Double click a thumbnail, and the audio player opens. +The reported audio can be viewed in the **DEBUG SAMPLES** tab. Double click a thumbnail, and the audio player opens. ![image](../../img/examples_reporting_08.png) @@ -55,6 +55,6 @@ Logger.current_logger().report_media( ) ``` -The reported video can be viewed in the **DEBUG SAMPLES** sub-tab. Double click a thumbnail, and the video player opens. +The reported video can be viewed in the **DEBUG SAMPLES** tab. Double click a thumbnail, and the video player opens. ![image](../../img/examples_reporting_09.png) diff --git a/docs/guides/reporting/pandas_reporting.md b/docs/guides/reporting/pandas_reporting.md index d9ae7812..b841a35f 100644 --- a/docs/guides/reporting/pandas_reporting.md +++ b/docs/guides/reporting/pandas_reporting.md @@ -4,8 +4,8 @@ title: Tables Reporting (Pandas and CSV Files) The [pandas_reporting.py](https://github.com/allegroai/clearml/blob/master/examples/reporting/pandas_reporting.py) example demonstrates reporting tabular data from Pandas DataFrames and CSV files as tables. -ClearML reports these tables in the **ClearML Web UI** **>** experiment details **>** **RESULTS** tab **>** **PLOTS** -sub-tab. +ClearML reports these tables in the **ClearML Web UI** **>** experiment details **>** **PLOTS** +tab. When the script runs, it creates an experiment named `table reporting`, which is associated with the `examples` project. diff --git a/docs/guides/reporting/plotly_reporting.md b/docs/guides/reporting/plotly_reporting.md index d622b41b..54c24d05 100644 --- a/docs/guides/reporting/plotly_reporting.md +++ b/docs/guides/reporting/plotly_reporting.md @@ -33,7 +33,7 @@ task.get_logger().report_plotly( When the script runs, it creates an experiment named `plotly reporting`, which is associated with the examples project. -ClearML reports Plotly plots in the **ClearML Web UI** **>** experiment details **>** **RESULTS** tab **>** **PLOTS** -sub-tab. +ClearML reports Plotly plots in the **ClearML Web UI** **>** experiment details **>** **PLOTS** +tab. ![image](../../img/examples_reporting_13.png) \ No newline at end of file diff --git a/docs/guides/reporting/scalar_reporting.md b/docs/guides/reporting/scalar_reporting.md index cc8f38f2..8e777dc1 100644 --- a/docs/guides/reporting/scalar_reporting.md +++ b/docs/guides/reporting/scalar_reporting.md @@ -3,8 +3,8 @@ title: Scalars Reporting --- The [scalar_reporting.py](https://github.com/allegroai/clearml/blob/master/examples/reporting/scalar_reporting.py) script -demonstrates explicit scalar reporting. ClearML reports scalars in the **ClearML Web UI** **>** experiment details **>** -**RESULTS** tab **>** **SCALARS** sub-tab. +demonstrates explicit scalar reporting. ClearML reports scalars in the **ClearML Web UI** **>** experiment details +**>** **SCALARS** tab. When the script runs, it creates an experiment named `scalar reporting`, which is associated with the `examples` project. diff --git a/docs/guides/reporting/scatter_hist_confusion_mat_reporting.md b/docs/guides/reporting/scatter_hist_confusion_mat_reporting.md index 5166811b..3967daa8 100644 --- a/docs/guides/reporting/scatter_hist_confusion_mat_reporting.md +++ b/docs/guides/reporting/scatter_hist_confusion_mat_reporting.md @@ -8,7 +8,7 @@ example demonstrates reporting series data in the following 2D formats: * [Confusion matrices](#confusion-matrices) * [Scatter plots](#2d-scatter-plots) -ClearML reports these tables in the **ClearML Web UI**, experiment details **>** **RESULTS** tab **>** **PLOTS** sub-tab. +ClearML reports these tables in the **ClearML Web UI**, experiment details **>** **PLOTS** tab. When the script runs, it creates an experiment named `2D plots reporting`, which is associated with the `examples` project. diff --git a/docs/guides/reporting/text_reporting.md b/docs/guides/reporting/text_reporting.md index 0f182210..59860950 100644 --- a/docs/guides/reporting/text_reporting.md +++ b/docs/guides/reporting/text_reporting.md @@ -6,7 +6,7 @@ The [text_reporting.py](https://github.com/allegroai/clearml/blob/master/example demonstrates reporting explicit text, by calling the [Logger.report_text](../../references/sdk/logger.md#report_text) method. -ClearML reports these tables in the **ClearML Web UI**, experiment details, **RESULTS** tab, **CONSOLE** sub-tab. +ClearML reports these tables in the **ClearML Web UI**, experiment details, **CONSOLE** tab. When the script runs, it creates an experiment named `text reporting`, which is associated with the `examples` project. diff --git a/docs/guides/services/aws_autoscaler.md b/docs/guides/services/aws_autoscaler.md index 41f0ec9d..a2a2c45f 100644 --- a/docs/guides/services/aws_autoscaler.md +++ b/docs/guides/services/aws_autoscaler.md @@ -166,6 +166,6 @@ in [services mode](../../clearml_agent.md#services-mode) for such service tasks) ### Console -All other console output appears in the experiment’s **RESULTS > CONSOLE**. +All other console output appears in the experiment’s **CONSOLE**. ![Autoscaler console](../../img/examples_aws_autoscaler_console.png) \ No newline at end of file diff --git a/docs/guides/services/cleanup_service.md b/docs/guides/services/cleanup_service.md index 9250830a..532be5ff 100644 --- a/docs/guides/services/cleanup_service.md +++ b/docs/guides/services/cleanup_service.md @@ -60,6 +60,6 @@ The task can be reused. Clone the task, edit its parameters, and enqueue the tas ![Cleanup service configuration](../../img/example_cleanup_configuration.png) ## Console -All console output appears in the experiment’s **RESULTS > CONSOLE**. +All console output appears in the experiment’s **CONSOLE**. ![Cleanup service console](../../img/examples_cleanup_console.png) diff --git a/docs/guides/services/slack_alerts.md b/docs/guides/services/slack_alerts.md index 3e300e45..7731a8c5 100644 --- a/docs/guides/services/slack_alerts.md +++ b/docs/guides/services/slack_alerts.md @@ -86,7 +86,7 @@ execution (you’ll typically want to use a ClearML Agent running in [services m for such service tasks). ## Console -All console output appears in the experiment’s **RESULTS > CONSOLE** page. +All console output appears in the experiment’s **CONSOLE** page. ## Additional Information about slack_alerts.py diff --git a/docs/release_notes/ver_1_5.md b/docs/release_notes/ver_1_5.md index 4f0ddc16..eb533530 100644 --- a/docs/release_notes/ver_1_5.md +++ b/docs/release_notes/ver_1_5.md @@ -21,7 +21,7 @@ title: Version 1.5 **Bug Fixes** * Fix UI experiment debug samples disappearing after refresh [ClearML Server GitHub issue #136](https://github.com/allegroai/clearml-server/issues/136) * Fix deleting tasks sometimes raises errors [ClearML GitHub issue #632](https://github.com/allegroai/clearml/issues/632) -* Fix Only partial task log shown when running on ES with multiple shards +* Fix only partial task log shown when running on ES with multiple shards * Fix move task to trash is not thread-safe * Fix UI Project overview metric snapshot not showing * Fix no progress indicator when performing off-screen selection in UI experiments table diff --git a/docs/webapp/webapp_exp_track_visual.md b/docs/webapp/webapp_exp_track_visual.md index 47f96bd5..aa79d5f4 100644 --- a/docs/webapp/webapp_exp_track_visual.md +++ b/docs/webapp/webapp_exp_track_visual.md @@ -259,7 +259,7 @@ is downloadable. To view the end of the log, click **Jump to end**. ### Scalars -All scalars that ClearML automatically logs, as well as those explicitly reported in code, appear in **RESULTS** **>** +All scalars that ClearML automatically logs, as well as those explicitly reported in code, appear in **SCALARS**. Scalar values are presented as time series line chart. To see the series for a metric in high resolution, view it in full screen mode by hovering over the graph and clicking Maximize plot icon. @@ -307,7 +307,7 @@ are on the left side of the window. The tools include: See additional [plot controls](#plot-controls) below. ### Plots -Non-time-series plots appear in **RESULTS** **>** **PLOTS**. These include data reported by libraries, visualization +Non-time-series plots appear in **PLOTS**. These include data reported by libraries, visualization tools, and ClearML explicit reporting. These may include 2D and 3D plots, tables (Pandas and CSV files), and Plotly plots. Individual plots can be shown / hidden or filtered by title.