Few Shot Learning with AutoMMΒΆ

Open In Colab Open In SageMaker Studio Lab

In this tutorial we introduce a simple but effective way for few shot classification problems. We present the functionality which leverages the high-quality features from foundation models and uses SVM for few shot classification tasks. Specifically, we extract sample features with pretrained models, and use the features for SVM learning. We show the effectiveness of the foundation-model-followed-by-SVM on a text classification dataset and an image classification dataset.

Few Shot Text ClassificationΒΆ

Prepare Text DataΒΆ

We prepare all datasets in the format of pd.DataFrame as in many of our tutorials have done. For this tutorial, we’ll use a small MLDoc dataset for demonstration. The dataset is a text classification dataset, which contains 4 classes and we downsampled the training data to 10 samples per class, a.k.a 10 shots. For more details regarding MLDoc please see this link.

import pandas as pd
import os
from autogluon.core.utils.loaders import load_zip

download_dir = "./ag_automm_tutorial_fs_cls"
zip_file = "https://automl-mm-bench.s3.amazonaws.com/nlp_datasets/MLDoc-10shot-en.zip"
load_zip.unzip(zip_file, unzip_dir=download_dir)
dataset_path = os.path.join(download_dir)
train_df = pd.read_csv(f"{dataset_path}/train.csv", names=["label", "text"])
test_df = pd.read_csv(f"{dataset_path}/test.csv", names=["label", "text"])
print(train_df)
print(test_df)
Downloading ./ag_automm_tutorial_fs_cls/file.zip from https://automl-mm-bench.s3.amazonaws.com/nlp_datasets/MLDoc-10shot-en.zip...
   label                                               text
0   GCAT  b'Secretary-General Kofi Annan expressed conce...
1   CCAT  b'The health of ABB Asea Brown Boveri AG\'s Po...
2   GCAT  b'Nepali Prime Minister Lokendra Bahadur Chand...
3   CCAT  b'Integ Inc said Thursday its net loss widened...
4   GCAT  b'These are the leading stories in the Skopje ...
5   ECAT  b'Fears of a slowdown in India\'s industrial g...
6   MCAT  b'The Australian Treasury will offer a total o...
7   CCAT  b'Malaysia\'s Suria Capital Holdings Bhd and M...
8   MCAT  b'The UK gilt repo market had a quiet session ...
9   CCAT  b"Commonwealth Edison Co's (ComEd) 794 megawat...
10  GCAT  b'Police arrested 47 people on Thursday in a c...
11  GCAT  b"Army troops in the Comoros island of Anjouan...
12  ECAT  b"The House Banking Committee is considering w...
13  GCAT  b'A possible international anti-drug centre in...
14  ECAT  b'Angela Knight, economic secretary to the Bri...
15  GCAT  b'Nearly 300 people were feared dead in floods...
16  MCAT  b'The Oslo stock index fell with other Europea...
17  ECAT  b'Morgan Keegan said it won $18.540 million of...
18  CCAT  b'Britons can bank on the phone, bank on the i...
19  CCAT  b"Standard Chartered Bank and Prudential Secur...
20  CCAT  b"United Water Resources Inc said it and Lyonn...
21  ECAT  b'Tanzania on Thursday unveiled its 1997/98 bu...
22  GCAT  b'U.S. President Bill Clinton will meet Prime ...
23  CCAT  b"Pacific Century Regional Developments Ltd sa...
24  MCAT  b'The Athens bourse ended 0.65 percent lower w...
25  ECAT  b'Sri Lanka broad money supply, or M2, is seen...
26  GCAT  b'Collated results of African Nations Cup prel...
27  GCAT  b'Philippine President Fidel Ramos said on Fri...
28  MCAT  b'Shanghai copper futures ended down on heavy ...
29  CCAT  b"Goldman Sachs & Co said on Monday that David...
30  ECAT  b'Maine\'s revenues were higher than forecast ...
31  CCAT  b'Thai animal feedmillers said on Monday they ...
32  MCAT  b"Worldwide trading volume in emerging markets...
33  ECAT  b'One week ended June 25 daily avgs-millions  ...
34  ECAT  b'Algeria\'s non-energy exports reached $688 m...
35  ECAT  b'U.S. seasonally adjusted retail sales rose 1...
36  MCAT  b'The Indonesian rupiah weakened against the d...
37  MCAT  b'Brazilian stocks ended slightly higher led b...
38  MCAT  b'The price of gold hung around the psychologi...
39  MCAT  b'The won closed stronger versus the dollar on...
     label                                               text
0     CCAT  b'RJR Nabisco Holdings Corp has prevailed over...
1     ECAT  b"Britain's economy grew 0.8 percent in the fo...
2     ECAT  b'Slovenia\'s state Institute of Macroeconomic...
3     CCAT  b"Belgium's second largest bank Credit Communa...
4     GCAT  b'The IRA ordered its guerrillas to observe a ...
...    ...                                                ...
3995  CCAT  b"A consortium comprising Itochu Corp and Hanj...
3996  ECAT  b"The volume of Hong Kong's domestic exports i...
3997  ECAT  b'The Danish finance ministry said on Tuesday ...
3998  GCAT  b'A court is to investigate charges that forme...
3999  MCAT  b"German consumers of feed grains, bread rye a...

[4000 rows x 2 columns]
  0%|          | 0.00/2.59M [00:00<?, ?iB/s]
100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 2.59M/2.59M [00:00<00:00, 107MiB/s]

Train a Few Shot ClassifierΒΆ

In order to perform few shot classification, we need to use the few_shot_classification problem type.

from autogluon.multimodal import MultiModalPredictor

predictor_fs_text = MultiModalPredictor(
    problem_type="few_shot_classification",
    label="label",  # column name of the label
    eval_metric="acc",
)
predictor_fs_text.fit(train_df)
scores = predictor_fs_text.evaluate(test_df, metrics=["acc", "f1_macro"])
print(scores)
{'acc': 0.83575, 'f1_macro': 0.8344679316932194}
/home/ci/autogluon/multimodal/src/autogluon/multimodal/data/templates.py:16: UserWarning: pkg_resources is deprecated as an API. See https://setuptools.pypa.io/en/latest/pkg_resources.html. The pkg_resources package is slated for removal as early as 2025-11-30. Refrain from using this package or pin to Setuptools<81.
  import pkg_resources
No path specified. Models will be saved in: "AutogluonModels/ag-20250729_001231"
=================== System Info ===================
AutoGluon Version:  1.4.0b20250728
Python Version:     3.12.10
Operating System:   Linux
Platform Machine:   x86_64
Platform Version:   #1 SMP Wed Mar 12 14:53:59 UTC 2025
CPU Count:          8
Pytorch Version:    2.7.1+cu126
CUDA Version:       12.6
GPU Count:          1
Memory Avail:       28.42 GB / 30.95 GB (91.8%)
Disk Space Avail:   173.62 GB / 255.99 GB (67.8%)
===================================================

AutoMM starts to create your model. ✨✨✨

To track the learning progress, you can open a terminal and launch Tensorboard:
    ```shell
    # Assume you have installed tensorboard
    tensorboard --logdir /home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001231
    ```
INFO: Seed set to 0
/home/ci/autogluon/multimodal/src/autogluon/multimodal/models/utils.py:1148: UserWarning: provided max length: 512 is smaller than sentence-transformers/all-mpnet-base-v2's default: 514
  warnings.warn(
GPU Count: 1
GPU Count to be Used: 1
INFO: πŸ’‘ Tip: For seamless cloud uploads and versioning, try installing [litmodels](https://pypi.org/project/litmodels/) to enable LitModelCheckpoint, which syncs automatically with the Lightning model registry.
AutoMM has created your model. πŸŽ‰πŸŽ‰πŸŽ‰

To load the model, use the code below:
    ```python
    from autogluon.multimodal import MultiModalPredictor
    predictor = MultiModalPredictor.load("/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001231")
    ```

If you are not satisfied with the model, try to increase the training time, 
adjust the hyperparameters (https://auto.gluon.ai/stable/tutorials/multimodal/advanced_topics/customization.html),
or post issues on GitHub (https://github.com/autogluon/autogluon/issues).
INFO: πŸ’‘ Tip: For seamless cloud uploads and versioning, try installing [litmodels](https://pypi.org/project/litmodels/) to enable LitModelCheckpoint, which syncs automatically with the Lightning model registry.

Compare to the Default ClassifierΒΆ

Let’s use the default classification problem type and compare the performance with the above.

from autogluon.multimodal import MultiModalPredictor

predictor_default_text = MultiModalPredictor(
    label="label",
    problem_type="classification",
    eval_metric="acc",
)
predictor_default_text.fit(train_data=train_df)
scores = predictor_default_text.evaluate(test_df, metrics=["acc", "f1_macro"])
print(scores)
{'acc': 0.3805, 'f1_macro': 0.2994888766363928}
No path specified. Models will be saved in: "AutogluonModels/ag-20250729_001326"
=================== System Info ===================
AutoGluon Version:  1.4.0b20250728
Python Version:     3.12.10
Operating System:   Linux
Platform Machine:   x86_64
Platform Version:   #1 SMP Wed Mar 12 14:53:59 UTC 2025
CPU Count:          8
Pytorch Version:    2.7.1+cu126
CUDA Version:       12.6
GPU Count:          1
Memory Avail:       27.42 GB / 30.95 GB (88.6%)
Disk Space Avail:   172.40 GB / 255.99 GB (67.3%)
===================================================
AutoGluon infers your prediction problem is: 'multiclass' (because dtype of label-column == object).
	4 unique label values:  ['GCAT', 'CCAT', 'ECAT', 'MCAT']
	If 'multiclass' is not the correct problem_type, please manually specify the problem_type parameter during Predictor init (You may specify problem_type as one of: ['binary', 'multiclass', 'regression', 'quantile'])

AutoMM starts to create your model. ✨✨✨

To track the learning progress, you can open a terminal and launch Tensorboard:
    ```shell
    # Assume you have installed tensorboard
    tensorboard --logdir /home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001326
    ```
INFO: Seed set to 0
GPU Count: 1
GPU Count to be Used: 1
INFO: Using 16bit Automatic Mixed Precision (AMP)
INFO: GPU available: True (cuda), used: True
INFO: TPU available: False, using: 0 TPU cores
INFO: HPU available: False, using: 0 HPUs
INFO: LOCAL_RANK: 0 - CUDA_VISIBLE_DEVICES: [0]
INFO: 
  | Name              | Type                         | Params | Mode 
---------------------------------------------------------------------------
0 | model             | HFAutoModelForTextPrediction | 108 M  | train
1 | validation_metric | MulticlassAccuracy           | 0      | train
2 | loss_func         | CrossEntropyLoss             | 0      | train
---------------------------------------------------------------------------
108 M     Trainable params
0         Non-trainable params
108 M     Total params
435.579   Total estimated model params size (MB)
229       Modules in train mode
0         Modules in eval mode
/home/ci/opt/venv/lib/python3.12/site-packages/lightning/pytorch/loops/fit_loop.py:310: The number of training batches (4) is smaller than the logging interval Trainer(log_every_n_steps=10). Set a lower value for log_every_n_steps if you want to see logs for the training epoch.
INFO: Epoch 0, global step 1: 'val_accuracy' reached 0.37500 (best 0.37500), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001326/epoch=0-step=1.ckpt' as top 3
INFO: Epoch 1, global step 2: 'val_accuracy' reached 0.50000 (best 0.50000), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001326/epoch=1-step=2.ckpt' as top 3
INFO: Epoch 2, global step 3: 'val_accuracy' reached 0.37500 (best 0.50000), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001326/epoch=2-step=3.ckpt' as top 3
INFO: Epoch 3, global step 4: 'val_accuracy' was not in top 3
INFO: Epoch 4, global step 5: 'val_accuracy' reached 0.50000 (best 0.50000), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001326/epoch=4-step=5.ckpt' as top 3
INFO: Epoch 5, global step 6: 'val_accuracy' reached 0.50000 (best 0.50000), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001326/epoch=5-step=6.ckpt' as top 3
INFO: Epoch 6, global step 7: 'val_accuracy' was not in top 3
Start to fuse 3 checkpoints via the greedy soup algorithm.
INFO: πŸ’‘ Tip: For seamless cloud uploads and versioning, try installing [litmodels](https://pypi.org/project/litmodels/) to enable LitModelCheckpoint, which syncs automatically with the Lightning model registry.
INFO: πŸ’‘ Tip: For seamless cloud uploads and versioning, try installing [litmodels](https://pypi.org/project/litmodels/) to enable LitModelCheckpoint, which syncs automatically with the Lightning model registry.
INFO: πŸ’‘ Tip: For seamless cloud uploads and versioning, try installing [litmodels](https://pypi.org/project/litmodels/) to enable LitModelCheckpoint, which syncs automatically with the Lightning model registry.
AutoMM has created your model. πŸŽ‰πŸŽ‰πŸŽ‰

To load the model, use the code below:
    ```python
    from autogluon.multimodal import MultiModalPredictor
    predictor = MultiModalPredictor.load("/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001326")
    ```

If you are not satisfied with the model, try to increase the training time, 
adjust the hyperparameters (https://auto.gluon.ai/stable/tutorials/multimodal/advanced_topics/customization.html),
or post issues on GitHub (https://github.com/autogluon/autogluon/issues).
INFO: πŸ’‘ Tip: For seamless cloud uploads and versioning, try installing [litmodels](https://pypi.org/project/litmodels/) to enable LitModelCheckpoint, which syncs automatically with the Lightning model registry.

Few Shot Image ClassificationΒΆ

We also provide an example of using MultiModalPredictor on a few-shot image classification task.

Load DatasetΒΆ

We use the Stanford Cars dataset for demonstration and have downsampled the training set to have 8 samples per class. The Stanford Cars is an image classification dataset and contains 196 classes. For more information regarding the dataset, please see here.

import os
from autogluon.core.utils.loaders import load_zip, load_s3

download_dir = "./ag_automm_tutorial_fs_cls/stanfordcars/"
zip_file = "https://automl-mm-bench.s3.amazonaws.com/vision_datasets/stanfordcars/stanfordcars.zip"
train_csv = "https://automl-mm-bench.s3.amazonaws.com/vision_datasets/stanfordcars/train_8shot.csv"
test_csv = "https://automl-mm-bench.s3.amazonaws.com/vision_datasets/stanfordcars/test.csv"

load_zip.unzip(zip_file, unzip_dir=download_dir)
dataset_path = os.path.join(download_dir)
Downloading ./ag_automm_tutorial_fs_cls/stanfordcars//file.zip from https://automl-mm-bench.s3.amazonaws.com/vision_datasets/stanfordcars/stanfordcars.zip...
  0%|          | 0.00/1.96G [00:00<?, ?iB/s]
  0%|          | 8.38M/1.96G [00:00<00:29, 66.8MiB/s]
  1%|          | 15.1M/1.96G [00:00<00:42, 45.3MiB/s]
  1%|          | 19.9M/1.96G [00:00<00:46, 41.5MiB/s]
  1%|▏         | 25.2M/1.96G [00:00<00:49, 39.3MiB/s]
  2%|▏         | 33.5M/1.96G [00:00<00:41, 46.3MiB/s]
  2%|▏         | 41.6M/1.96G [00:00<00:34, 55.2MiB/s]
  2%|▏         | 47.4M/1.96G [00:00<00:38, 49.1MiB/s]
  3%|β–Ž         | 52.6M/1.96G [00:01<00:42, 45.3MiB/s]
  3%|β–Ž         | 58.7M/1.96G [00:01<00:45, 42.1MiB/s]
  3%|β–Ž         | 65.7M/1.96G [00:01<00:40, 46.3MiB/s]
  4%|β–Ž         | 70.5M/1.96G [00:01<00:42, 44.7MiB/s]
  4%|▍         | 81.1M/1.96G [00:01<00:31, 59.8MiB/s]
  4%|▍         | 87.5M/1.96G [00:01<00:32, 57.8MiB/s]
  5%|▍         | 96.1M/1.96G [00:01<00:28, 65.0MiB/s]
  5%|β–Œ         | 103M/1.96G [00:01<00:27, 66.5MiB/s]
  6%|β–Œ         | 110M/1.96G [00:02<00:31, 58.1MiB/s]
  6%|β–Œ         | 117M/1.96G [00:02<00:33, 54.5MiB/s]
  6%|β–‹         | 126M/1.96G [00:02<00:30, 59.9MiB/s]
  7%|β–‹         | 134M/1.96G [00:02<00:30, 60.5MiB/s]
  7%|β–‹         | 141M/1.96G [00:02<00:29, 62.3MiB/s]
  8%|β–Š         | 148M/1.96G [00:02<00:32, 56.5MiB/s]
  8%|β–Š         | 153M/1.96G [00:02<00:33, 54.4MiB/s]
  8%|β–Š         | 159M/1.96G [00:02<00:33, 54.1MiB/s]
  8%|β–Š         | 166M/1.96G [00:03<00:41, 43.0MiB/s]
  9%|β–Š         | 171M/1.96G [00:03<00:48, 37.0MiB/s]
  9%|β–‰         | 178M/1.96G [00:03<00:39, 44.8MiB/s]
  9%|β–‰         | 185M/1.96G [00:03<00:42, 41.6MiB/s]
 10%|β–‰         | 193M/1.96G [00:03<00:37, 47.6MiB/s]
 10%|β–ˆ         | 201M/1.96G [00:03<00:31, 55.4MiB/s]
 11%|β–ˆ         | 210M/1.96G [00:04<00:32, 54.2MiB/s]
 11%|β–ˆ         | 217M/1.96G [00:04<00:30, 56.7MiB/s]
 11%|β–ˆβ–        | 223M/1.96G [00:04<00:34, 50.2MiB/s]
 12%|β–ˆβ–        | 228M/1.96G [00:04<00:50, 34.0MiB/s]
 12%|β–ˆβ–        | 233M/1.96G [00:04<00:55, 31.1MiB/s]
 12%|β–ˆβ–        | 237M/1.96G [00:05<00:59, 28.8MiB/s]
 12%|β–ˆβ–        | 243M/1.96G [00:05<00:55, 30.9MiB/s]
 13%|β–ˆβ–Ž        | 252M/1.96G [00:05<00:46, 36.3MiB/s]
 13%|β–ˆβ–Ž        | 259M/1.96G [00:05<00:43, 38.7MiB/s]
 13%|β–ˆβ–Ž        | 263M/1.96G [00:05<00:50, 33.7MiB/s]
 14%|β–ˆβ–Ž        | 268M/1.96G [00:05<00:54, 30.8MiB/s]
 14%|β–ˆβ–        | 276M/1.96G [00:06<00:43, 39.1MiB/s]
 14%|β–ˆβ–        | 280M/1.96G [00:06<00:45, 36.7MiB/s]
 15%|β–ˆβ–        | 285M/1.96G [00:06<00:44, 37.5MiB/s]
 15%|β–ˆβ–        | 289M/1.96G [00:06<00:49, 33.6MiB/s]
 15%|β–ˆβ–Œ        | 294M/1.96G [00:06<00:43, 37.9MiB/s]
 15%|β–ˆβ–Œ        | 302M/1.96G [00:06<00:41, 39.4MiB/s]
 16%|β–ˆβ–Œ        | 310M/1.96G [00:06<00:37, 43.5MiB/s]
 16%|β–ˆβ–Œ        | 317M/1.96G [00:07<00:34, 48.2MiB/s]
 16%|β–ˆβ–‹        | 322M/1.96G [00:07<00:37, 43.1MiB/s]
 17%|β–ˆβ–‹        | 327M/1.96G [00:07<00:48, 33.7MiB/s]
 17%|β–ˆβ–‹        | 331M/1.96G [00:07<00:49, 33.1MiB/s]
 17%|β–ˆβ–‹        | 334M/1.96G [00:07<00:50, 32.2MiB/s]
 17%|β–ˆβ–‹        | 338M/1.96G [00:07<00:49, 32.4MiB/s]
 18%|β–ˆβ–Š        | 344M/1.96G [00:07<00:48, 33.6MiB/s]
 18%|β–ˆβ–Š        | 352M/1.96G [00:08<00:36, 43.9MiB/s]
 18%|β–ˆβ–Š        | 362M/1.96G [00:08<00:28, 56.0MiB/s]
 19%|β–ˆβ–‰        | 368M/1.96G [00:08<00:28, 55.1MiB/s]
 19%|β–ˆβ–‰        | 374M/1.96G [00:08<00:29, 53.0MiB/s]
 19%|β–ˆβ–‰        | 380M/1.96G [00:08<00:28, 55.9MiB/s]
 20%|β–ˆβ–‰        | 386M/1.96G [00:08<00:30, 50.8MiB/s]
 20%|β–ˆβ–ˆ        | 394M/1.96G [00:08<00:26, 58.8MiB/s]
 21%|β–ˆβ–ˆ        | 403M/1.96G [00:08<00:28, 54.4MiB/s]
 21%|β–ˆβ–ˆ        | 409M/1.96G [00:09<00:31, 49.8MiB/s]
 21%|β–ˆβ–ˆ        | 414M/1.96G [00:09<00:34, 44.4MiB/s]
 21%|β–ˆβ–ˆβ–       | 419M/1.96G [00:09<00:38, 39.5MiB/s]
 22%|β–ˆβ–ˆβ–       | 428M/1.96G [00:09<00:34, 43.7MiB/s]
 22%|β–ˆβ–ˆβ–       | 436M/1.96G [00:09<00:31, 47.9MiB/s]
 23%|β–ˆβ–ˆβ–Ž       | 443M/1.96G [00:09<00:34, 43.9MiB/s]
 23%|β–ˆβ–ˆβ–Ž       | 448M/1.96G [00:09<00:35, 42.5MiB/s]
 23%|β–ˆβ–ˆβ–Ž       | 452M/1.96G [00:10<00:37, 40.0MiB/s]
 23%|β–ˆβ–ˆβ–Ž       | 456M/1.96G [00:10<00:40, 36.9MiB/s]
 24%|β–ˆβ–ˆβ–Ž       | 462M/1.96G [00:10<00:36, 41.3MiB/s]
 24%|β–ˆβ–ˆβ–       | 468M/1.96G [00:10<00:38, 39.1MiB/s]
 24%|β–ˆβ–ˆβ–       | 472M/1.96G [00:10<00:41, 35.6MiB/s]
 24%|β–ˆβ–ˆβ–       | 476M/1.96G [00:10<00:41, 36.0MiB/s]
 25%|β–ˆβ–ˆβ–       | 480M/1.96G [00:10<00:46, 32.0MiB/s]
 25%|β–ˆβ–ˆβ–       | 487M/1.96G [00:11<00:38, 38.5MiB/s]
 25%|β–ˆβ–ˆβ–Œ       | 493M/1.96G [00:11<00:32, 45.3MiB/s]
 25%|β–ˆβ–ˆβ–Œ       | 498M/1.96G [00:11<00:40, 36.1MiB/s]
 26%|β–ˆβ–ˆβ–Œ       | 504M/1.96G [00:11<00:34, 42.3MiB/s]
 26%|β–ˆβ–ˆβ–Œ       | 512M/1.96G [00:11<00:31, 45.3MiB/s]
 27%|β–ˆβ–ˆβ–‹       | 520M/1.96G [00:11<00:30, 47.2MiB/s]
 27%|β–ˆβ–ˆβ–‹       | 528M/1.96G [00:11<00:27, 51.4MiB/s]
 27%|β–ˆβ–ˆβ–‹       | 535M/1.96G [00:12<00:33, 42.7MiB/s]
 28%|β–ˆβ–ˆβ–Š       | 540M/1.96G [00:12<00:39, 35.8MiB/s]
 28%|β–ˆβ–ˆβ–Š       | 544M/1.96G [00:12<00:46, 30.5MiB/s]
 28%|β–ˆβ–ˆβ–Š       | 547M/1.96G [00:12<00:46, 30.4MiB/s]
 28%|β–ˆβ–ˆβ–Š       | 554M/1.96G [00:12<00:42, 33.4MiB/s]
 29%|β–ˆβ–ˆβ–Š       | 562M/1.96G [00:12<00:33, 41.8MiB/s]
 29%|β–ˆβ–ˆβ–‰       | 570M/1.96G [00:13<00:27, 49.6MiB/s]
 30%|β–ˆβ–ˆβ–‰       | 579M/1.96G [00:13<00:28, 49.0MiB/s]
 30%|β–ˆβ–ˆβ–‰       | 586M/1.96G [00:13<00:35, 39.2MiB/s]
 30%|β–ˆβ–ˆβ–ˆ       | 590M/1.96G [00:13<00:34, 39.5MiB/s]
 30%|β–ˆβ–ˆβ–ˆ       | 596M/1.96G [00:13<00:35, 38.1MiB/s]
 31%|β–ˆβ–ˆβ–ˆ       | 603M/1.96G [00:13<00:36, 37.2MiB/s]
 31%|β–ˆβ–ˆβ–ˆ       | 607M/1.96G [00:14<00:40, 33.3MiB/s]
 31%|β–ˆβ–ˆβ–ˆ       | 611M/1.96G [00:14<00:40, 33.0MiB/s]
 31%|β–ˆβ–ˆβ–ˆβ–      | 614M/1.96G [00:14<00:46, 29.2MiB/s]
 32%|β–ˆβ–ˆβ–ˆβ–      | 619M/1.96G [00:14<00:41, 32.5MiB/s]
 32%|β–ˆβ–ˆβ–ˆβ–      | 622M/1.96G [00:14<00:40, 33.2MiB/s]
 32%|β–ˆβ–ˆβ–ˆβ–      | 629M/1.96G [00:14<00:33, 39.6MiB/s]
 33%|β–ˆβ–ˆβ–ˆβ–Ž      | 638M/1.96G [00:14<00:27, 48.4MiB/s]
 33%|β–ˆβ–ˆβ–ˆβ–Ž      | 646M/1.96G [00:14<00:23, 56.6MiB/s]
 33%|β–ˆβ–ˆβ–ˆβ–Ž      | 654M/1.96G [00:15<00:23, 54.3MiB/s]
 34%|β–ˆβ–ˆβ–ˆβ–      | 663M/1.96G [00:15<00:22, 57.2MiB/s]
 34%|β–ˆβ–ˆβ–ˆβ–      | 669M/1.96G [00:15<00:26, 48.3MiB/s]
 34%|β–ˆβ–ˆβ–ˆβ–      | 674M/1.96G [00:15<00:33, 38.1MiB/s]
 35%|β–ˆβ–ˆβ–ˆβ–      | 680M/1.96G [00:15<00:30, 41.9MiB/s]
 35%|β–ˆβ–ˆβ–ˆβ–Œ      | 688M/1.96G [00:15<00:28, 44.2MiB/s]
 36%|β–ˆβ–ˆβ–ˆβ–Œ      | 696M/1.96G [00:16<00:25, 49.8MiB/s]
 36%|β–ˆβ–ˆβ–ˆβ–Œ      | 703M/1.96G [00:16<00:31, 39.7MiB/s]
 36%|β–ˆβ–ˆβ–ˆβ–Œ      | 707M/1.96G [00:16<00:36, 34.1MiB/s]
 36%|β–ˆβ–ˆβ–ˆβ–‹      | 712M/1.96G [00:16<00:35, 34.7MiB/s]
 37%|β–ˆβ–ˆβ–ˆβ–‹      | 715M/1.96G [00:16<00:39, 31.1MiB/s]
 37%|β–ˆβ–ˆβ–ˆβ–‹      | 721M/1.96G [00:16<00:37, 33.3MiB/s]
 37%|β–ˆβ–ˆβ–ˆβ–‹      | 727M/1.96G [00:17<00:32, 37.5MiB/s]
 37%|β–ˆβ–ˆβ–ˆβ–‹      | 732M/1.96G [00:17<00:30, 39.8MiB/s]
 38%|β–ˆβ–ˆβ–ˆβ–Š      | 737M/1.96G [00:17<00:28, 42.6MiB/s]
 38%|β–ˆβ–ˆβ–ˆβ–Š      | 741M/1.96G [00:17<00:33, 36.2MiB/s]
 38%|β–ˆβ–ˆβ–ˆβ–Š      | 747M/1.96G [00:17<00:32, 37.5MiB/s]
 39%|β–ˆβ–ˆβ–ˆβ–Š      | 754M/1.96G [00:17<00:25, 47.4MiB/s]
 39%|β–ˆβ–ˆβ–ˆβ–‰      | 760M/1.96G [00:17<00:34, 35.2MiB/s]
 39%|β–ˆβ–ˆβ–ˆβ–‰      | 764M/1.96G [00:18<00:43, 27.7MiB/s]
 39%|β–ˆβ–ˆβ–ˆβ–‰      | 770M/1.96G [00:18<00:34, 34.5MiB/s]
 40%|β–ˆβ–ˆβ–ˆβ–‰      | 775M/1.96G [00:18<00:37, 31.9MiB/s]
 40%|β–ˆβ–ˆβ–ˆβ–‰      | 779M/1.96G [00:18<00:35, 33.4MiB/s]
 40%|β–ˆβ–ˆβ–ˆβ–‰      | 782M/1.96G [00:18<00:36, 32.3MiB/s]
 40%|β–ˆβ–ˆβ–ˆβ–ˆ      | 789M/1.96G [00:18<00:34, 34.4MiB/s]
 41%|β–ˆβ–ˆβ–ˆβ–ˆ      | 797M/1.96G [00:19<00:29, 38.7MiB/s]
 41%|β–ˆβ–ˆβ–ˆβ–ˆ      | 804M/1.96G [00:19<00:25, 44.7MiB/s]
 41%|β–ˆβ–ˆβ–ˆβ–ˆβ–     | 809M/1.96G [00:19<00:25, 44.4MiB/s]
 42%|β–ˆβ–ˆβ–ˆβ–ˆβ–     | 814M/1.96G [00:19<00:25, 44.2MiB/s]
 42%|β–ˆβ–ˆβ–ˆβ–ˆβ–     | 820M/1.96G [00:19<00:25, 45.5MiB/s]
 42%|β–ˆβ–ˆβ–ˆβ–ˆβ–     | 825M/1.96G [00:19<00:28, 39.6MiB/s]
 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž     | 832M/1.96G [00:19<00:23, 47.5MiB/s]
 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž     | 837M/1.96G [00:19<00:24, 45.7MiB/s]
 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž     | 842M/1.96G [00:20<00:27, 40.4MiB/s]
 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž     | 848M/1.96G [00:20<00:24, 44.5MiB/s]
 44%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž     | 856M/1.96G [00:20<00:20, 54.4MiB/s]
 44%|β–ˆβ–ˆβ–ˆβ–ˆβ–     | 864M/1.96G [00:20<00:22, 47.8MiB/s]
 44%|β–ˆβ–ˆβ–ˆβ–ˆβ–     | 871M/1.96G [00:20<00:20, 52.8MiB/s]
 45%|β–ˆβ–ˆβ–ˆβ–ˆβ–     | 877M/1.96G [00:20<00:23, 46.8MiB/s]
 45%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ     | 882M/1.96G [00:20<00:24, 43.8MiB/s]
 45%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ     | 889M/1.96G [00:21<00:26, 40.1MiB/s]
 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ     | 896M/1.96G [00:21<00:22, 46.2MiB/s]
 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ     | 901M/1.96G [00:21<00:26, 39.8MiB/s]
 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹     | 906M/1.96G [00:21<00:24, 42.3MiB/s]
 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹     | 914M/1.96G [00:21<00:20, 50.4MiB/s]
 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹     | 920M/1.96G [00:21<00:23, 43.6MiB/s]
 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹     | 924M/1.96G [00:21<00:30, 33.8MiB/s]
 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š     | 931M/1.96G [00:22<00:24, 41.3MiB/s]
 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š     | 940M/1.96G [00:22<00:22, 45.9MiB/s]
 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š     | 946M/1.96G [00:22<00:25, 39.9MiB/s]
 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š     | 951M/1.96G [00:22<00:31, 32.4MiB/s]
 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰     | 955M/1.96G [00:22<00:30, 33.2MiB/s]
 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰     | 958M/1.96G [00:22<00:31, 31.3MiB/s]
 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰     | 965M/1.96G [00:23<00:30, 32.6MiB/s]
 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰     | 973M/1.96G [00:23<00:26, 36.8MiB/s]
 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ     | 980M/1.96G [00:23<00:23, 42.2MiB/s]
 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ     | 984M/1.96G [00:23<00:24, 40.1MiB/s]
 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ     | 990M/1.96G [00:23<00:25, 37.4MiB/s]
 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ     | 1.00G/1.96G [00:23<00:18, 51.5MiB/s]
 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–    | 1.01G/1.96G [00:23<00:18, 51.2MiB/s]
 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–    | 1.01G/1.96G [00:23<00:17, 54.0MiB/s]
 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–    | 1.02G/1.96G [00:24<00:20, 44.9MiB/s]
 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–    | 1.02G/1.96G [00:24<00:21, 43.3MiB/s]
 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž    | 1.03G/1.96G [00:24<00:20, 44.2MiB/s]
 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž    | 1.03G/1.96G [00:24<00:23, 38.6MiB/s]
 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž    | 1.04G/1.96G [00:24<00:23, 38.9MiB/s]
 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž    | 1.05G/1.96G [00:24<00:18, 49.3MiB/s]
 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–    | 1.06G/1.96G [00:24<00:16, 54.8MiB/s]
 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–    | 1.07G/1.96G [00:25<00:17, 50.3MiB/s]
 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–    | 1.07G/1.96G [00:25<00:16, 54.2MiB/s]
 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ    | 1.08G/1.96G [00:25<00:15, 56.8MiB/s]
 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ    | 1.09G/1.96G [00:25<00:15, 55.9MiB/s]
 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ    | 1.09G/1.96G [00:25<00:25, 34.6MiB/s]
 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ    | 1.10G/1.96G [00:25<00:22, 37.5MiB/s]
 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹    | 1.10G/1.96G [00:26<00:25, 34.1MiB/s]
 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹    | 1.11G/1.96G [00:26<00:26, 32.2MiB/s]
 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹    | 1.11G/1.96G [00:26<00:23, 36.4MiB/s]
 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹    | 1.12G/1.96G [00:26<00:22, 37.3MiB/s]
 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹    | 1.12G/1.96G [00:26<00:22, 37.6MiB/s]
 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š    | 1.13G/1.96G [00:26<00:25, 32.7MiB/s]
 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š    | 1.13G/1.96G [00:27<00:26, 30.7MiB/s]
 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š    | 1.14G/1.96G [00:27<00:22, 36.7MiB/s]
 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š    | 1.15G/1.96G [00:27<00:18, 43.8MiB/s]
 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰    | 1.15G/1.96G [00:27<00:19, 42.3MiB/s]
 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰    | 1.16G/1.96G [00:27<00:19, 40.2MiB/s]
 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰    | 1.17G/1.96G [00:27<00:18, 42.6MiB/s]
 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰    | 1.17G/1.96G [00:27<00:18, 42.9MiB/s]
 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ    | 1.18G/1.96G [00:28<00:17, 44.6MiB/s]
 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ    | 1.19G/1.96G [00:28<00:20, 37.4MiB/s]
 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ    | 1.19G/1.96G [00:28<00:22, 34.4MiB/s]
 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ    | 1.20G/1.96G [00:28<00:21, 35.9MiB/s]
 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–   | 1.20G/1.96G [00:28<00:22, 34.3MiB/s]
 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–   | 1.21G/1.96G [00:28<00:19, 39.3MiB/s]
 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–   | 1.22G/1.96G [00:29<00:16, 46.2MiB/s]
 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž   | 1.22G/1.96G [00:29<00:16, 44.1MiB/s]
 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž   | 1.23G/1.96G [00:29<00:15, 45.9MiB/s]
 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž   | 1.24G/1.96G [00:29<00:15, 47.2MiB/s]
 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž   | 1.24G/1.96G [00:29<00:17, 40.5MiB/s]
 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–   | 1.25G/1.96G [00:29<00:18, 37.7MiB/s]
 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–   | 1.25G/1.96G [00:29<00:19, 35.9MiB/s]
 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–   | 1.26G/1.96G [00:30<00:19, 36.1MiB/s]
 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–   | 1.26G/1.96G [00:30<00:19, 35.5MiB/s]
 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–   | 1.26G/1.96G [00:30<00:19, 35.8MiB/s]
 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–   | 1.27G/1.96G [00:30<00:22, 30.8MiB/s]
 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ   | 1.28G/1.96G [00:30<00:17, 38.6MiB/s]
 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ   | 1.28G/1.96G [00:30<00:15, 42.1MiB/s]
 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ   | 1.29G/1.96G [00:30<00:13, 48.6MiB/s]
 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ   | 1.30G/1.96G [00:30<00:15, 43.8MiB/s]
 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹   | 1.30G/1.96G [00:31<00:13, 49.7MiB/s]
 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹   | 1.31G/1.96G [00:31<00:15, 42.6MiB/s]
 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹   | 1.32G/1.96G [00:31<00:13, 47.7MiB/s]
 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š   | 1.33G/1.96G [00:31<00:11, 53.8MiB/s]
 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š   | 1.33G/1.96G [00:31<00:15, 39.5MiB/s]
 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š   | 1.34G/1.96G [00:31<00:16, 37.9MiB/s]
 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š   | 1.34G/1.96G [00:32<00:16, 37.8MiB/s]
 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰   | 1.35G/1.96G [00:32<00:12, 46.9MiB/s]
 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰   | 1.36G/1.96G [00:32<00:13, 45.1MiB/s]
 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰   | 1.37G/1.96G [00:32<00:10, 56.3MiB/s]
 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ   | 1.38G/1.96G [00:32<00:10, 56.3MiB/s]
 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ   | 1.38G/1.96G [00:32<00:11, 51.1MiB/s]
 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ   | 1.39G/1.96G [00:32<00:11, 51.8MiB/s]
 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ   | 1.39G/1.96G [00:33<00:12, 45.1MiB/s]
 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–  | 1.40G/1.96G [00:33<00:12, 43.7MiB/s]
 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–  | 1.40G/1.96G [00:33<00:16, 33.6MiB/s]
 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–  | 1.41G/1.96G [00:33<00:16, 32.7MiB/s]
 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–  | 1.42G/1.96G [00:33<00:15, 34.9MiB/s]
 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž  | 1.42G/1.96G [00:33<00:14, 37.8MiB/s]
 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž  | 1.43G/1.96G [00:34<00:15, 34.9MiB/s]
 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž  | 1.43G/1.96G [00:34<00:13, 39.0MiB/s]
 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž  | 1.44G/1.96G [00:34<00:11, 44.2MiB/s]
 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–  | 1.45G/1.96G [00:34<00:13, 39.2MiB/s]
 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–  | 1.45G/1.96G [00:34<00:12, 39.9MiB/s]
 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–  | 1.46G/1.96G [00:34<00:10, 47.2MiB/s]
 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–  | 1.47G/1.96G [00:34<00:10, 48.0MiB/s]
 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ  | 1.47G/1.96G [00:35<00:12, 39.8MiB/s]
 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ  | 1.48G/1.96G [00:35<00:13, 34.9MiB/s]
 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ  | 1.48G/1.96G [00:35<00:12, 38.1MiB/s]
 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹  | 1.49G/1.96G [00:35<00:10, 42.8MiB/s]
 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹  | 1.50G/1.96G [00:35<00:10, 44.3MiB/s]
 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹  | 1.50G/1.96G [00:35<00:12, 36.5MiB/s]
 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹  | 1.51G/1.96G [00:36<00:13, 33.7MiB/s]
 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹  | 1.51G/1.96G [00:36<00:17, 26.0MiB/s]
 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹  | 1.52G/1.96G [00:36<00:15, 27.7MiB/s]
 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š  | 1.52G/1.96G [00:36<00:14, 30.8MiB/s]
 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š  | 1.53G/1.96G [00:36<00:11, 36.9MiB/s]
 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š  | 1.54G/1.96G [00:36<00:09, 46.0MiB/s]
 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š  | 1.54G/1.96G [00:37<00:09, 44.2MiB/s]
 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰  | 1.55G/1.96G [00:37<00:09, 42.9MiB/s]
 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰  | 1.55G/1.96G [00:37<00:08, 49.7MiB/s]
 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰  | 1.56G/1.96G [00:37<00:08, 48.7MiB/s]
 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ  | 1.57G/1.96G [00:37<00:07, 50.8MiB/s]
 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ  | 1.58G/1.96G [00:37<00:07, 53.3MiB/s]
 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ  | 1.58G/1.96G [00:37<00:09, 41.1MiB/s]
 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ  | 1.59G/1.96G [00:37<00:08, 46.0MiB/s]
 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 1.59G/1.96G [00:38<00:09, 39.3MiB/s]
 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 1.60G/1.96G [00:38<00:07, 47.6MiB/s]
 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 1.61G/1.96G [00:38<00:07, 45.2MiB/s]
 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 1.62G/1.96G [00:38<00:07, 42.7MiB/s]
 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 1.62G/1.96G [00:38<00:09, 35.8MiB/s]
 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 1.63G/1.96G [00:38<00:08, 38.0MiB/s]
 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 1.63G/1.96G [00:39<00:08, 39.8MiB/s]
 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 1.64G/1.96G [00:39<00:08, 36.3MiB/s]
 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 1.64G/1.96G [00:39<00:07, 40.8MiB/s]
 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 1.65G/1.96G [00:39<00:07, 42.8MiB/s]
 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 1.66G/1.96G [00:39<00:06, 42.7MiB/s]
 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 1.67G/1.96G [00:39<00:06, 44.7MiB/s]
 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 1.68G/1.96G [00:40<00:06, 44.4MiB/s]
 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 1.69G/1.96G [00:40<00:05, 51.2MiB/s]
 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 1.69G/1.96G [00:40<00:05, 48.2MiB/s]
 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 1.70G/1.96G [00:40<00:06, 42.0MiB/s]
 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 1.70G/1.96G [00:40<00:05, 46.1MiB/s]
 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 1.71G/1.96G [00:40<00:04, 53.3MiB/s]
 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 1.72G/1.96G [00:40<00:04, 50.6MiB/s]
 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 1.73G/1.96G [00:41<00:04, 55.6MiB/s]
 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 1.74G/1.96G [00:41<00:04, 52.7MiB/s]
 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 1.74G/1.96G [00:41<00:04, 52.7MiB/s]
 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 1.75G/1.96G [00:41<00:03, 56.9MiB/s]
 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 1.76G/1.96G [00:41<00:04, 47.6MiB/s]
 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 1.76G/1.96G [00:41<00:04, 42.7MiB/s]
 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 1.77G/1.96G [00:42<00:05, 37.2MiB/s]
 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 1.77G/1.96G [00:42<00:05, 36.1MiB/s]
 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 1.78G/1.96G [00:42<00:04, 38.0MiB/s]
 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 1.79G/1.96G [00:42<00:03, 49.5MiB/s]
 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 1.80G/1.96G [00:42<00:02, 55.0MiB/s]
 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 1.80G/1.96G [00:42<00:02, 55.3MiB/s]
 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 1.81G/1.96G [00:42<00:03, 48.8MiB/s]
 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 1.81G/1.96G [00:43<00:03, 41.1MiB/s]
 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 1.82G/1.96G [00:43<00:02, 46.4MiB/s]
 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 1.83G/1.96G [00:43<00:02, 50.0MiB/s]
 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 1.84G/1.96G [00:43<00:02, 51.4MiB/s]
 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 1.84G/1.96G [00:43<00:02, 56.6MiB/s]
 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 1.85G/1.96G [00:43<00:02, 49.7MiB/s]
 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 1.86G/1.96G [00:43<00:02, 39.8MiB/s]
 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 1.86G/1.96G [00:43<00:02, 46.0MiB/s]
 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 1.87G/1.96G [00:44<00:01, 45.4MiB/s]
 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 1.88G/1.96G [00:44<00:01, 48.9MiB/s]
 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 1.88G/1.96G [00:44<00:01, 49.6MiB/s]
 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 1.89G/1.96G [00:44<00:01, 49.1MiB/s]
 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 1.89G/1.96G [00:44<00:01, 54.8MiB/s]
 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 1.90G/1.96G [00:44<00:01, 50.7MiB/s]
 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 1.91G/1.96G [00:44<00:01, 42.0MiB/s]
 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 1.91G/1.96G [00:45<00:01, 38.8MiB/s]
 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 1.91G/1.96G [00:45<00:01, 35.7MiB/s]
 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 1.92G/1.96G [00:45<00:00, 39.8MiB/s]
 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 1.93G/1.96G [00:45<00:00, 35.7MiB/s]
 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 1.93G/1.96G [00:45<00:00, 31.8MiB/s]
 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 1.94G/1.96G [00:46<00:00, 24.3MiB/s]
 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 1.94G/1.96G [00:46<00:00, 22.7MiB/s]
 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 1.94G/1.96G [00:46<00:00, 29.1MiB/s]
100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 1.95G/1.96G [00:46<00:00, 26.3MiB/s]
100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 1.95G/1.96G [00:46<00:00, 27.9MiB/s]
100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 1.96G/1.96G [00:46<00:00, 30.1MiB/s]
100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 1.96G/1.96G [00:46<00:00, 41.9MiB/s]

Unzipping ./ag_automm_tutorial_fs_cls/stanfordcars//file.zip to ./ag_automm_tutorial_fs_cls/stanfordcars/
!wget https://automl-mm-bench.s3.amazonaws.com/vision_datasets/stanfordcars/train_8shot.csv -O ./ag_automm_tutorial_fs_cls/stanfordcars/train.csv
!wget https://automl-mm-bench.s3.amazonaws.com/vision_datasets/stanfordcars/test.csv -O ./ag_automm_tutorial_fs_cls/stanfordcars/test.csv
--2025-07-29 00:16:18--  https://automl-mm-bench.s3.amazonaws.com/vision_datasets/stanfordcars/train_8shot.csv
Resolving automl-mm-bench.s3.amazonaws.com (automl-mm-bench.s3.amazonaws.com)... 52.217.138.209, 16.15.177.233, 52.217.116.177, ...
Connecting to automl-mm-bench.s3.amazonaws.com (automl-mm-bench.s3.amazonaws.com)|52.217.138.209|:443... connected.
HTTP request sent, awaiting response...
200 OK
Length: 94879 (93K) [text/csv]
Saving to: β€˜./ag_automm_tutorial_fs_cls/stanfordcars/train.csv’

./ag_automm_tutoria 100%[===================>]  92.66K  --.-KB/s    in 0.002s  

2025-07-29 00:16:19 (51.2 MB/s) - β€˜./ag_automm_tutorial_fs_cls/stanfordcars/train.csv’ saved [94879/94879]
--2025-07-29 00:16:19--  https://automl-mm-bench.s3.amazonaws.com/vision_datasets/stanfordcars/test.csv
Resolving automl-mm-bench.s3.amazonaws.com (automl-mm-bench.s3.amazonaws.com)... 3.5.6.112, 52.217.139.9, 3.5.6.161, ...
Connecting to automl-mm-bench.s3.amazonaws.com (automl-mm-bench.s3.amazonaws.com)|3.5.6.112|:443... connected.
HTTP request sent, awaiting response...
200 OK
Length: 34472 (34K) [text/csv]
Saving to: β€˜./ag_automm_tutorial_fs_cls/stanfordcars/test.csv’

./ag_automm_tutoria 100%[===================>]  33.66K  --.-KB/s    in 0.001s  

2025-07-29 00:16:19 (40.6 MB/s) - β€˜./ag_automm_tutorial_fs_cls/stanfordcars/test.csv’ saved [34472/34472]
import pandas as pd
import os

train_df_raw = pd.read_csv(os.path.join(download_dir, "train.csv"))
train_df = train_df_raw.drop(
        columns=[
            "Source",
            "Confidence",
            "XMin",
            "XMax",
            "YMin",
            "YMax",
            "IsOccluded",
            "IsTruncated",
            "IsGroupOf",
            "IsDepiction",
            "IsInside",
        ]
    )
train_df["ImageID"] = download_dir + train_df["ImageID"].astype(str)


test_df_raw = pd.read_csv(os.path.join(download_dir, "test.csv"))
test_df = test_df_raw.drop(
        columns=[
            "Source",
            "Confidence",
            "XMin",
            "XMax",
            "YMin",
            "YMax",
            "IsOccluded",
            "IsTruncated",
            "IsGroupOf",
            "IsDepiction",
            "IsInside",
        ]
    )
test_df["ImageID"] = download_dir + test_df["ImageID"].astype(str)

print(os.path.exists(train_df.iloc[0]["ImageID"]))
print(train_df)
print(os.path.exists(test_df.iloc[0]["ImageID"]))
print(test_df)
True
                                                ImageID  LabelName
0     ./ag_automm_tutorial_fs_cls/stanfordcars/train...        147
1     ./ag_automm_tutorial_fs_cls/stanfordcars/train...        120
2     ./ag_automm_tutorial_fs_cls/stanfordcars/train...        147
3     ./ag_automm_tutorial_fs_cls/stanfordcars/train...        167
4     ./ag_automm_tutorial_fs_cls/stanfordcars/train...         73
...                                                 ...        ...
1563  ./ag_automm_tutorial_fs_cls/stanfordcars/train...        116
1564  ./ag_automm_tutorial_fs_cls/stanfordcars/train...         76
1565  ./ag_automm_tutorial_fs_cls/stanfordcars/train...        148
1566  ./ag_automm_tutorial_fs_cls/stanfordcars/train...        189
1567  ./ag_automm_tutorial_fs_cls/stanfordcars/train...        183

[1568 rows x 2 columns]
True
                                               ImageID  LabelName
0    ./ag_automm_tutorial_fs_cls/stanfordcars/test/...          0
1    ./ag_automm_tutorial_fs_cls/stanfordcars/test/...          0
2    ./ag_automm_tutorial_fs_cls/stanfordcars/test/...          0
3    ./ag_automm_tutorial_fs_cls/stanfordcars/test/...          1
4    ./ag_automm_tutorial_fs_cls/stanfordcars/test/...          1
..                                                 ...        ...
583  ./ag_automm_tutorial_fs_cls/stanfordcars/test/...        194
584  ./ag_automm_tutorial_fs_cls/stanfordcars/test/...        194
585  ./ag_automm_tutorial_fs_cls/stanfordcars/test/...        195
586  ./ag_automm_tutorial_fs_cls/stanfordcars/test/...        195
587  ./ag_automm_tutorial_fs_cls/stanfordcars/test/...        195

[588 rows x 2 columns]

Train a Few Shot ClassifierΒΆ

Similarly, we need to initialize MultiModalPredictor with the problem type few_shot_classification.

from autogluon.multimodal import MultiModalPredictor

predictor_fs_image = MultiModalPredictor(
    problem_type="few_shot_classification",
    label="LabelName",  # column name of the label
    eval_metric="acc",
)
predictor_fs_image.fit(train_df)
scores = predictor_fs_image.evaluate(test_df, metrics=["acc", "f1_macro"])
print(scores)
{'acc': 0.7993197278911565, 'f1_macro': 0.7941690962099125}
No path specified. Models will be saved in: "AutogluonModels/ag-20250729_001619"
=================== System Info ===================
AutoGluon Version:  1.4.0b20250728
Python Version:     3.12.10
Operating System:   Linux
Platform Machine:   x86_64
Platform Version:   #1 SMP Wed Mar 12 14:53:59 UTC 2025
CPU Count:          8
Pytorch Version:    2.7.1+cu126
CUDA Version:       12.6
GPU Count:          1
Memory Avail:       25.44 GB / 30.95 GB (82.2%)
Disk Space Avail:   168.00 GB / 255.99 GB (65.6%)
===================================================

AutoMM starts to create your model. ✨✨✨

To track the learning progress, you can open a terminal and launch Tensorboard:
    ```shell
    # Assume you have installed tensorboard
    tensorboard --logdir /home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001619
    ```
INFO: Seed set to 0
GPU Count: 1
GPU Count to be Used: 1
INFO: πŸ’‘ Tip: For seamless cloud uploads and versioning, try installing [litmodels](https://pypi.org/project/litmodels/) to enable LitModelCheckpoint, which syncs automatically with the Lightning model registry.
AutoMM has created your model. πŸŽ‰πŸŽ‰πŸŽ‰

To load the model, use the code below:
    ```python
    from autogluon.multimodal import MultiModalPredictor
    predictor = MultiModalPredictor.load("/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001619")
    ```

If you are not satisfied with the model, try to increase the training time, 
adjust the hyperparameters (https://auto.gluon.ai/stable/tutorials/multimodal/advanced_topics/customization.html),
or post issues on GitHub (https://github.com/autogluon/autogluon/issues).
INFO: πŸ’‘ Tip: For seamless cloud uploads and versioning, try installing [litmodels](https://pypi.org/project/litmodels/) to enable LitModelCheckpoint, which syncs automatically with the Lightning model registry.

Compare to the Default ClassifierΒΆ

We can also train a default image classifier and compare to the few shot classifier.

from autogluon.multimodal import MultiModalPredictor

predictor_default_image = MultiModalPredictor(
    problem_type="classification",
    label="LabelName",  # column name of the label
    eval_metric="acc",
)
predictor_default_image.fit(train_data=train_df)
scores = predictor_default_image.evaluate(test_df, metrics=["acc", "f1_macro"])
print(scores)
{'acc': 0.5459183673469388, 'f1_macro': 0.532449863062108}
No path specified. Models will be saved in: "AutogluonModels/ag-20250729_001754"
=================== System Info ===================
AutoGluon Version:  1.4.0b20250728
Python Version:     3.12.10
Operating System:   Linux
Platform Machine:   x86_64
Platform Version:   #1 SMP Wed Mar 12 14:53:59 UTC 2025
CPU Count:          8
Pytorch Version:    2.7.1+cu126
CUDA Version:       12.6
GPU Count:          1
Memory Avail:       22.47 GB / 30.95 GB (72.6%)
Disk Space Avail:   161.81 GB / 255.99 GB (63.2%)
===================================================
AutoGluon infers your prediction problem is: 'regression' (because dtype of label-column == int and many unique label-values observed).
	Label info (max, min, mean, stddev): (195, 0, 97.5, 56.59764)
	If 'regression' is not the correct problem_type, please manually specify the problem_type parameter during Predictor init (You may specify problem_type as one of: ['binary', 'multiclass', 'regression', 'quantile'])

AutoMM starts to create your model. ✨✨✨

To track the learning progress, you can open a terminal and launch Tensorboard:
    ```shell
    # Assume you have installed tensorboard
    tensorboard --logdir /home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754
    ```
INFO: Seed set to 0
GPU Count: 1
GPU Count to be Used: 1
INFO: Using 16bit Automatic Mixed Precision (AMP)
INFO: GPU available: True (cuda), used: True
INFO: TPU available: False, using: 0 TPU cores
INFO: HPU available: False, using: 0 HPUs
INFO: LOCAL_RANK: 0 - CUDA_VISIBLE_DEVICES: [0]
INFO: 
  | Name              | Type                            | Params | Mode 
------------------------------------------------------------------------------
0 | model             | TimmAutoModelForImagePrediction | 96.3 M | train
1 | validation_metric | MulticlassAccuracy              | 0      | train
2 | loss_func         | CrossEntropyLoss                | 0      | train
------------------------------------------------------------------------------
96.3 M    Trainable params
0         Non-trainable params
96.3 M    Total params
385.132   Total estimated model params size (MB)
863       Modules in train mode
0         Modules in eval mode
INFO: Epoch 0, global step 4: 'val_accuracy' reached 0.00000 (best 0.00000), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=0-step=4.ckpt' as top 3
INFO: Epoch 0, global step 9: 'val_accuracy' reached 0.00318 (best 0.00318), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=0-step=9.ckpt' as top 3
INFO: Epoch 1, global step 14: 'val_accuracy' reached 0.01592 (best 0.01592), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=1-step=14.ckpt' as top 3
INFO: Epoch 1, global step 19: 'val_accuracy' reached 0.04777 (best 0.04777), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=1-step=19.ckpt' as top 3
INFO: Epoch 2, global step 24: 'val_accuracy' reached 0.10510 (best 0.10510), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=2-step=24.ckpt' as top 3
INFO: Epoch 2, global step 29: 'val_accuracy' reached 0.13694 (best 0.13694), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=2-step=29.ckpt' as top 3
INFO: Epoch 3, global step 34: 'val_accuracy' reached 0.13376 (best 0.13694), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=3-step=34.ckpt' as top 3
INFO: Epoch 3, global step 39: 'val_accuracy' reached 0.17197 (best 0.17197), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=3-step=39.ckpt' as top 3
INFO: Epoch 4, global step 44: 'val_accuracy' reached 0.27389 (best 0.27389), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=4-step=44.ckpt' as top 3
INFO: Epoch 4, global step 49: 'val_accuracy' reached 0.28981 (best 0.28981), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=4-step=49.ckpt' as top 3
INFO: Epoch 5, global step 54: 'val_accuracy' reached 0.30892 (best 0.30892), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=5-step=54.ckpt' as top 3
INFO: Epoch 5, global step 59: 'val_accuracy' reached 0.34076 (best 0.34076), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=5-step=59.ckpt' as top 3
INFO: Epoch 6, global step 64: 'val_accuracy' reached 0.38854 (best 0.38854), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=6-step=64.ckpt' as top 3
INFO: Epoch 6, global step 69: 'val_accuracy' reached 0.41083 (best 0.41083), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=6-step=69.ckpt' as top 3
INFO: Epoch 7, global step 74: 'val_accuracy' reached 0.43312 (best 0.43312), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=7-step=74.ckpt' as top 3
INFO: Epoch 7, global step 79: 'val_accuracy' reached 0.43949 (best 0.43949), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=7-step=79.ckpt' as top 3
INFO: Epoch 8, global step 84: 'val_accuracy' reached 0.45223 (best 0.45223), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=8-step=84.ckpt' as top 3
INFO: Epoch 8, global step 89: 'val_accuracy' reached 0.49363 (best 0.49363), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=8-step=89.ckpt' as top 3
INFO: Epoch 9, global step 94: 'val_accuracy' reached 0.51911 (best 0.51911), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=9-step=94.ckpt' as top 3
INFO: Epoch 9, global step 99: 'val_accuracy' reached 0.50318 (best 0.51911), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=9-step=99.ckpt' as top 3
INFO: Epoch 10, global step 104: 'val_accuracy' reached 0.51592 (best 0.51911), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=10-step=104.ckpt' as top 3
INFO: Epoch 10, global step 109: 'val_accuracy' reached 0.53185 (best 0.53185), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=10-step=109.ckpt' as top 3
INFO: Epoch 11, global step 114: 'val_accuracy' reached 0.52866 (best 0.53185), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=11-step=114.ckpt' as top 3
INFO: Epoch 11, global step 119: 'val_accuracy' reached 0.53185 (best 0.53185), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=11-step=119.ckpt' as top 3
INFO: Epoch 12, global step 124: 'val_accuracy' reached 0.53503 (best 0.53503), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=12-step=124.ckpt' as top 3
INFO: Epoch 12, global step 129: 'val_accuracy' was not in top 3
INFO: Epoch 13, global step 134: 'val_accuracy' reached 0.53822 (best 0.53822), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=13-step=134.ckpt' as top 3
INFO: Epoch 13, global step 139: 'val_accuracy' reached 0.54140 (best 0.54140), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=13-step=139.ckpt' as top 3
INFO: Epoch 14, global step 144: 'val_accuracy' reached 0.54777 (best 0.54777), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=14-step=144.ckpt' as top 3
INFO: Epoch 14, global step 149: 'val_accuracy' was not in top 3
INFO: Epoch 15, global step 154: 'val_accuracy' was not in top 3
INFO: Epoch 15, global step 159: 'val_accuracy' was not in top 3
INFO: Epoch 16, global step 164: 'val_accuracy' reached 0.55096 (best 0.55096), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=16-step=164.ckpt' as top 3
INFO: Epoch 16, global step 169: 'val_accuracy' reached 0.54777 (best 0.55096), saving model to '/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754/epoch=16-step=169.ckpt' as top 3
INFO: Epoch 17, global step 174: 'val_accuracy' was not in top 3
INFO: Epoch 17, global step 179: 'val_accuracy' was not in top 3
INFO: Epoch 18, global step 184: 'val_accuracy' was not in top 3
INFO: Epoch 18, global step 189: 'val_accuracy' was not in top 3
INFO: Epoch 19, global step 194: 'val_accuracy' was not in top 3
INFO: Epoch 19, global step 199: 'val_accuracy' was not in top 3
INFO: `Trainer.fit` stopped: `max_epochs=20` reached.
Start to fuse 3 checkpoints via the greedy soup algorithm.
INFO: πŸ’‘ Tip: For seamless cloud uploads and versioning, try installing [litmodels](https://pypi.org/project/litmodels/) to enable LitModelCheckpoint, which syncs automatically with the Lightning model registry.
INFO: πŸ’‘ Tip: For seamless cloud uploads and versioning, try installing [litmodels](https://pypi.org/project/litmodels/) to enable LitModelCheckpoint, which syncs automatically with the Lightning model registry.
INFO: πŸ’‘ Tip: For seamless cloud uploads and versioning, try installing [litmodels](https://pypi.org/project/litmodels/) to enable LitModelCheckpoint, which syncs automatically with the Lightning model registry.
AutoMM has created your model. πŸŽ‰πŸŽ‰πŸŽ‰

To load the model, use the code below:
    ```python
    from autogluon.multimodal import MultiModalPredictor
    predictor = MultiModalPredictor.load("/home/ci/autogluon/docs/tutorials/multimodal/advanced_topics/AutogluonModels/ag-20250729_001754")
    ```

If you are not satisfied with the model, try to increase the training time, 
adjust the hyperparameters (https://auto.gluon.ai/stable/tutorials/multimodal/advanced_topics/customization.html),
or post issues on GitHub (https://github.com/autogluon/autogluon/issues).
INFO: πŸ’‘ Tip: For seamless cloud uploads and versioning, try installing [litmodels](https://pypi.org/project/litmodels/) to enable LitModelCheckpoint, which syncs automatically with the Lightning model registry.

As you can see that the few_shot_classification performs much better than the default classification in image classification as well.

CustomizationΒΆ

To learn how to customize AutoMM, please refer to Customize AutoMM.