LocalAI/examples/e2e-fine-tuning/notebook.ipynb
Ettore Di Giacinto 7b1e792732
deps(llama.cpp): bump to latest, update build variables (#2669)
* arrow_up: Update ggerganov/llama.cpp

Signed-off-by: github-actions[bot] <41898282+github-actions[bot]@users.noreply.github.com>
Signed-off-by: Ettore Di Giacinto <mudler@localai.io>

* deps(llama.cpp): update build variables to follow upstream

Update build recipes with https://github.com/ggerganov/llama.cpp/pull/8006

Signed-off-by: Ettore Di Giacinto <mudler@localai.io>

* Disable shared libs by default in llama.cpp

Signed-off-by: Ettore Di Giacinto <mudler@localai.io>

* Disable shared libs in llama.cpp Makefile

Signed-off-by: Ettore Di Giacinto <mudler@localai.io>

* Disable metal embedding for now, until it is tested

Signed-off-by: Ettore Di Giacinto <mudler@localai.io>

* fix(mac): explicitly enable metal

Signed-off-by: Ettore Di Giacinto <mudler@localai.io>

* debug

Signed-off-by: Ettore Di Giacinto <mudler@localai.io>

* fix typo

Signed-off-by: Ettore Di Giacinto <mudler@localai.io>

---------

Signed-off-by: github-actions[bot] <41898282+github-actions[bot]@users.noreply.github.com>
Signed-off-by: Ettore Di Giacinto <mudler@localai.io>
Co-authored-by: mudler <2420543+mudler@users.noreply.github.com>
2024-06-27 23:10:04 +02:00

171 KiB

Finetuning a model and using it with LocalAI

This is an example of fine-tuning a LLM model to use with LocalAI written by @mudler.

Specifically, this example shows how to use axolotl to fine-tune a LLM model to consume with LocalAI as a gguf model.

Important!

Before starting, make sure you have selected GPU runtime : Runtime -> Change runtime type -> GPU (T4)!

Change the model to link to your dataset. Upload the dataset as output.jsonl in the root tree and edit the model file (model.yml) with:

# local
datasets:
  - path: /content/output.jsonl
    ds_type: json
    type: completion

A full example:

base_model: openlm-research/open_llama_3b_v2
model_type: LlamaForCausalLM
tokenizer_type: LlamaTokenizer
load_in_8bit: false
load_in_4bit: true
strict: false
push_dataset_to_hub: false
datasets:
  - path: /content/output.jsonl
    ds_type: json
    type: completion
dataset_prepared_path:
val_set_size: 0.05
adapter: qlora
lora_model_dir:
sequence_len: 1024
sample_packing: true
lora_r: 8
lora_alpha: 32
lora_dropout: 0.05
lora_target_modules:
lora_target_linear: true
lora_fan_in_fan_out:
wandb_project:
wandb_entity:
wandb_watch:
wandb_run_id:
wandb_log_model:
output_dir: ./qlora-out
gradient_accumulation_steps: 1
micro_batch_size: 2
num_epochs: 4
optimizer: paged_adamw_32bit
torchdistx_path:
lr_scheduler: cosine
learning_rate: 0.0002
train_on_inputs: false
group_by_length: false
bf16: false
fp16: true
tf32: false
gradient_checkpointing: true
early_stopping_patience:
resume_from_checkpoint:
local_rank:
logging_steps: 1
xformers_attention:
flash_attention: false
gptq_groupsize:
gptq_model_v1:
warmup_steps: 20
eval_steps: 0.05
save_steps:
debug:
deepspeed:
weight_decay: 0.1
fsdp:
fsdp_config:
special_tokens:
  bos_token: "<s>"
  eos_token: "</s>"
  unk_token: "<unk>"
In [1]:
# Install axolotl
!git clone https://github.com/OpenAccess-AI-Collective/axolotl  && cd axolotl && git checkout 797f3dd1de8fd8c0eafbd1c9fdb172abd9ff840a #0.3.0
!cd axolotl
!pip install packaging
!cd axolotl && pip install -e '.[flash-attn,deepspeed]'
Cloning into 'axolotl'...
remote: Enumerating objects: 7525, done.
remote: Counting objects: 100% (1726/1726), done.
remote: Compressing objects: 100% (385/385), done.
remote: Total 7525 (delta 1525), reused 1409 (delta 1319), pack-reused 5799
Receiving objects: 100% (7525/7525), 2.64 MiB | 10.52 MiB/s, done.
Resolving deltas: 100% (4854/4854), done.
Note: switching to '797f3dd1de8fd8c0eafbd1c9fdb172abd9ff840a'.

You are in 'detached HEAD' state. You can look around, make experimental
changes and commit them, and you can discard any commits you make in this
state without impacting any branches by switching back to a branch.

If you want to create a new branch to retain commits you create, you may
do so (now or later) by using -c with the switch command. Example:

  git switch -c <new-branch-name>

Or undo this operation with:

  git switch -

Turn off this advice by setting config variable advice.detachedHead to false

HEAD is now at 797f3dd don't train if eval split is too small (#873)
Requirement already satisfied: packaging in /usr/local/lib/python3.10/dist-packages (23.2)
Obtaining file:///content/axolotl
  Preparing metadata (setup.py) ... done
Collecting auto-gptq==0.5.1 (from axolotl==0.3.0)
  Downloading auto_gptq-0.5.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (4.8 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 4.8/4.8 MB 14.0 MB/s eta 0:00:00
Requirement already satisfied: packaging in /usr/local/lib/python3.10/dist-packages (from axolotl==0.3.0) (23.2)
Collecting peft==0.6.0 (from axolotl==0.3.0)
  Downloading peft-0.6.0-py3-none-any.whl (134 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 134.9/134.9 kB 20.6 MB/s eta 0:00:00
Collecting transformers==4.35.1 (from axolotl==0.3.0)
  Downloading transformers-4.35.1-py3-none-any.whl (7.9 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 7.9/7.9 MB 44.1 MB/s eta 0:00:00
Collecting bitsandbytes>=0.41.1 (from axolotl==0.3.0)
  Downloading bitsandbytes-0.41.2.post2-py3-none-any.whl (92.6 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 92.6/92.6 MB 9.1 MB/s eta 0:00:00
Collecting accelerate==0.24.1 (from axolotl==0.3.0)
  Downloading accelerate-0.24.1-py3-none-any.whl (261 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 261.4/261.4 kB 31.0 MB/s eta 0:00:00
Collecting addict (from axolotl==0.3.0)
  Downloading addict-2.4.0-py3-none-any.whl (3.8 kB)
Collecting fire (from axolotl==0.3.0)
  Downloading fire-0.5.0.tar.gz (88 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 88.3/88.3 kB 13.2 MB/s eta 0:00:00
  Preparing metadata (setup.py) ... done
Requirement already satisfied: PyYAML>=6.0 in /usr/local/lib/python3.10/dist-packages (from axolotl==0.3.0) (6.0.1)
Collecting datasets>=2.14.0 (from axolotl==0.3.0)
  Downloading datasets-2.15.0-py3-none-any.whl (521 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 521.2/521.2 kB 51.9 MB/s eta 0:00:00
Collecting sentencepiece (from axolotl==0.3.0)
  Downloading sentencepiece-0.1.99-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 1.3/1.3 MB 76.9 MB/s eta 0:00:00
Collecting wandb (from axolotl==0.3.0)
  Downloading wandb-0.16.0-py3-none-any.whl (2.1 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 2.1/2.1 MB 90.9 MB/s eta 0:00:00
Collecting einops (from axolotl==0.3.0)
  Downloading einops-0.7.0-py3-none-any.whl (44 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 44.6/44.6 kB 6.4 MB/s eta 0:00:00
Collecting xformers==0.0.22 (from axolotl==0.3.0)
  Downloading xformers-0.0.22-cp310-cp310-manylinux2014_x86_64.whl (211.6 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 211.6/211.6 MB 6.3 MB/s eta 0:00:00
Collecting optimum==1.13.2 (from axolotl==0.3.0)
  Downloading optimum-1.13.2.tar.gz (300 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 301.0/301.0 kB 37.2 MB/s eta 0:00:00
  Installing build dependencies ... done
  Getting requirements to build wheel ... done
  Preparing metadata (pyproject.toml) ... done
Collecting hf_transfer (from axolotl==0.3.0)
  Downloading hf_transfer-0.1.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.9 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 3.9/3.9 MB 48.1 MB/s eta 0:00:00
Collecting colorama (from axolotl==0.3.0)
  Downloading colorama-0.4.6-py2.py3-none-any.whl (25 kB)
Requirement already satisfied: numba in /usr/local/lib/python3.10/dist-packages (from axolotl==0.3.0) (0.58.1)
Collecting numpy>=1.24.4 (from axolotl==0.3.0)
  Downloading numpy-1.26.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (18.2 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 18.2/18.2 MB 57.0 MB/s eta 0:00:00
Collecting bert-score==0.3.13 (from axolotl==0.3.0)
  Downloading bert_score-0.3.13-py3-none-any.whl (61 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 61.1/61.1 kB 8.6 MB/s eta 0:00:00
Collecting evaluate==0.4.0 (from axolotl==0.3.0)
  Downloading evaluate-0.4.0-py3-none-any.whl (81 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 81.4/81.4 kB 7.9 MB/s eta 0:00:00
Collecting rouge-score==0.1.2 (from axolotl==0.3.0)
  Downloading rouge_score-0.1.2.tar.gz (17 kB)
  Preparing metadata (setup.py) ... done
Requirement already satisfied: scipy in /usr/local/lib/python3.10/dist-packages (from axolotl==0.3.0) (1.11.3)
Requirement already satisfied: scikit-learn==1.2.2 in /usr/local/lib/python3.10/dist-packages (from axolotl==0.3.0) (1.2.2)
Collecting pynvml (from axolotl==0.3.0)
  Downloading pynvml-11.5.0-py3-none-any.whl (53 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 53.1/53.1 kB 6.3 MB/s eta 0:00:00
Collecting art (from axolotl==0.3.0)
  Downloading art-6.1-py3-none-any.whl (599 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 599.8/599.8 kB 38.2 MB/s eta 0:00:00
Collecting fschat==0.2.29 (from axolotl==0.3.0)
  Downloading fschat-0.2.29-py3-none-any.whl (200 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 200.7/200.7 kB 21.0 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-4.4.1-py3-none-any.whl (15.4 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 15.4/15.4 MB 70.1 MB/s eta 0:00:00
Requirement already satisfied: tensorboard in /usr/local/lib/python3.10/dist-packages (from axolotl==0.3.0) (2.14.1)
Collecting s3fs (from axolotl==0.3.0)
  Downloading s3fs-2023.10.0-py3-none-any.whl (28 kB)
Requirement already satisfied: gcsfs in /usr/local/lib/python3.10/dist-packages (from axolotl==0.3.0) (2023.6.0)
Collecting flash-attn>=2.3.0 (from axolotl==0.3.0)
  Downloading flash_attn-2.3.3.tar.gz (2.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 2.3/2.3 MB 81.3 MB/s eta 0:00:00
  Preparing metadata (setup.py) ... done
Collecting deepspeed (from axolotl==0.3.0)
  Downloading deepspeed-0.12.3.tar.gz (1.2 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 1.2/1.2 MB 84.3 MB/s eta 0:00:00
  Preparing metadata (setup.py) ... done
Requirement already satisfied: psutil in /usr/local/lib/python3.10/dist-packages (from accelerate==0.24.1->axolotl==0.3.0) (5.9.5)
Requirement already satisfied: torch>=1.10.0 in /usr/local/lib/python3.10/dist-packages (from accelerate==0.24.1->axolotl==0.3.0) (2.1.0+cu118)
Requirement already satisfied: huggingface-hub in /usr/local/lib/python3.10/dist-packages (from accelerate==0.24.1->axolotl==0.3.0) (0.19.3)
Collecting rouge (from auto-gptq==0.5.1->axolotl==0.3.0)
  Downloading rouge-1.0.1-py3-none-any.whl (13 kB)
Collecting gekko (from auto-gptq==0.5.1->axolotl==0.3.0)
  Downloading gekko-1.0.6-py3-none-any.whl (12.2 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 12.2/12.2 MB 91.5 MB/s eta 0:00:00
Requirement already satisfied: safetensors in /usr/local/lib/python3.10/dist-packages (from auto-gptq==0.5.1->axolotl==0.3.0) (0.4.0)
Requirement already satisfied: tqdm in /usr/local/lib/python3.10/dist-packages (from auto-gptq==0.5.1->axolotl==0.3.0) (4.66.1)
Requirement already satisfied: pandas>=1.0.1 in /usr/local/lib/python3.10/dist-packages (from bert-score==0.3.13->axolotl==0.3.0) (1.5.3)
Requirement already satisfied: requests in /usr/local/lib/python3.10/dist-packages (from bert-score==0.3.13->axolotl==0.3.0) (2.31.0)
Requirement already satisfied: matplotlib in /usr/local/lib/python3.10/dist-packages (from bert-score==0.3.13->axolotl==0.3.0) (3.7.1)
Collecting dill (from evaluate==0.4.0->axolotl==0.3.0)
  Downloading dill-0.3.7-py3-none-any.whl (115 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 115.3/115.3 kB 16.0 MB/s eta 0:00:00
Requirement already satisfied: xxhash in /usr/local/lib/python3.10/dist-packages (from evaluate==0.4.0->axolotl==0.3.0) (3.4.1)
Collecting multiprocess (from evaluate==0.4.0->axolotl==0.3.0)
  Downloading multiprocess-0.70.15-py310-none-any.whl (134 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 134.8/134.8 kB 18.0 MB/s eta 0:00:00
Requirement already satisfied: fsspec[http]>=2021.05.0 in /usr/local/lib/python3.10/dist-packages (from evaluate==0.4.0->axolotl==0.3.0) (2023.6.0)
Collecting responses<0.19 (from evaluate==0.4.0->axolotl==0.3.0)
  Downloading responses-0.18.0-py3-none-any.whl (38 kB)
Requirement already satisfied: aiohttp in /usr/local/lib/python3.10/dist-packages (from fschat==0.2.29->axolotl==0.3.0) (3.8.6)
Collecting fastapi (from fschat==0.2.29->axolotl==0.3.0)
  Downloading fastapi-0.104.1-py3-none-any.whl (92 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 92.9/92.9 kB 14.0 MB/s eta 0:00:00
Collecting httpx (from fschat==0.2.29->axolotl==0.3.0)
  Downloading httpx-0.25.1-py3-none-any.whl (75 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 75.0/75.0 kB 10.8 MB/s eta 0:00:00
Collecting markdown2[all] (from fschat==0.2.29->axolotl==0.3.0)
  Downloading markdown2-2.4.10-py2.py3-none-any.whl (39 kB)
Collecting nh3 (from fschat==0.2.29->axolotl==0.3.0)
  Downloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 1.7/1.7 MB 82.3 MB/s eta 0:00:00
Requirement already satisfied: prompt-toolkit>=3.0.0 in /usr/local/lib/python3.10/dist-packages (from fschat==0.2.29->axolotl==0.3.0) (3.0.41)
Requirement already satisfied: pydantic<2,>=1 in /usr/local/lib/python3.10/dist-packages (from fschat==0.2.29->axolotl==0.3.0) (1.10.13)
Requirement already satisfied: rich>=10.0.0 in /usr/local/lib/python3.10/dist-packages (from fschat==0.2.29->axolotl==0.3.0) (13.7.0)
Collecting shortuuid (from fschat==0.2.29->axolotl==0.3.0)
  Downloading shortuuid-1.0.11-py3-none-any.whl (10 kB)
Collecting tiktoken (from fschat==0.2.29->axolotl==0.3.0)
  Downloading tiktoken-0.5.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (2.0 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 2.0/2.0 MB 76.2 MB/s eta 0:00:00
Collecting uvicorn (from fschat==0.2.29->axolotl==0.3.0)
  Downloading uvicorn-0.24.0.post1-py3-none-any.whl (59 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 59.7/59.7 kB 8.1 MB/s eta 0:00:00
Collecting coloredlogs (from optimum==1.13.2->axolotl==0.3.0)
  Downloading coloredlogs-15.0.1-py2.py3-none-any.whl (46 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 46.0/46.0 kB 6.0 MB/s eta 0:00:00
Requirement already satisfied: sympy in /usr/local/lib/python3.10/dist-packages (from optimum==1.13.2->axolotl==0.3.0) (1.12)
Requirement already satisfied: transformers[sentencepiece]>=4.26.0 in /usr/local/lib/python3.10/dist-packages (from optimum==1.13.2->axolotl==0.3.0) (4.35.2)
Requirement already satisfied: absl-py in /usr/local/lib/python3.10/dist-packages (from rouge-score==0.1.2->axolotl==0.3.0) (1.4.0)
Requirement already satisfied: nltk in /usr/local/lib/python3.10/dist-packages (from rouge-score==0.1.2->axolotl==0.3.0) (3.8.1)
Requirement already satisfied: six>=1.14.0 in /usr/local/lib/python3.10/dist-packages (from rouge-score==0.1.2->axolotl==0.3.0) (1.16.0)
Requirement already satisfied: joblib>=1.1.1 in /usr/local/lib/python3.10/dist-packages (from scikit-learn==1.2.2->axolotl==0.3.0) (1.3.2)
Requirement already satisfied: threadpoolctl>=2.0.0 in /usr/local/lib/python3.10/dist-packages (from scikit-learn==1.2.2->axolotl==0.3.0) (3.2.0)
Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from transformers==4.35.1->axolotl==0.3.0) (3.13.1)
Requirement already satisfied: regex!=2019.12.17 in /usr/local/lib/python3.10/dist-packages (from transformers==4.35.1->axolotl==0.3.0) (2023.6.3)
Collecting tokenizers<0.15,>=0.14 (from transformers==4.35.1->axolotl==0.3.0)
  Downloading tokenizers-0.14.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.8 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 3.8/3.8 MB 116.7 MB/s eta 0:00:00
Collecting torch>=1.10.0 (from accelerate==0.24.1->axolotl==0.3.0)
  Downloading torch-2.0.1-cp310-cp310-manylinux1_x86_64.whl (619.9 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 619.9/619.9 MB 2.8 MB/s eta 0:00:00
Requirement already satisfied: typing-extensions in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0) (4.5.0)
Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0) (3.2.1)
Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0) (3.1.2)
Collecting nvidia-cuda-nvrtc-cu11==11.7.99 (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0)
  Downloading nvidia_cuda_nvrtc_cu11-11.7.99-2-py3-none-manylinux1_x86_64.whl (21.0 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 21.0/21.0 MB 63.7 MB/s eta 0:00:00
Collecting nvidia-cuda-runtime-cu11==11.7.99 (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0)
  Downloading nvidia_cuda_runtime_cu11-11.7.99-py3-none-manylinux1_x86_64.whl (849 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 849.3/849.3 kB 58.5 MB/s eta 0:00:00
Collecting nvidia-cuda-cupti-cu11==11.7.101 (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0)
  Downloading nvidia_cuda_cupti_cu11-11.7.101-py3-none-manylinux1_x86_64.whl (11.8 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 11.8/11.8 MB 79.6 MB/s eta 0:00:00
Collecting nvidia-cudnn-cu11==8.5.0.96 (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0)
  Downloading nvidia_cudnn_cu11-8.5.0.96-2-py3-none-manylinux1_x86_64.whl (557.1 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 557.1/557.1 MB 3.1 MB/s eta 0:00:00
Collecting nvidia-cublas-cu11==11.10.3.66 (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0)
  Downloading nvidia_cublas_cu11-11.10.3.66-py3-none-manylinux1_x86_64.whl (317.1 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 317.1/317.1 MB 4.4 MB/s eta 0:00:00
Collecting nvidia-cufft-cu11==10.9.0.58 (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0)
  Downloading nvidia_cufft_cu11-10.9.0.58-py3-none-manylinux1_x86_64.whl (168.4 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 168.4/168.4 MB 7.7 MB/s eta 0:00:00
Collecting nvidia-curand-cu11==10.2.10.91 (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0)
  Downloading nvidia_curand_cu11-10.2.10.91-py3-none-manylinux1_x86_64.whl (54.6 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 54.6/54.6 MB 12.4 MB/s eta 0:00:00
Collecting nvidia-cusolver-cu11==11.4.0.1 (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0)
  Downloading nvidia_cusolver_cu11-11.4.0.1-2-py3-none-manylinux1_x86_64.whl (102.6 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 102.6/102.6 MB 8.9 MB/s eta 0:00:00
Collecting nvidia-cusparse-cu11==11.7.4.91 (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0)
  Downloading nvidia_cusparse_cu11-11.7.4.91-py3-none-manylinux1_x86_64.whl (173.2 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 173.2/173.2 MB 6.5 MB/s eta 0:00:00
Collecting nvidia-nccl-cu11==2.14.3 (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0)
  Downloading nvidia_nccl_cu11-2.14.3-py3-none-manylinux1_x86_64.whl (177.1 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 177.1/177.1 MB 6.8 MB/s eta 0:00:00
Collecting nvidia-nvtx-cu11==11.7.91 (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0)
  Downloading nvidia_nvtx_cu11-11.7.91-py3-none-manylinux1_x86_64.whl (98 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 98.6/98.6 kB 13.9 MB/s eta 0:00:00
Collecting triton==2.0.0 (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0)
  Downloading triton-2.0.0-1-cp310-cp310-manylinux2014_x86_64.manylinux_2_17_x86_64.whl (63.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 63.3/63.3 MB 9.6 MB/s eta 0:00:00
Requirement already satisfied: setuptools in /usr/local/lib/python3.10/dist-packages (from nvidia-cublas-cu11==11.10.3.66->torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0) (67.7.2)
Requirement already satisfied: wheel in /usr/local/lib/python3.10/dist-packages (from nvidia-cublas-cu11==11.10.3.66->torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0) (0.41.3)
Requirement already satisfied: cmake in /usr/local/lib/python3.10/dist-packages (from triton==2.0.0->torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0) (3.27.7)
Collecting lit (from triton==2.0.0->torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0)
  Downloading lit-17.0.5.tar.gz (153 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 153.0/153.0 kB 20.2 MB/s eta 0:00:00
  Installing build dependencies ... done
  Getting requirements to build wheel ... done
  Installing backend dependencies ... done
  Preparing metadata (pyproject.toml) ... done
Requirement already satisfied: pyarrow>=8.0.0 in /usr/local/lib/python3.10/dist-packages (from datasets>=2.14.0->axolotl==0.3.0) (9.0.0)
Collecting pyarrow-hotfix (from datasets>=2.14.0->axolotl==0.3.0)
  Downloading pyarrow_hotfix-0.5-py3-none-any.whl (7.8 kB)
Collecting ninja (from flash-attn>=2.3.0->axolotl==0.3.0)
  Downloading ninja-1.11.1.1-py2.py3-none-manylinux1_x86_64.manylinux_2_5_x86_64.whl (307 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 307.2/307.2 kB 37.1 MB/s eta 0:00:00
Collecting hjson (from deepspeed->axolotl==0.3.0)
  Downloading hjson-3.1.0-py3-none-any.whl (54 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 54.0/54.0 kB 9.0 MB/s eta 0:00:00
Requirement already satisfied: py-cpuinfo in /usr/local/lib/python3.10/dist-packages (from deepspeed->axolotl==0.3.0) (9.0.0)
Requirement already satisfied: termcolor in /usr/local/lib/python3.10/dist-packages (from fire->axolotl==0.3.0) (2.3.0)
Requirement already satisfied: decorator>4.1.2 in /usr/local/lib/python3.10/dist-packages (from gcsfs->axolotl==0.3.0) (4.4.2)
Requirement already satisfied: google-auth>=1.2 in /usr/local/lib/python3.10/dist-packages (from gcsfs->axolotl==0.3.0) (2.17.3)
Requirement already satisfied: google-auth-oauthlib in /usr/local/lib/python3.10/dist-packages (from gcsfs->axolotl==0.3.0) (1.0.0)
Requirement already satisfied: google-cloud-storage in /usr/local/lib/python3.10/dist-packages (from gcsfs->axolotl==0.3.0) (2.8.0)
Collecting aiofiles<24.0,>=22.0 (from gradio->axolotl==0.3.0)
  Downloading aiofiles-23.2.1-py3-none-any.whl (15 kB)
Requirement already satisfied: altair<6.0,>=4.2.0 in /usr/local/lib/python3.10/dist-packages (from gradio->axolotl==0.3.0) (4.2.2)
Collecting ffmpy (from gradio->axolotl==0.3.0)
  Downloading ffmpy-0.3.1.tar.gz (5.5 kB)
  Preparing metadata (setup.py) ... done
Collecting gradio-client==0.7.0 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.7.0-py3-none-any.whl (302 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 302.7/302.7 kB 37.0 MB/s eta 0:00:00
Requirement already satisfied: importlib-resources<7.0,>=1.3 in /usr/local/lib/python3.10/dist-packages (from gradio->axolotl==0.3.0) (6.1.1)
Requirement already satisfied: markupsafe~=2.0 in /usr/local/lib/python3.10/dist-packages (from gradio->axolotl==0.3.0) (2.1.3)
Collecting orjson~=3.0 (from gradio->axolotl==0.3.0)
  Downloading orjson-3.9.10-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (138 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 138.7/138.7 kB 20.4 MB/s eta 0:00:00
Requirement already satisfied: pillow<11.0,>=8.0 in /usr/local/lib/python3.10/dist-packages (from gradio->axolotl==0.3.0) (9.4.0)
INFO: pip is looking at multiple versions of gradio to determine which version is compatible with other requirements. This could take a while.
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-4.4.0-py3-none-any.whl (15.4 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 15.4/15.4 MB 84.8 MB/s eta 0:00:00
  Downloading gradio-4.3.0-py3-none-any.whl (15.4 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 15.4/15.4 MB 76.5 MB/s eta 0:00:00
  Downloading gradio-4.2.0-py3-none-any.whl (15.4 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 15.4/15.4 MB 81.6 MB/s eta 0:00:00
  Downloading gradio-4.1.2-py3-none-any.whl (15.4 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 15.4/15.4 MB 83.2 MB/s eta 0:00:00
  Downloading gradio-4.1.1-py3-none-any.whl (15.4 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 15.4/15.4 MB 78.8 MB/s eta 0:00:00
  Downloading gradio-4.1.0-py3-none-any.whl (15.4 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 15.4/15.4 MB 17.5 MB/s eta 0:00:00
  Downloading gradio-4.0.2-py3-none-any.whl (25.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 25.3/25.3 MB 49.1 MB/s eta 0:00:00
INFO: pip is looking at multiple versions of gradio to determine which version is compatible with other requirements. This could take a while.
  Downloading gradio-4.0.1-py3-none-any.whl (25.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 25.3/25.3 MB 56.8 MB/s eta 0:00:00
  Downloading gradio-4.0.0-py3-none-any.whl (25.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 25.3/25.3 MB 15.4 MB/s eta 0:00:00
  Downloading gradio-3.50.2-py3-none-any.whl (20.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.3/20.3 MB 66.3 MB/s eta 0:00:00
Collecting gradio-client==0.6.1 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.6.1-py3-none-any.whl (299 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 299.2/299.2 kB 33.6 MB/s eta 0:00:00
Collecting pydub (from gradio->axolotl==0.3.0)
  Downloading pydub-0.25.1-py2.py3-none-any.whl (32 kB)
Collecting python-multipart (from gradio->axolotl==0.3.0)
  Downloading python_multipart-0.0.6-py3-none-any.whl (45 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 45.7/45.7 kB 7.2 MB/s eta 0:00:00
Collecting semantic-version~=2.0 (from gradio->axolotl==0.3.0)
  Downloading semantic_version-2.10.0-py2.py3-none-any.whl (15 kB)
Collecting websockets<12.0,>=10.0 (from gradio->axolotl==0.3.0)
  Downloading websockets-11.0.3-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl (129 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 129.9/129.9 kB 18.4 MB/s eta 0:00:00
Requirement already satisfied: llvmlite<0.42,>=0.41.0dev0 in /usr/local/lib/python3.10/dist-packages (from numba->axolotl==0.3.0) (0.41.1)
Collecting aiobotocore~=2.7.0 (from s3fs->axolotl==0.3.0)
  Downloading aiobotocore-2.7.0-py3-none-any.whl (73 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 73.5/73.5 kB 10.2 MB/s eta 0:00:00
INFO: pip is looking at multiple versions of s3fs to determine which version is compatible with other requirements. This could take a while.
Collecting s3fs (from axolotl==0.3.0)
  Downloading s3fs-2023.9.2-py3-none-any.whl (28 kB)
Collecting aiobotocore~=2.5.4 (from s3fs->axolotl==0.3.0)
  Downloading aiobotocore-2.5.4-py3-none-any.whl (73 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 73.4/73.4 kB 8.7 MB/s eta 0:00:00
Collecting s3fs (from axolotl==0.3.0)
  Downloading s3fs-2023.9.1-py3-none-any.whl (28 kB)
  Downloading s3fs-2023.9.0-py3-none-any.whl (28 kB)
  Downloading s3fs-2023.6.0-py3-none-any.whl (28 kB)
Requirement already satisfied: grpcio>=1.48.2 in /usr/local/lib/python3.10/dist-packages (from tensorboard->axolotl==0.3.0) (1.59.2)
Requirement already satisfied: markdown>=2.6.8 in /usr/local/lib/python3.10/dist-packages (from tensorboard->axolotl==0.3.0) (3.5.1)
Requirement already satisfied: protobuf>=3.19.6 in /usr/local/lib/python3.10/dist-packages (from tensorboard->axolotl==0.3.0) (3.20.3)
Requirement already satisfied: tensorboard-data-server<0.8.0,>=0.7.0 in /usr/local/lib/python3.10/dist-packages (from tensorboard->axolotl==0.3.0) (0.7.2)
Requirement already satisfied: werkzeug>=1.0.1 in /usr/local/lib/python3.10/dist-packages (from tensorboard->axolotl==0.3.0) (3.0.1)
Requirement already satisfied: Click!=8.0.0,>=7.1 in /usr/local/lib/python3.10/dist-packages (from wandb->axolotl==0.3.0) (8.1.7)
Collecting GitPython!=3.1.29,>=1.0.0 (from wandb->axolotl==0.3.0)
  Downloading GitPython-3.1.40-py3-none-any.whl (190 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 190.6/190.6 kB 26.0 MB/s eta 0:00:00
Collecting sentry-sdk>=1.0.0 (from wandb->axolotl==0.3.0)
  Downloading sentry_sdk-1.35.0-py2.py3-none-any.whl (248 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 248.6/248.6 kB 27.9 MB/s eta 0:00:00
Collecting docker-pycreds>=0.4.0 (from wandb->axolotl==0.3.0)
  Downloading docker_pycreds-0.4.0-py2.py3-none-any.whl (9.0 kB)
Collecting setproctitle (from wandb->axolotl==0.3.0)
  Downloading setproctitle-1.3.3-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl (30 kB)
Requirement already satisfied: appdirs>=1.4.3 in /usr/local/lib/python3.10/dist-packages (from wandb->axolotl==0.3.0) (1.4.4)
Collecting botocore<1.31.18,>=1.31.17 (from aiobotocore~=2.5.4->s3fs->axolotl==0.3.0)
  Downloading botocore-1.31.17-py3-none-any.whl (11.1 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 11.1/11.1 MB 122.7 MB/s eta 0:00:00
Requirement already satisfied: wrapt<2.0.0,>=1.10.10 in /usr/local/lib/python3.10/dist-packages (from aiobotocore~=2.5.4->s3fs->axolotl==0.3.0) (1.14.1)
Collecting aioitertools<1.0.0,>=0.5.1 (from aiobotocore~=2.5.4->s3fs->axolotl==0.3.0)
  Downloading aioitertools-0.11.0-py3-none-any.whl (23 kB)
Requirement already satisfied: attrs>=17.3.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->fschat==0.2.29->axolotl==0.3.0) (23.1.0)
Requirement already satisfied: charset-normalizer<4.0,>=2.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->fschat==0.2.29->axolotl==0.3.0) (3.3.2)
Requirement already satisfied: multidict<7.0,>=4.5 in /usr/local/lib/python3.10/dist-packages (from aiohttp->fschat==0.2.29->axolotl==0.3.0) (6.0.4)
Requirement already satisfied: async-timeout<5.0,>=4.0.0a3 in /usr/local/lib/python3.10/dist-packages (from aiohttp->fschat==0.2.29->axolotl==0.3.0) (4.0.3)
Requirement already satisfied: yarl<2.0,>=1.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->fschat==0.2.29->axolotl==0.3.0) (1.9.2)
Requirement already satisfied: frozenlist>=1.1.1 in /usr/local/lib/python3.10/dist-packages (from aiohttp->fschat==0.2.29->axolotl==0.3.0) (1.4.0)
Requirement already satisfied: aiosignal>=1.1.2 in /usr/local/lib/python3.10/dist-packages (from aiohttp->fschat==0.2.29->axolotl==0.3.0) (1.3.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.10/dist-packages (from altair<6.0,>=4.2.0->gradio->axolotl==0.3.0) (0.4)
Requirement already satisfied: jsonschema>=3.0 in /usr/local/lib/python3.10/dist-packages (from altair<6.0,>=4.2.0->gradio->axolotl==0.3.0) (4.19.2)
Requirement already satisfied: toolz in /usr/local/lib/python3.10/dist-packages (from altair<6.0,>=4.2.0->gradio->axolotl==0.3.0) (0.12.0)
Collecting gitdb<5,>=4.0.1 (from GitPython!=3.1.29,>=1.0.0->wandb->axolotl==0.3.0)
  Downloading gitdb-4.0.11-py3-none-any.whl (62 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 62.7/62.7 kB 10.3 MB/s eta 0:00:00
Requirement already satisfied: cachetools<6.0,>=2.0.0 in /usr/local/lib/python3.10/dist-packages (from google-auth>=1.2->gcsfs->axolotl==0.3.0) (5.3.2)
Requirement already satisfied: pyasn1-modules>=0.2.1 in /usr/local/lib/python3.10/dist-packages (from google-auth>=1.2->gcsfs->axolotl==0.3.0) (0.3.0)
Requirement already satisfied: rsa<5,>=3.1.4 in /usr/local/lib/python3.10/dist-packages (from google-auth>=1.2->gcsfs->axolotl==0.3.0) (4.9)
Requirement already satisfied: requests-oauthlib>=0.7.0 in /usr/local/lib/python3.10/dist-packages (from google-auth-oauthlib->gcsfs->axolotl==0.3.0) (1.3.1)
Requirement already satisfied: contourpy>=1.0.1 in /usr/local/lib/python3.10/dist-packages (from matplotlib->bert-score==0.3.13->axolotl==0.3.0) (1.2.0)
Requirement already satisfied: cycler>=0.10 in /usr/local/lib/python3.10/dist-packages (from matplotlib->bert-score==0.3.13->axolotl==0.3.0) (0.12.1)
Requirement already satisfied: fonttools>=4.22.0 in /usr/local/lib/python3.10/dist-packages (from matplotlib->bert-score==0.3.13->axolotl==0.3.0) (4.44.3)
Requirement already satisfied: kiwisolver>=1.0.1 in /usr/local/lib/python3.10/dist-packages (from matplotlib->bert-score==0.3.13->axolotl==0.3.0) (1.4.5)
Requirement already satisfied: pyparsing>=2.3.1 in /usr/local/lib/python3.10/dist-packages (from matplotlib->bert-score==0.3.13->axolotl==0.3.0) (3.1.1)
Requirement already satisfied: python-dateutil>=2.7 in /usr/local/lib/python3.10/dist-packages (from matplotlib->bert-score==0.3.13->axolotl==0.3.0) (2.8.2)
Requirement already satisfied: pytz>=2020.1 in /usr/local/lib/python3.10/dist-packages (from pandas>=1.0.1->bert-score==0.3.13->axolotl==0.3.0) (2023.3.post1)
Requirement already satisfied: wcwidth in /usr/local/lib/python3.10/dist-packages (from prompt-toolkit>=3.0.0->fschat==0.2.29->axolotl==0.3.0) (0.2.10)
Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests->bert-score==0.3.13->axolotl==0.3.0) (3.4)
Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests->bert-score==0.3.13->axolotl==0.3.0) (2.0.7)
Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests->bert-score==0.3.13->axolotl==0.3.0) (2023.7.22)
Requirement already satisfied: markdown-it-py>=2.2.0 in /usr/local/lib/python3.10/dist-packages (from rich>=10.0.0->fschat==0.2.29->axolotl==0.3.0) (3.0.0)
Requirement already satisfied: pygments<3.0.0,>=2.13.0 in /usr/local/lib/python3.10/dist-packages (from rich>=10.0.0->fschat==0.2.29->axolotl==0.3.0) (2.16.1)
INFO: pip is looking at multiple versions of tokenizers to determine which version is compatible with other requirements. This could take a while.
Collecting tokenizers<0.15,>=0.14 (from transformers==4.35.1->axolotl==0.3.0)
  Downloading tokenizers-0.14.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.8 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 3.8/3.8 MB 103.8 MB/s eta 0:00:00
INFO: This is taking longer than usual. You might need to provide the dependency resolver with stricter constraints to reduce runtime. See https://pip.pypa.io/warnings/backtracking for guidance. If you want to abort this run, press Ctrl + C.
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.50.1-py3-none-any.whl (20.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.3/20.3 MB 88.9 MB/s eta 0:00:00
  Downloading gradio-3.50.0-py3-none-any.whl (20.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.3/20.3 MB 37.1 MB/s eta 0:00:00
  Downloading gradio-3.49.0-py3-none-any.whl (20.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.3/20.3 MB 57.8 MB/s eta 0:00:00
INFO: pip is looking at multiple versions of tokenizers to determine which version is compatible with other requirements. This could take a while.
  Downloading gradio-3.48.0-py3-none-any.whl (20.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.3/20.3 MB 63.3 MB/s eta 0:00:00
  Downloading gradio-3.47.1-py3-none-any.whl (20.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.3/20.3 MB 18.2 MB/s eta 0:00:00
Collecting gradio-client==0.6.0 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.6.0-py3-none-any.whl (298 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 298.8/298.8 kB 37.5 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.47.0-py3-none-any.whl (20.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.3/20.3 MB 98.6 MB/s eta 0:00:00
INFO: This is taking longer than usual. You might need to provide the dependency resolver with stricter constraints to reduce runtime. See https://pip.pypa.io/warnings/backtracking for guidance. If you want to abort this run, press Ctrl + C.
  Downloading gradio-3.46.1-py3-none-any.whl (20.2 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.2/20.2 MB 95.3 MB/s eta 0:00:00
Collecting gradio-client==0.5.3 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.5.3-py3-none-any.whl (298 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 298.4/298.4 kB 39.6 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.46.0-py3-none-any.whl (20.2 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.2/20.2 MB 95.5 MB/s eta 0:00:00
  Downloading gradio-3.45.2-py3-none-any.whl (20.2 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.2/20.2 MB 28.3 MB/s eta 0:00:00
  Downloading gradio-3.45.1-py3-none-any.whl (20.2 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.2/20.2 MB 57.2 MB/s eta 0:00:00
Collecting gradio-client==0.5.2 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.5.2-py3-none-any.whl (298 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 298.3/298.3 kB 37.8 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.45.0-py3-none-any.whl (20.2 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.2/20.2 MB 96.5 MB/s eta 0:00:00
  Downloading gradio-3.44.4-py3-none-any.whl (20.2 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.2/20.2 MB 22.1 MB/s eta 0:00:00
Collecting gradio-client==0.5.1 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.5.1-py3-none-any.whl (298 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 298.2/298.2 kB 19.8 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.44.3-py3-none-any.whl (20.2 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.2/20.2 MB 96.8 MB/s eta 0:00:00
Collecting gradio-client==0.5.0 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.5.0-py3-none-any.whl (298 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 298.2/298.2 kB 37.5 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.44.2-py3-none-any.whl (20.2 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.2/20.2 MB 91.4 MB/s eta 0:00:00
  Downloading gradio-3.44.1-py3-none-any.whl (20.2 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.2/20.2 MB 104.2 MB/s eta 0:00:00
  Downloading gradio-3.44.0-py3-none-any.whl (20.2 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.2/20.2 MB 18.0 MB/s eta 0:00:00
  Downloading gradio-3.43.2-py3-none-any.whl (20.1 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.1/20.1 MB 67.1 MB/s eta 0:00:00
  Downloading gradio-3.43.1-py3-none-any.whl (20.1 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.1/20.1 MB 64.1 MB/s eta 0:00:00
  Downloading gradio-3.43.0-py3-none-any.whl (20.1 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.1/20.1 MB 75.5 MB/s eta 0:00:00
  Downloading gradio-3.42.0-py3-none-any.whl (20.1 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.1/20.1 MB 16.3 MB/s eta 0:00:00
  Downloading gradio-3.41.2-py3-none-any.whl (20.1 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.1/20.1 MB 75.6 MB/s eta 0:00:00
  Downloading gradio-3.41.1-py3-none-any.whl (20.1 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.1/20.1 MB 40.3 MB/s eta 0:00:00
  Downloading gradio-3.41.0-py3-none-any.whl (20.1 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.1/20.1 MB 25.0 MB/s eta 0:00:00
  Downloading gradio-3.40.1-py3-none-any.whl (20.0 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.0/20.0 MB 53.2 MB/s eta 0:00:00
Collecting mdit-py-plugins<=0.3.3 (from gradio->axolotl==0.3.0)
  Downloading mdit_py_plugins-0.3.3-py3-none-any.whl (50 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 50.5/50.5 kB 6.5 MB/s eta 0:00:00
Collecting gradio-client>=0.4.0 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.4.0-py3-none-any.whl (297 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 297.4/297.4 kB 32.3 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.40.0-py3-none-any.whl (20.0 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.0/20.0 MB 54.1 MB/s eta 0:00:00
  Downloading gradio-3.39.0-py3-none-any.whl (19.9 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 19.9/19.9 MB 67.0 MB/s eta 0:00:00
Collecting gradio-client>=0.3.0 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.3.0-py3-none-any.whl (294 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 294.2/294.2 kB 37.8 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.38.0-py3-none-any.whl (19.8 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 19.8/19.8 MB 18.7 MB/s eta 0:00:00
Collecting gradio-client>=0.2.10 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.2.10-py3-none-any.whl (288 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 289.0/289.0 kB 35.7 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.37.0-py3-none-any.whl (19.8 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 19.8/19.8 MB 90.3 MB/s eta 0:00:00
  Downloading gradio-3.36.1-py3-none-any.whl (19.8 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 19.8/19.8 MB 103.1 MB/s eta 0:00:00
Collecting websockets>=10.0 (from gradio->axolotl==0.3.0)
  Downloading websockets-12.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl (130 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 130.2/130.2 kB 18.0 MB/s eta 0:00:00
Collecting gradio-client>=0.2.7 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.2.9-py3-none-any.whl (288 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 288.8/288.8 kB 32.4 MB/s eta 0:00:00
  Downloading gradio_client-0.2.8-py3-none-any.whl (288 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 288.8/288.8 kB 27.6 MB/s eta 0:00:00
  Downloading gradio_client-0.2.7-py3-none-any.whl (288 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 288.4/288.4 kB 36.9 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.36.0-py3-none-any.whl (19.8 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 19.8/19.8 MB 74.6 MB/s eta 0:00:00
  Downloading gradio-3.35.2-py3-none-any.whl (19.7 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 19.7/19.7 MB 22.5 MB/s eta 0:00:00
  Downloading gradio-3.35.1-py3-none-any.whl (19.7 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 19.7/19.7 MB 52.7 MB/s eta 0:00:00
  Downloading gradio-3.35.0-py3-none-any.whl (19.7 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 19.7/19.7 MB 93.9 MB/s eta 0:00:00
  Downloading gradio-3.34.0-py3-none-any.whl (20.0 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.0/20.0 MB 92.9 MB/s eta 0:00:00
Collecting gradio-client>=0.2.6 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.2.6-py3-none-any.whl (288 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 288.3/288.3 kB 30.2 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.33.1-py3-none-any.whl (20.0 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.0/20.0 MB 18.5 MB/s eta 0:00:00
Collecting gradio-client>=0.2.4 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.2.5-py3-none-any.whl (288 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 288.1/288.1 kB 34.0 MB/s eta 0:00:00
  Downloading gradio_client-0.2.4-py3-none-any.whl (287 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 287.9/287.9 kB 30.7 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.33.0-py3-none-any.whl (20.0 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 20.0/20.0 MB 95.9 MB/s eta 0:00:00
  Downloading gradio-3.32.0-py3-none-any.whl (19.9 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 19.9/19.9 MB 95.5 MB/s eta 0:00:00
  Downloading gradio-3.31.0-py3-none-any.whl (17.4 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 17.4/17.4 MB 86.8 MB/s eta 0:00:00
  Downloading gradio-3.30.0-py3-none-any.whl (17.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 17.3/17.3 MB 73.2 MB/s eta 0:00:00
  Downloading gradio-3.29.0-py3-none-any.whl (17.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 17.3/17.3 MB 15.1 MB/s eta 0:00:00
Collecting gradio-client>=0.2.1 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.2.3-py3-none-any.whl (287 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 287.9/287.9 kB 32.3 MB/s eta 0:00:00
  Downloading gradio_client-0.2.2-py3-none-any.whl (287 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 287.9/287.9 kB 33.0 MB/s eta 0:00:00
  Downloading gradio_client-0.2.1-py3-none-any.whl (287 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 287.9/287.9 kB 34.1 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.28.3-py3-none-any.whl (17.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 17.3/17.3 MB 75.3 MB/s eta 0:00:00
Collecting gradio-client>=0.1.3 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.2.0-py3-none-any.whl (287 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 287.9/287.9 kB 30.3 MB/s eta 0:00:00
  Downloading gradio_client-0.1.4-py3-none-any.whl (286 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 286.7/286.7 kB 32.2 MB/s eta 0:00:00
  Downloading gradio_client-0.1.3-py3-none-any.whl (286 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 286.2/286.2 kB 31.6 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.28.2-py3-none-any.whl (17.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 17.3/17.3 MB 68.0 MB/s eta 0:00:00
  Downloading gradio-3.28.1-py3-none-any.whl (17.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 17.3/17.3 MB 64.9 MB/s eta 0:00:00
  Downloading gradio-3.28.0-py3-none-any.whl (17.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 17.3/17.3 MB 98.5 MB/s eta 0:00:00
  Downloading gradio-3.27.0-py3-none-any.whl (17.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 17.3/17.3 MB 33.5 MB/s eta 0:00:00
  Downloading gradio-3.26.0-py3-none-any.whl (17.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 17.3/17.3 MB 101.9 MB/s eta 0:00:00
Collecting gradio-client==0.1.2 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.1.2-py3-none-any.whl (286 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 286.1/286.1 kB 36.7 MB/s eta 0:00:00
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.25.0-py3-none-any.whl (17.5 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 17.5/17.5 MB 101.9 MB/s eta 0:00:00
Collecting gradio-client>=0.0.8 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.1.0-py3-none-any.whl (24 kB)
  Downloading gradio_client-0.0.10-py3-none-any.whl (23 kB)
  Downloading gradio_client-0.0.9-py3-none-any.whl (23 kB)
  Downloading gradio_client-0.0.8-py3-none-any.whl (20 kB)
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.24.1-py3-none-any.whl (15.7 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 15.7/15.7 MB 86.4 MB/s eta 0:00:00
Collecting gradio-client>=0.0.5 (from gradio->axolotl==0.3.0)
  Downloading gradio_client-0.0.7-py3-none-any.whl (14 kB)
  Downloading gradio_client-0.0.6-py3-none-any.whl (14 kB)
  Downloading gradio_client-0.0.5-py3-none-any.whl (12 kB)
Collecting gradio (from axolotl==0.3.0)
  Downloading gradio-3.24.0-py3-none-any.whl (15.7 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 15.7/15.7 MB 15.1 MB/s eta 0:00:00
  Downloading gradio-3.23.0-py3-none-any.whl (15.8 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 15.8/15.8 MB 107.9 MB/s eta 0:00:00
  Downloading gradio-3.22.1-py3-none-any.whl (15.8 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 15.8/15.8 MB 91.6 MB/s eta 0:00:00
  Downloading gradio-3.22.0-py3-none-any.whl (15.8 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 15.8/15.8 MB 90.6 MB/s eta 0:00:00
  Downloading gradio-3.21.0-py3-none-any.whl (15.8 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 15.8/15.8 MB 102.7 MB/s eta 0:00:00
  Downloading gradio-3.20.1-py3-none-any.whl (14.3 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 14.3/14.3 MB 106.3 MB/s eta 0:00:00
Collecting pycryptodome (from gradio->axolotl==0.3.0)
  Downloading pycryptodome-3.19.0-cp35-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (2.1 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 2.1/2.1 MB 92.5 MB/s eta 0:00:00
Collecting datasets>=2.14.0 (from axolotl==0.3.0)
  Downloading datasets-2.14.7-py3-none-any.whl (520 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 520.4/520.4 kB 53.2 MB/s eta 0:00:00
Collecting huggingface-hub (from accelerate==0.24.1->axolotl==0.3.0)
  Downloading huggingface_hub-0.17.3-py3-none-any.whl (295 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 295.0/295.0 kB 32.4 MB/s eta 0:00:00
INFO: pip is looking at multiple versions of s3fs to determine which version is compatible with other requirements. This could take a while.
INFO: pip is looking at multiple versions of transformers[sentencepiece] to determine which version is compatible with other requirements. This could take a while.
Collecting h11>=0.8 (from uvicorn->fschat==0.2.29->axolotl==0.3.0)
  Downloading h11-0.14.0-py3-none-any.whl (58 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 58.3/58.3 kB 8.1 MB/s eta 0:00:00
Collecting humanfriendly>=9.1 (from coloredlogs->optimum==1.13.2->axolotl==0.3.0)
  Downloading humanfriendly-10.0-py2.py3-none-any.whl (86 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 86.8/86.8 kB 319.1 kB/s eta 0:00:00
Requirement already satisfied: anyio<4.0.0,>=3.7.1 in /usr/local/lib/python3.10/dist-packages (from fastapi->fschat==0.2.29->axolotl==0.3.0) (3.7.1)
Collecting starlette<0.28.0,>=0.27.0 (from fastapi->fschat==0.2.29->axolotl==0.3.0)
  Downloading starlette-0.27.0-py3-none-any.whl (66 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 67.0/67.0 kB 8.6 MB/s eta 0:00:00
Collecting typing-extensions (from torch>=1.10.0->accelerate==0.24.1->axolotl==0.3.0)
  Downloading typing_extensions-4.8.0-py3-none-any.whl (31 kB)
Requirement already satisfied: google-api-core!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0,<3.0.0dev,>=1.31.5 in /usr/local/lib/python3.10/dist-packages (from google-cloud-storage->gcsfs->axolotl==0.3.0) (2.11.1)
Requirement already satisfied: google-cloud-core<3.0dev,>=2.3.0 in /usr/local/lib/python3.10/dist-packages (from google-cloud-storage->gcsfs->axolotl==0.3.0) (2.3.3)
Requirement already satisfied: google-resumable-media>=2.3.2 in /usr/local/lib/python3.10/dist-packages (from google-cloud-storage->gcsfs->axolotl==0.3.0) (2.6.0)
Collecting httpcore (from httpx->fschat==0.2.29->axolotl==0.3.0)
  Downloading httpcore-1.0.2-py3-none-any.whl (76 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 76.9/76.9 kB 9.6 MB/s eta 0:00:00
Requirement already satisfied: sniffio in /usr/local/lib/python3.10/dist-packages (from httpx->fschat==0.2.29->axolotl==0.3.0) (1.3.0)
Collecting wavedrom (from markdown2[all]->fschat==0.2.29->axolotl==0.3.0)
  Downloading wavedrom-2.0.3.post3.tar.gz (137 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 137.7/137.7 kB 19.2 MB/s eta 0:00:00
  Preparing metadata (setup.py) ... done
Requirement already satisfied: mpmath>=0.19 in /usr/local/lib/python3.10/dist-packages (from sympy->optimum==1.13.2->axolotl==0.3.0) (1.3.0)
Requirement already satisfied: exceptiongroup in /usr/local/lib/python3.10/dist-packages (from anyio<4.0.0,>=3.7.1->fastapi->fschat==0.2.29->axolotl==0.3.0) (1.1.3)
Collecting jmespath<2.0.0,>=0.7.1 (from botocore<1.31.18,>=1.31.17->aiobotocore~=2.5.4->s3fs->axolotl==0.3.0)
  Downloading jmespath-1.0.1-py3-none-any.whl (20 kB)
Collecting urllib3<3,>=1.21.1 (from requests->bert-score==0.3.13->axolotl==0.3.0)
  Downloading urllib3-1.26.18-py2.py3-none-any.whl (143 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 143.8/143.8 kB 19.1 MB/s eta 0:00:00
Collecting smmap<6,>=3.0.1 (from gitdb<5,>=4.0.1->GitPython!=3.1.29,>=1.0.0->wandb->axolotl==0.3.0)
  Downloading smmap-5.0.1-py3-none-any.whl (24 kB)
Requirement already satisfied: googleapis-common-protos<2.0.dev0,>=1.56.2 in /usr/local/lib/python3.10/dist-packages (from google-api-core!=2.0.*,!=2.1.*,!=2.2.*,!=2.3.0,<3.0.0dev,>=1.31.5->google-cloud-storage->gcsfs->axolotl==0.3.0) (1.61.0)
Requirement already satisfied: google-crc32c<2.0dev,>=1.0 in /usr/local/lib/python3.10/dist-packages (from google-resumable-media>=2.3.2->google-cloud-storage->gcsfs->axolotl==0.3.0) (1.5.0)
Requirement already satisfied: jsonschema-specifications>=2023.03.6 in /usr/local/lib/python3.10/dist-packages (from jsonschema>=3.0->altair<6.0,>=4.2.0->gradio->axolotl==0.3.0) (2023.11.1)
Requirement already satisfied: referencing>=0.28.4 in /usr/local/lib/python3.10/dist-packages (from jsonschema>=3.0->altair<6.0,>=4.2.0->gradio->axolotl==0.3.0) (0.31.0)
Requirement already satisfied: rpds-py>=0.7.1 in /usr/local/lib/python3.10/dist-packages (from jsonschema>=3.0->altair<6.0,>=4.2.0->gradio->axolotl==0.3.0) (0.12.0)
Requirement already satisfied: mdurl~=0.1 in /usr/local/lib/python3.10/dist-packages (from markdown-it-py>=2.2.0->rich>=10.0.0->fschat==0.2.29->axolotl==0.3.0) (0.1.2)
Requirement already satisfied: pyasn1<0.6.0,>=0.4.6 in /usr/local/lib/python3.10/dist-packages (from pyasn1-modules>=0.2.1->google-auth>=1.2->gcsfs->axolotl==0.3.0) (0.5.0)
Requirement already satisfied: oauthlib>=3.0.0 in /usr/local/lib/python3.10/dist-packages (from requests-oauthlib>=0.7.0->google-auth-oauthlib->gcsfs->axolotl==0.3.0) (3.2.2)
Collecting svgwrite (from wavedrom->markdown2[all]->fschat==0.2.29->axolotl==0.3.0)
  Downloading svgwrite-1.4.3-py3-none-any.whl (67 kB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 67.1/67.1 kB 10.5 MB/s eta 0:00:00
Building wheels for collected packages: optimum, rouge-score, flash-attn, deepspeed, fire, ffmpy, wavedrom, lit
  Building wheel for optimum (pyproject.toml) ... done
  Created wheel for optimum: filename=optimum-1.13.2-py3-none-any.whl size=395598 sha256=c50241754999443c85c875c140c77aa5bf3a40f56a5ffd196d1f3c5199609431
  Stored in directory: /root/.cache/pip/wheels/6e/b7/2c/79405d98f0943373d8546daeae25a3d377f7659ca0cbe48699
  Building wheel for rouge-score (setup.py) ... done
  Created wheel for rouge-score: filename=rouge_score-0.1.2-py3-none-any.whl size=24933 sha256=cc9084a7eefdb136724effd732f6cb7c0fd01f0d7c9e7852043f1cd1d23b45a9
  Stored in directory: /root/.cache/pip/wheels/5f/dd/89/461065a73be61a532ff8599a28e9beef17985c9e9c31e541b4
  Building wheel for flash-attn (setup.py) ... done
  Created wheel for flash-attn: filename=flash_attn-2.3.3-cp310-cp310-linux_x86_64.whl size=57075008 sha256=bcb63b64213ab61590b340b77de84e448a442e19c100480895194df39ad7673d
  Stored in directory: /root/.cache/pip/wheels/e5/e6/fa/941802ec61d1afd320d27160ab1db98e6dba65381f84b76d4a
  Building wheel for deepspeed (setup.py) ... done
  Created wheel for deepspeed: filename=deepspeed-0.12.3-py3-none-any.whl size=1279165 sha256=e678c7b56fa15c9218f88c9a8a48728bee271215c554abcb4049f609e47adb25
  Stored in directory: /root/.cache/pip/wheels/ee/2b/c5/892ceee06964ce8aa2a98d4260848d0d9a3f1e743862e4b45a
  Building wheel for fire (setup.py) ... done
  Created wheel for fire: filename=fire-0.5.0-py2.py3-none-any.whl size=116933 sha256=2e829d74a791417c18e5d80016d0125dc65481ae4577bfd4041e51aa64558256
  Stored in directory: /root/.cache/pip/wheels/90/d4/f7/9404e5db0116bd4d43e5666eaa3e70ab53723e1e3ea40c9a95
  Building wheel for ffmpy (setup.py) ... done
  Created wheel for ffmpy: filename=ffmpy-0.3.1-py3-none-any.whl size=5579 sha256=dd713b1fe6d28ec101c96dbf7033241901635fcddd42a07d9e97fafada70eca4
  Stored in directory: /root/.cache/pip/wheels/01/a6/d1/1c0828c304a4283b2c1639a09ad86f83d7c487ef34c6b4a1bf
  Building wheel for wavedrom (setup.py) ... done
  Created wheel for wavedrom: filename=wavedrom-2.0.3.post3-py2.py3-none-any.whl size=30053 sha256=65b629500b343fc851f1c23dd2065fa414153974ae25603bba9f99e559ecbf8c
  Stored in directory: /root/.cache/pip/wheels/9c/52/8c/38b454b42f712f325e26f633287484c7dc1ad469e1580c5954
  Building wheel for lit (pyproject.toml) ... done
  Created wheel for lit: filename=lit-17.0.5-py3-none-any.whl size=93256 sha256=209fa0a842c16d9479d3626694714ebd0b9f4afaaacf487e3fb92d19ecfa9fcf
  Stored in directory: /root/.cache/pip/wheels/1c/87/8e/5a42c0d4be23362b68bbff33b17f3c35a3df44f1cd2f5a24b4
Successfully built optimum rouge-score flash-attn deepspeed fire ffmpy wavedrom lit
Installing collected packages: sentencepiece, pydub, ninja, nh3, lit, hjson, ffmpy, bitsandbytes, addict, websockets, urllib3, typing-extensions, svgwrite, smmap, shortuuid, setproctitle, semantic-version, rouge, python-multipart, pynvml, pyarrow-hotfix, orjson, nvidia-nvtx-cu11, nvidia-nccl-cu11, nvidia-cusparse-cu11, nvidia-curand-cu11, nvidia-cufft-cu11, nvidia-cuda-runtime-cu11, nvidia-cuda-nvrtc-cu11, nvidia-cuda-cupti-cu11, nvidia-cublas-cu11, numpy, markdown2, jmespath, humanfriendly, hf_transfer, h11, fire, einops, docker-pycreds, dill, colorama, art, aioitertools, aiofiles, wavedrom, uvicorn, starlette, sentry-sdk, rouge-score, nvidia-cusolver-cu11, nvidia-cudnn-cu11, multiprocess, httpcore, gitdb, gekko, coloredlogs, botocore, tiktoken, responses, huggingface-hub, httpx, GitPython, fastapi, aiobotocore, wandb, tokenizers, s3fs, gradio-client, fschat, datasets, transformers, gradio, evaluate, triton, torch, accelerate, peft, xformers, optimum, bert-score, auto-gptq, flash-attn, deepspeed, axolotl
  Attempting uninstall: urllib3
    Found existing installation: urllib3 2.0.7
    Uninstalling urllib3-2.0.7:
      Successfully uninstalled urllib3-2.0.7
  Attempting uninstall: typing-extensions
    Found existing installation: typing_extensions 4.5.0
    Uninstalling typing_extensions-4.5.0:
      Successfully uninstalled typing_extensions-4.5.0
  Attempting uninstall: numpy
    Found existing installation: numpy 1.23.5
    Uninstalling numpy-1.23.5:
      Successfully uninstalled numpy-1.23.5
  Attempting uninstall: huggingface-hub
    Found existing installation: huggingface-hub 0.19.3
    Uninstalling huggingface-hub-0.19.3:
      Successfully uninstalled huggingface-hub-0.19.3
  Attempting uninstall: tokenizers
    Found existing installation: tokenizers 0.15.0
    Uninstalling tokenizers-0.15.0:
      Successfully uninstalled tokenizers-0.15.0
  Attempting uninstall: transformers
    Found existing installation: transformers 4.35.2
    Uninstalling transformers-4.35.2:
      Successfully uninstalled transformers-4.35.2
  Attempting uninstall: triton
    Found existing installation: triton 2.1.0
    Uninstalling triton-2.1.0:
      Successfully uninstalled triton-2.1.0
  Attempting uninstall: torch
    Found existing installation: torch 2.1.0+cu118
    Uninstalling torch-2.1.0+cu118:
      Successfully uninstalled torch-2.1.0+cu118
  Running setup.py develop for axolotl
ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.
lida 0.0.10 requires kaleido, which is not installed.
llmx 0.0.15a0 requires cohere, which is not installed.
llmx 0.0.15a0 requires openai, which is not installed.
cupy-cuda11x 11.0.0 requires numpy<1.26,>=1.20, but you have numpy 1.26.2 which is incompatible.
tensorflow-probability 0.22.0 requires typing-extensions<4.6.0, but you have typing-extensions 4.8.0 which is incompatible.
torchaudio 2.1.0+cu118 requires torch==2.1.0, but you have torch 2.0.1 which is incompatible.
torchdata 0.7.0 requires torch==2.1.0, but you have torch 2.0.1 which is incompatible.
torchtext 0.16.0 requires torch==2.1.0, but you have torch 2.0.1 which is incompatible.
torchvision 0.16.0+cu118 requires torch==2.1.0, but you have torch 2.0.1 which is incompatible.
Successfully installed GitPython-3.1.40 accelerate-0.24.1 addict-2.4.0 aiobotocore-2.5.4 aiofiles-23.2.1 aioitertools-0.11.0 art-6.1 auto-gptq-0.5.1 axolotl-0.3.0 bert-score-0.3.13 bitsandbytes-0.41.2.post2 botocore-1.31.17 colorama-0.4.6 coloredlogs-15.0.1 datasets-2.14.7 deepspeed-0.12.3 dill-0.3.7 docker-pycreds-0.4.0 einops-0.7.0 evaluate-0.4.0 fastapi-0.104.1 ffmpy-0.3.1 fire-0.5.0 flash-attn-2.3.3 fschat-0.2.29 gekko-1.0.6 gitdb-4.0.11 gradio-3.50.2 gradio-client-0.6.1 h11-0.14.0 hf_transfer-0.1.4 hjson-3.1.0 httpcore-1.0.2 httpx-0.25.1 huggingface-hub-0.17.3 humanfriendly-10.0 jmespath-1.0.1 lit-17.0.5 markdown2-2.4.10 multiprocess-0.70.15 nh3-0.2.14 ninja-1.11.1.1 numpy-1.26.2 nvidia-cublas-cu11-11.10.3.66 nvidia-cuda-cupti-cu11-11.7.101 nvidia-cuda-nvrtc-cu11-11.7.99 nvidia-cuda-runtime-cu11-11.7.99 nvidia-cudnn-cu11-8.5.0.96 nvidia-cufft-cu11-10.9.0.58 nvidia-curand-cu11-10.2.10.91 nvidia-cusolver-cu11-11.4.0.1 nvidia-cusparse-cu11-11.7.4.91 nvidia-nccl-cu11-2.14.3 nvidia-nvtx-cu11-11.7.91 optimum-1.13.2 orjson-3.9.10 peft-0.6.0 pyarrow-hotfix-0.5 pydub-0.25.1 pynvml-11.5.0 python-multipart-0.0.6 responses-0.18.0 rouge-1.0.1 rouge-score-0.1.2 s3fs-2023.6.0 semantic-version-2.10.0 sentencepiece-0.1.99 sentry-sdk-1.35.0 setproctitle-1.3.3 shortuuid-1.0.11 smmap-5.0.1 starlette-0.27.0 svgwrite-1.4.3 tiktoken-0.5.1 tokenizers-0.14.1 torch-2.0.1 transformers-4.35.1 triton-2.0.0 typing-extensions-4.8.0 urllib3-1.26.18 uvicorn-0.24.0.post1 wandb-0.16.0 wavedrom-2.0.3.post3 websockets-11.0.3 xformers-0.0.22
In [2]:
!accelerate config default
accelerate configuration saved at /root/.cache/huggingface/accelerate/default_config.yaml
In [3]:
!pip install accelerate bitsandbytes
!pwd
Requirement already satisfied: accelerate in /usr/local/lib/python3.10/dist-packages (0.24.1)
Requirement already satisfied: bitsandbytes in /usr/local/lib/python3.10/dist-packages (0.41.2.post2)
Requirement already satisfied: numpy>=1.17 in /usr/local/lib/python3.10/dist-packages (from accelerate) (1.26.2)
Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.10/dist-packages (from accelerate) (23.2)
Requirement already satisfied: psutil in /usr/local/lib/python3.10/dist-packages (from accelerate) (5.9.5)
Requirement already satisfied: pyyaml in /usr/local/lib/python3.10/dist-packages (from accelerate) (6.0.1)
Requirement already satisfied: torch>=1.10.0 in /usr/local/lib/python3.10/dist-packages (from accelerate) (2.0.1)
Requirement already satisfied: huggingface-hub in /usr/local/lib/python3.10/dist-packages (from accelerate) (0.17.3)
Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (3.13.1)
Requirement already satisfied: typing-extensions in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (4.8.0)
Requirement already satisfied: sympy in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (1.12)
Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (3.2.1)
Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (3.1.2)
Requirement already satisfied: nvidia-cuda-nvrtc-cu11==11.7.99 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (11.7.99)
Requirement already satisfied: nvidia-cuda-runtime-cu11==11.7.99 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (11.7.99)
Requirement already satisfied: nvidia-cuda-cupti-cu11==11.7.101 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (11.7.101)
Requirement already satisfied: nvidia-cudnn-cu11==8.5.0.96 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (8.5.0.96)
Requirement already satisfied: nvidia-cublas-cu11==11.10.3.66 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (11.10.3.66)
Requirement already satisfied: nvidia-cufft-cu11==10.9.0.58 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (10.9.0.58)
Requirement already satisfied: nvidia-curand-cu11==10.2.10.91 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (10.2.10.91)
Requirement already satisfied: nvidia-cusolver-cu11==11.4.0.1 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (11.4.0.1)
Requirement already satisfied: nvidia-cusparse-cu11==11.7.4.91 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (11.7.4.91)
Requirement already satisfied: nvidia-nccl-cu11==2.14.3 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (2.14.3)
Requirement already satisfied: nvidia-nvtx-cu11==11.7.91 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (11.7.91)
Requirement already satisfied: triton==2.0.0 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (2.0.0)
Requirement already satisfied: setuptools in /usr/local/lib/python3.10/dist-packages (from nvidia-cublas-cu11==11.10.3.66->torch>=1.10.0->accelerate) (67.7.2)
Requirement already satisfied: wheel in /usr/local/lib/python3.10/dist-packages (from nvidia-cublas-cu11==11.10.3.66->torch>=1.10.0->accelerate) (0.41.3)
Requirement already satisfied: cmake in /usr/local/lib/python3.10/dist-packages (from triton==2.0.0->torch>=1.10.0->accelerate) (3.27.7)
Requirement already satisfied: lit in /usr/local/lib/python3.10/dist-packages (from triton==2.0.0->torch>=1.10.0->accelerate) (17.0.5)
Requirement already satisfied: fsspec in /usr/local/lib/python3.10/dist-packages (from huggingface-hub->accelerate) (2023.6.0)
Requirement already satisfied: requests in /usr/local/lib/python3.10/dist-packages (from huggingface-hub->accelerate) (2.31.0)
Requirement already satisfied: tqdm>=4.42.1 in /usr/local/lib/python3.10/dist-packages (from huggingface-hub->accelerate) (4.66.1)
Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->torch>=1.10.0->accelerate) (2.1.3)
Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->accelerate) (3.3.2)
Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->accelerate) (3.4)
Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->accelerate) (1.26.18)
Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->accelerate) (2023.7.22)
Requirement already satisfied: mpmath>=0.19 in /usr/local/lib/python3.10/dist-packages (from sympy->torch>=1.10.0->accelerate) (1.3.0)
/content
In [4]:
import torch
torch.cuda.is_available()
Out[4]:
True
In [5]:
!pip install --upgrade transformers
Requirement already satisfied: transformers in /usr/local/lib/python3.10/dist-packages (4.35.1)
Collecting transformers
  Downloading transformers-4.35.2-py3-none-any.whl (7.9 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 7.9/7.9 MB 24.5 MB/s eta 0:00:00
Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from transformers) (3.13.1)
Requirement already satisfied: huggingface-hub<1.0,>=0.16.4 in /usr/local/lib/python3.10/dist-packages (from transformers) (0.17.3)
Requirement already satisfied: numpy>=1.17 in /usr/local/lib/python3.10/dist-packages (from transformers) (1.26.2)
Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.10/dist-packages (from transformers) (23.2)
Requirement already satisfied: pyyaml>=5.1 in /usr/local/lib/python3.10/dist-packages (from transformers) (6.0.1)
Requirement already satisfied: regex!=2019.12.17 in /usr/local/lib/python3.10/dist-packages (from transformers) (2023.6.3)
Requirement already satisfied: requests in /usr/local/lib/python3.10/dist-packages (from transformers) (2.31.0)
Requirement already satisfied: tokenizers<0.19,>=0.14 in /usr/local/lib/python3.10/dist-packages (from transformers) (0.14.1)
Requirement already satisfied: safetensors>=0.3.1 in /usr/local/lib/python3.10/dist-packages (from transformers) (0.4.0)
Requirement already satisfied: tqdm>=4.27 in /usr/local/lib/python3.10/dist-packages (from transformers) (4.66.1)
Requirement already satisfied: fsspec in /usr/local/lib/python3.10/dist-packages (from huggingface-hub<1.0,>=0.16.4->transformers) (2023.6.0)
Requirement already satisfied: typing-extensions>=3.7.4.3 in /usr/local/lib/python3.10/dist-packages (from huggingface-hub<1.0,>=0.16.4->transformers) (4.8.0)
Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests->transformers) (3.3.2)
Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests->transformers) (3.4)
Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests->transformers) (1.26.18)
Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests->transformers) (2023.7.22)
Installing collected packages: transformers
  Attempting uninstall: transformers
    Found existing installation: transformers 4.35.1
    Uninstalling transformers-4.35.1:
      Successfully uninstalled transformers-4.35.1
ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.
axolotl 0.3.0 requires transformers==4.35.1, but you have transformers 4.35.2 which is incompatible.
Successfully installed transformers-4.35.2
In [6]:
# https://github.com/oobabooga/text-generation-webui/issues/4238
!pip install https://github.com/Dao-AILab/flash-attention/releases/download/v2.3.0/flash_attn-2.3.0+cu117torch2.0cxx11abiFALSE-cp310-cp310-linux_x86_64.whl
Collecting flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE
  Downloading https://github.com/Dao-AILab/flash-attention/releases/download/v2.3.0/flash_attn-2.3.0+cu117torch2.0cxx11abiFALSE-cp310-cp310-linux_x86_64.whl (30.0 MB)
     ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 30.0/30.0 MB 46.0 MB/s eta 0:00:00
Requirement already satisfied: torch in /usr/local/lib/python3.10/dist-packages (from flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (2.0.1)
Requirement already satisfied: einops in /usr/local/lib/python3.10/dist-packages (from flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (0.7.0)
Requirement already satisfied: packaging in /usr/local/lib/python3.10/dist-packages (from flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (23.2)
Requirement already satisfied: ninja in /usr/local/lib/python3.10/dist-packages (from flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (1.11.1.1)
Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (3.13.1)
Requirement already satisfied: typing-extensions in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (4.8.0)
Requirement already satisfied: sympy in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (1.12)
Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (3.2.1)
Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (3.1.2)
Requirement already satisfied: nvidia-cuda-nvrtc-cu11==11.7.99 in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (11.7.99)
Requirement already satisfied: nvidia-cuda-runtime-cu11==11.7.99 in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (11.7.99)
Requirement already satisfied: nvidia-cuda-cupti-cu11==11.7.101 in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (11.7.101)
Requirement already satisfied: nvidia-cudnn-cu11==8.5.0.96 in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (8.5.0.96)
Requirement already satisfied: nvidia-cublas-cu11==11.10.3.66 in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (11.10.3.66)
Requirement already satisfied: nvidia-cufft-cu11==10.9.0.58 in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (10.9.0.58)
Requirement already satisfied: nvidia-curand-cu11==10.2.10.91 in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (10.2.10.91)
Requirement already satisfied: nvidia-cusolver-cu11==11.4.0.1 in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (11.4.0.1)
Requirement already satisfied: nvidia-cusparse-cu11==11.7.4.91 in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (11.7.4.91)
Requirement already satisfied: nvidia-nccl-cu11==2.14.3 in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (2.14.3)
Requirement already satisfied: nvidia-nvtx-cu11==11.7.91 in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (11.7.91)
Requirement already satisfied: triton==2.0.0 in /usr/local/lib/python3.10/dist-packages (from torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (2.0.0)
Requirement already satisfied: setuptools in /usr/local/lib/python3.10/dist-packages (from nvidia-cublas-cu11==11.10.3.66->torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (67.7.2)
Requirement already satisfied: wheel in /usr/local/lib/python3.10/dist-packages (from nvidia-cublas-cu11==11.10.3.66->torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (0.41.3)
Requirement already satisfied: cmake in /usr/local/lib/python3.10/dist-packages (from triton==2.0.0->torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (3.27.7)
Requirement already satisfied: lit in /usr/local/lib/python3.10/dist-packages (from triton==2.0.0->torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (17.0.5)
Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (2.1.3)
Requirement already satisfied: mpmath>=0.19 in /usr/local/lib/python3.10/dist-packages (from sympy->torch->flash-attn==2.3.0+cu117torch2.0cxx11abiFALSE) (1.3.0)
Installing collected packages: flash-attn
  Attempting uninstall: flash-attn
    Found existing installation: flash-attn 2.3.3
    Uninstalling flash-attn-2.3.3:
      Successfully uninstalled flash-attn-2.3.3
Successfully installed flash-attn-2.3.0

Start the training process (fine-tuning)

In [ ]:
!accelerate launch -m axolotl.cli.train model.yml --load_in_8bit=False
2023-11-18 10:15:30.581758: E tensorflow/compiler/xla/stream_executor/cuda/cuda_dnn.cc:9342] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
2023-11-18 10:15:30.581829: E tensorflow/compiler/xla/stream_executor/cuda/cuda_fft.cc:609] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
2023-11-18 10:15:30.581870: E tensorflow/compiler/xla/stream_executor/cuda/cuda_blas.cc:1518] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
2023-11-18 10:15:32.302565: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT
/usr/local/lib/python3.10/dist-packages/transformers/deepspeed.py:23: FutureWarning: transformers.deepspeed module is deprecated and will be removed in a future version. Please import deepspeed modules directly from transformers.integrations
  warnings.warn(
                                 dP            dP   dP 
                                 88            88   88 
      .d8888b. dP.  .dP .d8888b. 88 .d8888b. d8888P 88 
      88'  `88  `8bd8'  88'  `88 88 88'  `88   88   88 
      88.  .88  .d88b.  88.  .88 88 88.  .88   88   88 
      `88888P8 dP'  `dP `88888P' dP `88888P'   dP   dP 
                                                       
                                                       

[2023-11-18 10:15:36,028] [WARNING] [axolotl.validate_config:169] [PID:4655] [RANK:0] eval_batch_size != micro_batch_size. This can lead to VRAM instability.
[2023-11-18 10:15:36,239] [INFO] [axolotl.normalize_config:128] [PID:4655] [RANK:0] GPU memory usage baseline: 0.000GB (+0.255GB misc)
[2023-11-18 10:15:36,239] [WARNING] [axolotl.scripts.check_accelerate_default_config:343] [PID:4655] [RANK:0] accelerate config file found at /root/.cache/huggingface/accelerate/default_config.yaml. This can lead to unexpected errors
[2023-11-18 10:15:36,239] [WARNING] [axolotl.scripts.check_user_token:355] [PID:4655] [RANK:0] Error verifying HuggingFace token. Remember to log in using `huggingface-cli login` and get your access token from https://huggingface.co/settings/tokens if you want to use gated models or datasets.
[2023-11-18 10:15:36,594] [DEBUG] [axolotl.load_tokenizer:100] [PID:4655] [RANK:0] EOS: 2 / </s>
[2023-11-18 10:15:36,595] [DEBUG] [axolotl.load_tokenizer:101] [PID:4655] [RANK:0] BOS: 1 / <s>
[2023-11-18 10:15:36,595] [DEBUG] [axolotl.load_tokenizer:102] [PID:4655] [RANK:0] PAD: 0 / <unk>
[2023-11-18 10:15:36,595] [DEBUG] [axolotl.load_tokenizer:103] [PID:4655] [RANK:0] UNK: 0 / <unk>
[2023-11-18 10:15:36,595] [INFO] [axolotl.load_tokenized_prepared_datasets:147] [PID:4655] [RANK:0] Unable to find prepared dataset in last_run_prepared/5dca4483042d16053f3cd9eeaf5ac8af
[2023-11-18 10:15:36,595] [INFO] [axolotl.load_tokenized_prepared_datasets:148] [PID:4655] [RANK:0] Loading raw datasets...
[2023-11-18 10:15:36,595] [INFO] [axolotl.load_tokenized_prepared_datasets:153] [PID:4655] [RANK:0] No seed provided, using default seed of 42
Map (num_proc=2): 100% 846/846 [00:00<00:00, 991.41 examples/s] 
[2023-11-18 10:15:37,890] [INFO] [axolotl.load_tokenized_prepared_datasets:355] [PID:4655] [RANK:0] merging datasets
[2023-11-18 10:15:37,892] [INFO] [axolotl.load_tokenized_prepared_datasets:362] [PID:4655] [RANK:0] Saving merged prepared dataset to disk... last_run_prepared/5dca4483042d16053f3cd9eeaf5ac8af
Saving the dataset (1/1 shards): 100% 846/846 [00:00<00:00, 118881.71 examples/s]
Filter (num_proc=2): 100% 803/803 [00:00<00:00, 3171.26 examples/s]
Filter (num_proc=2): 100% 43/43 [00:00<00:00, 301.68 examples/s]
Map (num_proc=2): 100% 803/803 [00:00<00:00, 2783.35 examples/s]
[2023-11-18 10:15:38,745] [DEBUG] [axolotl.log:60] [PID:4655] [RANK:0] total_num_tokens: 77893
[2023-11-18 10:15:38,753] [DEBUG] [axolotl.log:60] [PID:4655] [RANK:0] `total_supervised_tokens: 77893`
[2023-11-18 10:15:44,265] [INFO] [axolotl.utils.samplers.multipack._len_est:178] [PID:4655] [RANK:0] packing_efficiency_estimate: 1.0 total_num_tokens per device: 77893
[2023-11-18 10:15:44,265] [DEBUG] [axolotl.log:60] [PID:4655] [RANK:0] data_loader_len: 8
[2023-11-18 10:15:44,265] [INFO] [axolotl.log:60] [PID:4655] [RANK:0] sample_packing_eff_est across ranks: [0.95084228515625]
[2023-11-18 10:15:44,265] [DEBUG] [axolotl.log:60] [PID:4655] [RANK:0] sample_packing_eff_est: 0.96
[2023-11-18 10:15:44,266] [DEBUG] [axolotl.log:60] [PID:4655] [RANK:0] total_num_steps: 32
[2023-11-18 10:15:44,266] [DEBUG] [axolotl.train.log:60] [PID:4655] [RANK:0] loading tokenizer... NousResearch/Llama-2-7b-hf
[2023-11-18 10:15:44,629] [DEBUG] [axolotl.load_tokenizer:100] [PID:4655] [RANK:0] EOS: 2 / </s>
[2023-11-18 10:15:44,629] [DEBUG] [axolotl.load_tokenizer:101] [PID:4655] [RANK:0] BOS: 1 / <s>
[2023-11-18 10:15:44,629] [DEBUG] [axolotl.load_tokenizer:102] [PID:4655] [RANK:0] PAD: 0 / <unk>
[2023-11-18 10:15:44,629] [DEBUG] [axolotl.load_tokenizer:103] [PID:4655] [RANK:0] UNK: 0 / <unk>
[2023-11-18 10:15:44,630] [DEBUG] [axolotl.train.log:60] [PID:4655] [RANK:0] loading model and peft_config...
[2023-11-18 10:15:44,713] [INFO] [axolotl.load_model:201] [PID:4655] [RANK:0] patching _expand_mask
Downloading (…)fetensors.index.json: 100% 26.8k/26.8k [00:00<00:00, 34.9MB/s]
Downloading shards:   0% 0/2 [00:00<?, ?it/s]
Downloading (…)of-00002.safetensors:   0% 0.00/9.98G [00:00<?, ?B/s]
Downloading (…)of-00002.safetensors:   0% 21.0M/9.98G [00:00<01:10, 142MB/s]
Downloading (…)of-00002.safetensors:   1% 52.4M/9.98G [00:00<00:46, 212MB/s]
Downloading (…)of-00002.safetensors:   1% 83.9M/9.98G [00:00<00:43, 229MB/s]
Downloading (…)of-00002.safetensors:   1% 115M/9.98G [00:00<00:40, 246MB/s] 
Downloading (…)of-00002.safetensors:   1% 147M/9.98G [00:00<00:47, 206MB/s]
Downloading (…)of-00002.safetensors:   2% 178M/9.98G [00:00<00:47, 205MB/s]
Downloading (…)of-00002.safetensors:   2% 210M/9.98G [00:01<00:47, 205MB/s]
Downloading (…)of-00002.safetensors:   2% 241M/9.98G [00:01<00:45, 214MB/s]
Downloading (…)of-00002.safetensors:   3% 273M/9.98G [00:01<01:02, 155MB/s]
Downloading (…)of-00002.safetensors:   3% 304M/9.98G [00:01<00:55, 174MB/s]
Downloading (…)of-00002.safetensors:   3% 336M/9.98G [00:01<00:49, 194MB/s]
Downloading (…)of-00002.safetensors:   4% 367M/9.98G [00:01<00:46, 208MB/s]
Downloading (…)of-00002.safetensors:   4% 398M/9.98G [00:02<00:48, 196MB/s]
Downloading (…)of-00002.safetensors:   4% 430M/9.98G [00:02<00:58, 162MB/s]
Downloading (…)of-00002.safetensors:   5% 451M/9.98G [00:02<01:00, 158MB/s]
Downloading (…)of-00002.safetensors:   5% 482M/9.98G [00:02<00:54, 176MB/s]
Downloading (…)of-00002.safetensors:   5% 503M/9.98G [00:03<02:50, 55.5MB/s]
Downloading (…)of-00002.safetensors:   5% 535M/9.98G [00:03<02:08, 73.8MB/s]
Downloading (…)of-00002.safetensors:   6% 556M/9.98G [00:04<01:48, 86.8MB/s]
Downloading (…)of-00002.safetensors:   6% 587M/9.98G [00:04<01:23, 112MB/s] 
Downloading (…)of-00002.safetensors:   6% 619M/9.98G [00:04<01:08, 137MB/s]
Downloading (…)of-00002.safetensors:   7% 650M/9.98G [00:04<00:58, 161MB/s]
Downloading (…)of-00002.safetensors:   7% 682M/9.98G [00:04<01:08, 137MB/s]
Downloading (…)of-00002.safetensors:   7% 703M/9.98G [00:04<01:03, 145MB/s]
Downloading (…)of-00002.safetensors:   7% 724M/9.98G [00:04<00:58, 157MB/s]
Downloading (…)of-00002.safetensors:   7% 744M/9.98G [00:05<00:55, 166MB/s]
Downloading (…)of-00002.safetensors:   8% 776M/9.98G [00:05<00:48, 191MB/s]
Downloading (…)of-00002.safetensors:   8% 807M/9.98G [00:05<01:22, 111MB/s]
Downloading (…)of-00002.safetensors:   8% 839M/9.98G [00:05<01:06, 138MB/s]
Downloading (…)of-00002.safetensors:   9% 870M/9.98G [00:05<00:56, 163MB/s]
Downloading (…)of-00002.safetensors:   9% 902M/9.98G [00:06<00:50, 178MB/s]
Downloading (…)of-00002.safetensors:   9% 933M/9.98G [00:06<00:47, 189MB/s]
Downloading (…)of-00002.safetensors:  10% 965M/9.98G [00:06<00:46, 194MB/s]
Downloading (…)of-00002.safetensors:  10% 996M/9.98G [00:06<00:44, 202MB/s]
Downloading (…)of-00002.safetensors:  10% 1.03G/9.98G [00:06<00:42, 209MB/s]
Downloading (…)of-00002.safetensors:  11% 1.06G/9.98G [00:06<00:41, 216MB/s]
Downloading (…)of-00002.safetensors:  11% 1.09G/9.98G [00:06<00:41, 217MB/s]
Downloading (…)of-00002.safetensors:  11% 1.12G/9.98G [00:07<00:40, 221MB/s]
Downloading (…)of-00002.safetensors:  12% 1.15G/9.98G [00:07<00:38, 231MB/s]
Downloading (…)of-00002.safetensors:  12% 1.18G/9.98G [00:07<00:39, 223MB/s]
Downloading (…)of-00002.safetensors:  12% 1.22G/9.98G [00:07<00:38, 226MB/s]
Downloading (…)of-00002.safetensors:  13% 1.25G/9.98G [00:07<00:38, 227MB/s]
Downloading (…)of-00002.safetensors:  13% 1.28G/9.98G [00:07<00:36, 239MB/s]
Downloading (…)of-00002.safetensors:  13% 1.31G/9.98G [00:07<00:35, 247MB/s]
Downloading (…)of-00002.safetensors:  13% 1.34G/9.98G [00:07<00:36, 237MB/s]
Downloading (…)of-00002.safetensors:  14% 1.37G/9.98G [00:08<00:37, 229MB/s]
Downloading (…)of-00002.safetensors:  14% 1.41G/9.98G [00:08<00:36, 233MB/s]
Downloading (…)of-00002.safetensors:  14% 1.44G/9.98G [00:08<00:36, 236MB/s]
Downloading (…)of-00002.safetensors:  15% 1.47G/9.98G [00:08<00:34, 246MB/s]
Downloading (…)of-00002.safetensors:  15% 1.50G/9.98G [00:08<00:33, 252MB/s]
Downloading (…)of-00002.safetensors:  15% 1.53G/9.98G [00:08<00:33, 250MB/s]
Downloading (…)of-00002.safetensors:  16% 1.56G/9.98G [00:08<00:37, 226MB/s]
Downloading (…)of-00002.safetensors:  16% 1.59G/9.98G [00:09<00:35, 238MB/s]
Downloading (…)of-00002.safetensors:  16% 1.63G/9.98G [00:09<00:34, 240MB/s]
Downloading (…)of-00002.safetensors:  17% 1.66G/9.98G [00:09<00:40, 204MB/s]
Downloading (…)of-00002.safetensors:  17% 1.69G/9.98G [00:09<00:38, 214MB/s]
Downloading (…)of-00002.safetensors:  17% 1.72G/9.98G [00:09<00:37, 221MB/s]
Downloading (…)of-00002.safetensors:  18% 1.75G/9.98G [00:09<00:36, 228MB/s]
Downloading (…)of-00002.safetensors:  18% 1.78G/9.98G [00:09<00:37, 218MB/s]
Downloading (…)of-00002.safetensors:  18% 1.81G/9.98G [00:10<00:35, 230MB/s]
Downloading (…)of-00002.safetensors:  18% 1.85G/9.98G [00:10<00:34, 236MB/s]
Downloading (…)of-00002.safetensors:  19% 1.88G/9.98G [00:10<00:37, 219MB/s]
Downloading (…)of-00002.safetensors:  19% 1.91G/9.98G [00:10<00:35, 225MB/s]
Downloading (…)of-00002.safetensors:  19% 1.94G/9.98G [00:10<00:33, 240MB/s]
Downloading (…)of-00002.safetensors:  20% 1.97G/9.98G [00:10<00:33, 238MB/s]
Downloading (…)of-00002.safetensors:  20% 2.00G/9.98G [00:10<00:32, 245MB/s]
Downloading (…)of-00002.safetensors:  20% 2.03G/9.98G [00:10<00:32, 243MB/s]
Downloading (…)of-00002.safetensors:  21% 2.07G/9.98G [00:11<00:34, 226MB/s]
Downloading (…)of-00002.safetensors:  21% 2.10G/9.98G [00:11<00:34, 232MB/s]
Downloading (…)of-00002.safetensors:  21% 2.13G/9.98G [00:11<00:35, 224MB/s]
Downloading (…)of-00002.safetensors:  22% 2.16G/9.98G [00:11<00:35, 221MB/s]
Downloading (…)of-00002.safetensors:  22% 2.19G/9.98G [00:11<00:36, 214MB/s]
Downloading (…)of-00002.safetensors:  22% 2.22G/9.98G [00:11<00:36, 212MB/s]
Downloading (…)of-00002.safetensors:  23% 2.25G/9.98G [00:11<00:35, 218MB/s]
Downloading (…)of-00002.safetensors:  23% 2.29G/9.98G [00:12<00:34, 224MB/s]
Downloading (…)of-00002.safetensors:  23% 2.32G/9.98G [00:12<00:32, 236MB/s]
Downloading (…)of-00002.safetensors:  24% 2.35G/9.98G [00:12<00:32, 237MB/s]
Downloading (…)of-00002.safetensors:  24% 2.38G/9.98G [00:12<00:32, 233MB/s]
Downloading (…)of-00002.safetensors:  24% 2.41G/9.98G [00:12<00:31, 242MB/s]
Downloading (…)of-00002.safetensors:  24% 2.44G/9.98G [00:12<00:30, 248MB/s]
Downloading (…)of-00002.safetensors:  25% 2.47G/9.98G [00:12<00:32, 233MB/s]
Downloading (…)of-00002.safetensors:  25% 2.51G/9.98G [00:13<00:31, 238MB/s]
Downloading (…)of-00002.safetensors:  25% 2.54G/9.98G [00:13<00:29, 249MB/s]
Downloading (…)of-00002.safetensors:  26% 2.57G/9.98G [00:13<00:36, 205MB/s]
Downloading (…)of-00002.safetensors:  26% 2.60G/9.98G [00:13<00:37, 197MB/s]
Downloading (…)of-00002.safetensors:  26% 2.63G/9.98G [00:13<00:35, 206MB/s]
Downloading (…)of-00002.safetensors:  27% 2.66G/9.98G [00:15<02:34, 47.3MB/s]
Downloading (…)of-00002.safetensors:  27% 2.69G/9.98G [00:15<01:55, 63.2MB/s]
Downloading (…)of-00002.safetensors:  27% 2.73G/9.98G [00:15<01:28, 81.6MB/s]
Downloading (…)of-00002.safetensors:  28% 2.76G/9.98G [00:15<01:11, 101MB/s] 
Downloading (…)of-00002.safetensors:  28% 2.79G/9.98G [00:16<00:58, 124MB/s]
Downloading (…)of-00002.safetensors:  28% 2.82G/9.98G [00:16<00:49, 146MB/s]
Downloading (…)of-00002.safetensors:  29% 2.85G/9.98G [00:16<00:45, 158MB/s]
Downloading (…)of-00002.safetensors:  29% 2.88G/9.98G [00:16<00:39, 180MB/s]
Downloading (…)of-00002.safetensors:  29% 2.92G/9.98G [00:16<00:35, 196MB/s]
Downloading (…)of-00002.safetensors:  30% 2.95G/9.98G [00:16<00:34, 205MB/s]
Downloading (…)of-00002.safetensors:  30% 2.98G/9.98G [00:16<00:32, 218MB/s]
Downloading (…)of-00002.safetensors:  30% 3.01G/9.98G [00:16<00:30, 229MB/s]
Downloading (…)of-00002.safetensors:  30% 3.04G/9.98G [00:17<00:29, 232MB/s]
Downloading (…)of-00002.safetensors:  31% 3.07G/9.98G [00:17<00:29, 232MB/s]
Downloading (…)of-00002.safetensors:  31% 3.10G/9.98G [00:17<00:29, 235MB/s]
Downloading (…)of-00002.safetensors:  31% 3.14G/9.98G [00:17<00:28, 238MB/s]
Downloading (…)of-00002.safetensors:  32% 3.17G/9.98G [00:17<00:28, 237MB/s]
Downloading (…)of-00002.safetensors:  32% 3.20G/9.98G [00:17<00:28, 237MB/s]
Downloading (…)of-00002.safetensors:  32% 3.23G/9.98G [00:17<00:28, 238MB/s]
Downloading (…)of-00002.safetensors:  33% 3.26G/9.98G [00:17<00:28, 236MB/s]
Downloading (…)of-00002.safetensors:  33% 3.29G/9.98G [00:18<00:27, 239MB/s]
Downloading (…)of-00002.safetensors:  33% 3.32G/9.98G [00:18<00:26, 247MB/s]
Downloading (…)of-00002.safetensors:  34% 3.36G/9.98G [00:18<00:26, 250MB/s]
Downloading (…)of-00002.safetensors:  34% 3.39G/9.98G [00:18<00:26, 253MB/s]
Downloading (…)of-00002.safetensors:  34% 3.42G/9.98G [00:18<00:25, 259MB/s]
Downloading (…)of-00002.safetensors:  35% 3.45G/9.98G [00:18<00:25, 252MB/s]
Downloading (…)of-00002.safetensors:  35% 3.48G/9.98G [00:18<00:26, 248MB/s]
Downloading (…)of-00002.safetensors:  35% 3.51G/9.98G [00:18<00:25, 253MB/s]
Downloading (…)of-00002.safetensors:  36% 3.54G/9.98G [00:19<00:25, 254MB/s]
Downloading (…)of-00002.safetensors:  36% 3.58G/9.98G [00:19<00:25, 254MB/s]
Downloading (…)of-00002.safetensors:  36% 3.61G/9.98G [00:19<00:24, 259MB/s]
Downloading (…)of-00002.safetensors:  36% 3.64G/9.98G [00:19<00:24, 256MB/s]
Downloading (…)of-00002.safetensors:  37% 3.67G/9.98G [00:19<00:24, 260MB/s]
Downloading (…)of-00002.safetensors:  37% 3.70G/9.98G [00:19<00:25, 245MB/s]
Downloading (…)of-00002.safetensors:  37% 3.73G/9.98G [00:19<00:25, 248MB/s]
Downloading (…)of-00002.safetensors:  38% 3.76G/9.98G [00:19<00:24, 252MB/s]
Downloading (…)of-00002.safetensors:  38% 3.80G/9.98G [00:20<00:25, 246MB/s]
Downloading (…)of-00002.safetensors:  38% 3.83G/9.98G [00:20<00:25, 244MB/s]
Downloading (…)of-00002.safetensors:  39% 3.86G/9.98G [00:20<00:24, 246MB/s]
Downloading (…)of-00002.safetensors:  39% 3.89G/9.98G [00:20<00:23, 260MB/s]
Downloading (…)of-00002.safetensors:  39% 3.92G/9.98G [00:20<00:22, 272MB/s]
Downloading (…)of-00002.safetensors:  40% 3.95G/9.98G [00:20<00:21, 276MB/s]
Downloading (…)of-00002.safetensors:  40% 3.98G/9.98G [00:20<00:21, 281MB/s]
Downloading (…)of-00002.safetensors:  40% 4.02G/9.98G [00:20<00:22, 269MB/s]
Downloading (…)of-00002.safetensors:  41% 4.05G/9.98G [00:21<00:23, 247MB/s]
Downloading (…)of-00002.safetensors:  41% 4.08G/9.98G [00:21<00:25, 228MB/s]
Downloading (…)of-00002.safetensors:  41% 4.11G/9.98G [00:21<00:26, 224MB/s]
Downloading (…)of-00002.safetensors:  42% 4.14G/9.98G [00:21<00:24, 236MB/s]
Downloading (…)of-00002.safetensors:  42% 4.17G/9.98G [00:21<00:23, 245MB/s]
Downloading (…)of-00002.safetensors:  42% 4.20G/9.98G [00:21<00:22, 253MB/s]
Downloading (…)of-00002.safetensors:  42% 4.24G/9.98G [00:21<00:22, 254MB/s]
Downloading (…)of-00002.safetensors:  43% 4.27G/9.98G [00:21<00:22, 257MB/s]
Downloading (…)of-00002.safetensors:  43% 4.30G/9.98G [00:22<00:22, 257MB/s]
Downloading (…)of-00002.safetensors:  43% 4.33G/9.98G [00:22<00:22, 256MB/s]
Downloading (…)of-00002.safetensors:  44% 4.36G/9.98G [00:22<00:21, 256MB/s]
Downloading (…)of-00002.safetensors:  44% 4.39G/9.98G [00:22<00:21, 256MB/s]
Downloading (…)of-00002.safetensors:  44% 4.42G/9.98G [00:22<00:21, 258MB/s]
Downloading (…)of-00002.safetensors:  45% 4.46G/9.98G [00:22<00:21, 253MB/s]
Downloading (…)of-00002.safetensors:  45% 4.49G/9.98G [00:22<00:21, 252MB/s]
Downloading (…)of-00002.safetensors:  45% 4.52G/9.98G [00:22<00:21, 253MB/s]
Downloading (…)of-00002.safetensors:  46% 4.55G/9.98G [00:23<00:21, 251MB/s]
Downloading (…)of-00002.safetensors:  46% 4.58G/9.98G [00:23<00:21, 252MB/s]
Downloading (…)of-00002.safetensors:  46% 4.61G/9.98G [00:23<00:21, 255MB/s]
Downloading (…)of-00002.safetensors:  47% 4.65G/9.98G [00:23<00:20, 254MB/s]
Downloading (…)of-00002.safetensors:  47% 4.68G/9.98G [00:23<00:20, 257MB/s]
Downloading (…)of-00002.safetensors:  47% 4.71G/9.98G [00:23<00:20, 257MB/s]
Downloading (…)of-00002.safetensors:  48% 4.74G/9.98G [00:23<00:20, 254MB/s]
Downloading (…)of-00002.safetensors:  48% 4.77G/9.98G [00:23<00:20, 251MB/s]
Downloading (…)of-00002.safetensors:  48% 4.80G/9.98G [00:24<00:20, 250MB/s]
Downloading (…)of-00002.safetensors:  48% 4.83G/9.98G [00:24<00:20, 248MB/s]
Downloading (…)of-00002.safetensors:  49% 4.87G/9.98G [00:24<00:20, 251MB/s]
Downloading (…)of-00002.safetensors:  49% 4.90G/9.98G [00:24<00:20, 244MB/s]
Downloading (…)of-00002.safetensors:  49% 4.93G/9.98G [00:24<00:21, 231MB/s]
Downloading (…)of-00002.safetensors:  50% 4.96G/9.98G [00:24<00:22, 225MB/s]
Downloading (…)of-00002.safetensors:  50% 4.99G/9.98G [00:24<00:21, 230MB/s]
Downloading (…)of-00002.safetensors:  50% 5.02G/9.98G [00:25<00:21, 234MB/s]
Downloading (…)of-00002.safetensors:  51% 5.05G/9.98G [00:25<00:21, 230MB/s]
Downloading (…)of-00002.safetensors:  51% 5.09G/9.98G [00:25<00:21, 224MB/s]
Downloading (…)of-00002.safetensors:  51% 5.12G/9.98G [00:25<00:21, 228MB/s]
Downloading (…)of-00002.safetensors:  52% 5.15G/9.98G [00:25<00:20, 241MB/s]
Downloading (…)of-00002.safetensors:  52% 5.18G/9.98G [00:25<00:19, 243MB/s]
Downloading (…)of-00002.safetensors:  52% 5.21G/9.98G [00:25<00:19, 248MB/s]
Downloading (…)of-00002.safetensors:  53% 5.24G/9.98G [00:25<00:21, 221MB/s]
Downloading (…)of-00002.safetensors:  53% 5.27G/9.98G [00:26<00:21, 218MB/s]
Downloading (…)of-00002.safetensors:  53% 5.31G/9.98G [00:26<00:21, 213MB/s]
Downloading (…)of-00002.safetensors:  53% 5.34G/9.98G [00:26<00:21, 217MB/s]
Downloading (…)of-00002.safetensors:  54% 5.37G/9.98G [00:26<00:20, 220MB/s]
Downloading (…)of-00002.safetensors:  54% 5.40G/9.98G [00:26<00:20, 224MB/s]
Downloading (…)of-00002.safetensors:  54% 5.43G/9.98G [00:26<00:19, 234MB/s]
Downloading (…)of-00002.safetensors:  55% 5.46G/9.98G [00:26<00:19, 235MB/s]
Downloading (…)of-00002.safetensors:  55% 5.49G/9.98G [00:27<00:19, 224MB/s]
Downloading (…)of-00002.safetensors:  55% 5.53G/9.98G [00:27<00:19, 226MB/s]
Downloading (…)of-00002.safetensors:  56% 5.56G/9.98G [00:27<00:18, 238MB/s]
Downloading (…)of-00002.safetensors:  56% 5.59G/9.98G [00:27<00:18, 235MB/s]
Downloading (…)of-00002.safetensors:  56% 5.62G/9.98G [00:27<00:18, 234MB/s]
Downloading (…)of-00002.safetensors:  57% 5.65G/9.98G [00:27<00:17, 241MB/s]
Downloading (…)of-00002.safetensors:  57% 5.68G/9.98G [00:27<00:17, 242MB/s]
Downloading (…)of-00002.safetensors:  57% 5.71G/9.98G [00:28<00:19, 222MB/s]
Downloading (…)of-00002.safetensors:  58% 5.75G/9.98G [00:28<00:19, 217MB/s]
Downloading (…)of-00002.safetensors:  58% 5.78G/9.98G [00:28<00:19, 214MB/s]
Downloading (…)of-00002.safetensors:  58% 5.81G/9.98G [00:28<00:19, 218MB/s]
Downloading (…)of-00002.safetensors:  59% 5.84G/9.98G [00:28<00:18, 222MB/s]
Downloading (…)of-00002.safetensors:  59% 5.87G/9.98G [00:28<00:18, 221MB/s]
Downloading (…)of-00002.safetensors:  59% 5.90G/9.98G [00:28<00:18, 221MB/s]
Downloading (…)of-00002.safetensors:  59% 5.93G/9.98G [00:29<00:18, 215MB/s]
Downloading (…)of-00002.safetensors:  60% 5.97G/9.98G [00:29<00:18, 215MB/s]
Downloading (…)of-00002.safetensors:  60% 6.00G/9.98G [00:29<00:18, 217MB/s]
Downloading (…)of-00002.safetensors:  60% 6.03G/9.98G [00:29<00:18, 218MB/s]
Downloading (…)of-00002.safetensors:  61% 6.06G/9.98G [00:29<00:17, 222MB/s]
Downloading (…)of-00002.safetensors:  61% 6.09G/9.98G [00:29<00:17, 220MB/s]
Downloading (…)of-00002.safetensors:  61% 6.12G/9.98G [00:29<00:17, 217MB/s]
Downloading (…)of-00002.safetensors:  62% 6.16G/9.98G [00:30<00:17, 222MB/s]
Downloading (…)of-00002.safetensors:  62% 6.19G/9.98G [00:30<00:16, 223MB/s]
Downloading (…)of-00002.safetensors:  62% 6.22G/9.98G [00:30<00:17, 217MB/s]
Downloading (…)of-00002.safetensors:  63% 6.25G/9.98G [00:30<00:16, 230MB/s]
Downloading (…)of-00002.safetensors:  63% 6.28G/9.98G [00:30<00:15, 240MB/s]
Downloading (…)of-00002.safetensors:  63% 6.31G/9.98G [00:30<00:15, 235MB/s]
Downloading (…)of-00002.safetensors:  64% 6.34G/9.98G [00:30<00:15, 236MB/s]
Downloading (…)of-00002.safetensors:  64% 6.38G/9.98G [00:31<00:15, 230MB/s]
Downloading (…)of-00002.safetensors:  64% 6.41G/9.98G [00:31<00:16, 218MB/s]
Downloading (…)of-00002.safetensors:  65% 6.44G/9.98G [00:31<00:23, 151MB/s]
Downloading (…)of-00002.safetensors:  65% 6.47G/9.98G [00:31<00:20, 172MB/s]
Downloading (…)of-00002.safetensors:  65% 6.50G/9.98G [00:31<00:18, 193MB/s]
Downloading (…)of-00002.safetensors:  65% 6.53G/9.98G [00:31<00:16, 211MB/s]
Downloading (…)of-00002.safetensors:  66% 6.56G/9.98G [00:32<00:16, 213MB/s]
Downloading (…)of-00002.safetensors:  66% 6.60G/9.98G [00:32<00:16, 203MB/s]
Downloading (…)of-00002.safetensors:  66% 6.63G/9.98G [00:32<00:15, 212MB/s]
Downloading (…)of-00002.safetensors:  67% 6.66G/9.98G [00:32<00:16, 205MB/s]
Downloading (…)of-00002.safetensors:  67% 6.69G/9.98G [00:33<00:53, 61.7MB/s]
Downloading (…)of-00002.safetensors:  67% 6.71G/9.98G [00:33<00:45, 72.4MB/s]
Downloading (…)of-00002.safetensors:  67% 6.73G/9.98G [00:34<00:38, 83.9MB/s]
Downloading (…)of-00002.safetensors:  68% 6.75G/9.98G [00:34<00:33, 97.4MB/s]
Downloading (…)of-00002.safetensors:  68% 6.77G/9.98G [00:34<00:28, 112MB/s] 
Downloading (…)of-00002.safetensors:  68% 6.79G/9.98G [00:34<00:25, 126MB/s]
Downloading (…)of-00002.safetensors:  68% 6.82G/9.98G [00:34<00:22, 140MB/s]
Downloading (…)of-00002.safetensors:  69% 6.84G/9.98G [00:34<00:20, 153MB/s]
Downloading (…)of-00002.safetensors:  69% 6.86G/9.98G [00:34<00:19, 163MB/s]
Downloading (…)of-00002.safetensors:  69% 6.88G/9.98G [00:34<00:18, 164MB/s]
Downloading (…)of-00002.safetensors:  69% 6.90G/9.98G [00:34<00:18, 169MB/s]
Downloading (…)of-00002.safetensors:  69% 6.93G/9.98G [00:35<00:15, 201MB/s]
Downloading (…)of-00002.safetensors:  70% 6.96G/9.98G [00:35<00:14, 204MB/s]
Downloading (…)of-00002.safetensors:  70% 6.99G/9.98G [00:35<00:26, 111MB/s]
Downloading (…)of-00002.safetensors:  70% 7.01G/9.98G [00:35<00:23, 124MB/s]
Downloading (…)of-00002.safetensors:  71% 7.04G/9.98G [00:36<00:21, 136MB/s]
Downloading (…)of-00002.safetensors:  71% 7.06G/9.98G [00:36<00:19, 148MB/s]
Downloading (…)of-00002.safetensors:  71% 7.08G/9.98G [00:36<00:18, 161MB/s]
Downloading (…)of-00002.safetensors:  71% 7.10G/9.98G [00:36<00:17, 164MB/s]
Downloading (…)of-00002.safetensors:  71% 7.12G/9.98G [00:36<00:16, 170MB/s]
Downloading (…)of-00002.safetensors:  72% 7.15G/9.98G [00:36<00:15, 187MB/s]
Downloading (…)of-00002.safetensors:  72% 7.18G/9.98G [00:36<00:14, 198MB/s]
Downloading (…)of-00002.safetensors:  72% 7.21G/9.98G [00:36<00:13, 209MB/s]
Downloading (…)of-00002.safetensors:  73% 7.25G/9.98G [00:37<00:12, 210MB/s]
Downloading (…)of-00002.safetensors:  73% 7.28G/9.98G [00:37<00:12, 217MB/s]
Downloading (…)of-00002.safetensors:  73% 7.31G/9.98G [00:37<00:11, 229MB/s]
Downloading (…)of-00002.safetensors:  74% 7.34G/9.98G [00:37<00:11, 225MB/s]
Downloading (…)of-00002.safetensors:  74% 7.37G/9.98G [00:37<00:10, 239MB/s]
Downloading (…)of-00002.safetensors:  74% 7.40G/9.98G [00:37<00:11, 233MB/s]
Downloading (…)of-00002.safetensors:  75% 7.43G/9.98G [00:37<00:11, 229MB/s]
Downloading (…)of-00002.safetensors:  75% 7.47G/9.98G [00:37<00:10, 243MB/s]
Downloading (…)of-00002.safetensors:  75% 7.50G/9.98G [00:38<00:11, 219MB/s]
Downloading (…)of-00002.safetensors:  75% 7.53G/9.98G [00:38<00:11, 208MB/s]
Downloading (…)of-00002.safetensors:  76% 7.56G/9.98G [00:38<00:11, 217MB/s]
Downloading (…)of-00002.safetensors:  76% 7.59G/9.98G [00:40<00:52, 45.4MB/s]
Downloading (…)of-00002.safetensors:  76% 7.62G/9.98G [00:40<00:38, 60.8MB/s]
Downloading (…)of-00002.safetensors:  77% 7.65G/9.98G [00:40<00:29, 78.4MB/s]
Downloading (…)of-00002.safetensors:  77% 7.69G/9.98G [00:40<00:24, 93.7MB/s]
Downloading (…)of-00002.safetensors:  77% 7.71G/9.98G [00:40<00:21, 104MB/s] 
Downloading (…)of-00002.safetensors:  77% 7.73G/9.98G [00:41<00:19, 116MB/s]
Downloading (…)of-00002.safetensors:  78% 7.75G/9.98G [00:41<00:17, 128MB/s]
Downloading (…)of-00002.safetensors:  78% 7.77G/9.98G [00:41<00:15, 140MB/s]
Downloading (…)of-00002.safetensors:  78% 7.79G/9.98G [00:41<00:14, 150MB/s]
Downloading (…)of-00002.safetensors:  78% 7.82G/9.98G [00:41<00:12, 175MB/s]
Downloading (…)of-00002.safetensors:  79% 7.84G/9.98G [00:45<01:53, 18.8MB/s]
Downloading (…)of-00002.safetensors:  79% 7.86G/9.98G [00:45<01:28, 24.0MB/s]
Downloading (…)of-00002.safetensors:  79% 7.89G/9.98G [00:45<01:06, 31.3MB/s]
Downloading (…)of-00002.safetensors:  79% 7.92G/9.98G [00:45<00:43, 46.9MB/s]
Downloading (…)of-00002.safetensors:  80% 7.95G/9.98G [00:46<00:30, 65.6MB/s]
Downloading (…)of-00002.safetensors:  80% 7.98G/9.98G [00:46<00:23, 86.8MB/s]
Downloading (…)of-00002.safetensors:  80% 8.01G/9.98G [00:46<00:19, 98.5MB/s]
Downloading (…)of-00002.safetensors:  81% 8.04G/9.98G [00:46<00:15, 122MB/s] 
Downloading (…)of-00002.safetensors:  81% 8.07G/9.98G [00:46<00:13, 144MB/s]
Downloading (…)of-00002.safetensors:  81% 8.11G/9.98G [00:46<00:11, 167MB/s]
Downloading (…)of-00002.safetensors:  82% 8.14G/9.98G [00:46<00:09, 190MB/s]
Downloading (…)of-00002.safetensors:  82% 8.17G/9.98G [00:47<00:08, 205MB/s]
Downloading (…)of-00002.safetensors:  82% 8.20G/9.98G [00:47<00:08, 212MB/s]
Downloading (…)of-00002.safetensors:  83% 8.23G/9.98G [00:47<00:07, 225MB/s]
Downloading (…)of-00002.safetensors:  83% 8.26G/9.98G [00:47<00:10, 162MB/s]
Downloading (…)of-00002.safetensors:  83% 8.29G/9.98G [00:47<00:09, 186MB/s]
Downloading (…)of-00002.safetensors:  83% 8.33G/9.98G [00:47<00:08, 197MB/s]
Downloading (…)of-00002.safetensors:  84% 8.36G/9.98G [00:47<00:07, 210MB/s]
Downloading (…)of-00002.safetensors:  84% 8.39G/9.98G [00:48<00:07, 224MB/s]
Downloading (…)of-00002.safetensors:  84% 8.42G/9.98G [00:48<00:07, 205MB/s]
Downloading (…)of-00002.safetensors:  85% 8.45G/9.98G [00:50<00:38, 39.3MB/s]
Downloading (…)of-00002.safetensors:  85% 8.47G/9.98G [00:50<00:32, 46.4MB/s]
Downloading (…)of-00002.safetensors:  85% 8.50G/9.98G [00:50<00:23, 62.5MB/s]
Downloading (…)of-00002.safetensors:  86% 8.54G/9.98G [00:50<00:17, 82.1MB/s]
Downloading (…)of-00002.safetensors:  86% 8.57G/9.98G [00:51<00:13, 104MB/s] 
Downloading (…)of-00002.safetensors:  86% 8.60G/9.98G [00:51<00:12, 111MB/s]
Downloading (…)of-00002.safetensors:  86% 8.62G/9.98G [00:51<00:11, 121MB/s]
Downloading (…)of-00002.safetensors:  87% 8.65G/9.98G [00:51<00:09, 145MB/s]
Downloading (…)of-00002.safetensors:  87% 8.68G/9.98G [00:51<00:08, 162MB/s]
Downloading (…)of-00002.safetensors:  87% 8.71G/9.98G [00:51<00:07, 176MB/s]
Downloading (…)of-00002.safetensors:  88% 8.75G/9.98G [00:52<00:06, 193MB/s]
Downloading (…)of-00002.safetensors:  88% 8.78G/9.98G [00:52<00:05, 204MB/s]
Downloading (…)of-00002.safetensors:  88% 8.81G/9.98G [00:52<00:05, 220MB/s]
Downloading (…)of-00002.safetensors:  89% 8.84G/9.98G [00:52<00:05, 223MB/s]
Downloading (…)of-00002.safetensors:  89% 8.87G/9.98G [00:52<00:04, 233MB/s]
Downloading (…)of-00002.safetensors:  89% 8.90G/9.98G [00:52<00:04, 217MB/s]
Downloading (…)of-00002.safetensors:  90% 8.93G/9.98G [00:52<00:04, 214MB/s]
Downloading (…)of-00002.safetensors:  90% 8.97G/9.98G [00:53<00:04, 212MB/s]
Downloading (…)of-00002.safetensors:  90% 9.00G/9.98G [00:55<00:25, 38.5MB/s]
Downloading (…)of-00002.safetensors:  90% 9.02G/9.98G [00:55<00:20, 46.8MB/s]
Downloading (…)of-00002.safetensors:  91% 9.04G/9.98G [00:55<00:17, 53.2MB/s]
Downloading (…)of-00002.safetensors:  91% 9.07G/9.98G [00:55<00:12, 72.5MB/s]
Downloading (…)of-00002.safetensors:  91% 9.10G/9.98G [00:55<00:09, 94.2MB/s]
Downloading (…)of-00002.safetensors:  92% 9.13G/9.98G [00:56<00:07, 117MB/s] 
Downloading (…)of-00002.safetensors:  92% 9.16G/9.98G [00:56<00:06, 130MB/s]
Downloading (…)of-00002.safetensors:  92% 9.19G/9.98G [00:56<00:05, 138MB/s]
Downloading (…)of-00002.safetensors:  92% 9.22G/9.98G [00:56<00:04, 158MB/s]
Downloading (…)of-00002.safetensors:  93% 9.25G/9.98G [00:56<00:04, 172MB/s]
Downloading (…)of-00002.safetensors:  93% 9.28G/9.98G [00:56<00:03, 192MB/s]
Downloading (…)of-00002.safetensors:  93% 9.31G/9.98G [00:56<00:03, 201MB/s]
Downloading (…)of-00002.safetensors:  94% 9.34G/9.98G [00:57<00:03, 206MB/s]
Downloading (…)of-00002.safetensors:  94% 9.37G/9.98G [00:57<00:02, 224MB/s]
Downloading (…)of-00002.safetensors:  94% 9.41G/9.98G [00:57<00:02, 207MB/s]
Downloading (…)of-00002.safetensors:  95% 9.44G/9.98G [00:57<00:02, 211MB/s]
Downloading (…)of-00002.safetensors:  95% 9.47G/9.98G [00:57<00:02, 213MB/s]
Downloading (…)of-00002.safetensors:  95% 9.50G/9.98G [01:00<00:13, 34.2MB/s]
Downloading (…)of-00002.safetensors:  96% 9.53G/9.98G [01:00<00:09, 45.5MB/s]
Downloading (…)of-00002.safetensors:  96% 9.55G/9.98G [01:00<00:08, 51.3MB/s]
Downloading (…)of-00002.safetensors:  96% 9.58G/9.98G [01:00<00:05, 68.6MB/s]
Downloading (…)of-00002.safetensors:  96% 9.62G/9.98G [01:01<00:04, 89.4MB/s]
Downloading (…)of-00002.safetensors:  97% 9.65G/9.98G [01:01<00:02, 112MB/s] 
Downloading (…)of-00002.safetensors:  97% 9.68G/9.98G [01:01<00:02, 122MB/s]
Downloading (…)of-00002.safetensors:  97% 9.71G/9.98G [01:01<00:01, 146MB/s]
Downloading (…)of-00002.safetensors:  98% 9.74G/9.98G [01:01<00:01, 174MB/s]
Downloading (…)of-00002.safetensors:  98% 9.77G/9.98G [01:01<00:01, 168MB/s]
Downloading (…)of-00002.safetensors:  98% 9.80G/9.98G [01:01<00:00, 189MB/s]
Downloading (…)of-00002.safetensors:  99% 9.84G/9.98G [01:02<00:00, 205MB/s]
Downloading (…)of-00002.safetensors:  99% 9.87G/9.98G [01:02<00:00, 134MB/s]
Downloading (…)of-00002.safetensors:  99% 9.90G/9.98G [01:02<00:00, 157MB/s]
Downloading (…)of-00002.safetensors: 100% 9.93G/9.98G [01:03<00:00, 60.1MB/s]
Downloading (…)of-00002.safetensors: 100% 9.95G/9.98G [01:03<00:00, 69.4MB/s]
Downloading (…)of-00002.safetensors: 100% 9.98G/9.98G [01:04<00:00, 155MB/s] 
Downloading shards:  50% 1/2 [01:04<01:04, 64.43s/it]
Downloading (…)of-00002.safetensors:   0% 0.00/3.50G [00:00<?, ?B/s]
Downloading (…)of-00002.safetensors:   1% 21.0M/3.50G [00:00<00:18, 185MB/s]
Downloading (…)of-00002.safetensors:   1% 41.9M/3.50G [00:00<00:17, 195MB/s]
Downloading (…)of-00002.safetensors:   2% 73.4M/3.50G [00:00<00:16, 203MB/s]
Downloading (…)of-00002.safetensors:   3% 105M/3.50G [00:00<00:15, 218MB/s] 
Downloading (…)of-00002.safetensors:   4% 136M/3.50G [00:00<00:14, 226MB/s]
Downloading (…)of-00002.safetensors:   5% 168M/3.50G [00:00<00:13, 242MB/s]
Downloading (…)of-00002.safetensors:   6% 199M/3.50G [00:00<00:12, 259MB/s]
Downloading (…)of-00002.safetensors:   7% 231M/3.50G [00:01<00:25, 129MB/s]
Downloading (…)of-00002.safetensors:   7% 262M/3.50G [00:01<00:20, 155MB/s]
Downloading (…)of-00002.safetensors:   8% 294M/3.50G [00:01<00:18, 178MB/s]
Downloading (…)of-00002.safetensors:   9% 325M/3.50G [00:01<00:16, 194MB/s]
Downloading (…)of-00002.safetensors:  10% 357M/3.50G [00:01<00:15, 205MB/s]
Downloading (…)of-00002.safetensors:  11% 388M/3.50G [00:01<00:14, 218MB/s]
Downloading (…)of-00002.safetensors:  12% 419M/3.50G [00:02<00:13, 229MB/s]
Downloading (…)of-00002.safetensors:  13% 451M/3.50G [00:02<00:12, 236MB/s]
Downloading (…)of-00002.safetensors:  14% 482M/3.50G [00:02<00:12, 242MB/s]
Downloading (…)of-00002.safetensors:  15% 514M/3.50G [00:02<00:12, 243MB/s]
Downloading (…)of-00002.safetensors:  16% 545M/3.50G [00:02<00:12, 244MB/s]
Downloading (…)of-00002.safetensors:  16% 577M/3.50G [00:02<00:11, 248MB/s]
Downloading (…)of-00002.safetensors:  17% 608M/3.50G [00:02<00:11, 251MB/s]
Downloading (…)of-00002.safetensors:  18% 640M/3.50G [00:02<00:11, 243MB/s]
Downloading (…)of-00002.safetensors:  19% 671M/3.50G [00:03<00:11, 243MB/s]
Downloading (…)of-00002.safetensors:  20% 703M/3.50G [00:03<00:11, 239MB/s]
Downloading (…)of-00002.safetensors:  21% 734M/3.50G [00:03<00:11, 242MB/s]
Downloading (…)of-00002.safetensors:  22% 765M/3.50G [00:03<00:10, 250MB/s]
Downloading (…)of-00002.safetensors:  23% 797M/3.50G [00:03<00:10, 252MB/s]
Downloading (…)of-00002.safetensors:  24% 828M/3.50G [00:03<00:10, 258MB/s]
Downloading (…)of-00002.safetensors:  25% 860M/3.50G [00:03<00:10, 255MB/s]
Downloading (…)of-00002.safetensors:  25% 891M/3.50G [00:03<00:10, 248MB/s]
Downloading (…)of-00002.safetensors:  26% 923M/3.50G [00:04<00:10, 251MB/s]
Downloading (…)of-00002.safetensors:  27% 954M/3.50G [00:04<00:10, 251MB/s]
Downloading (…)of-00002.safetensors:  28% 986M/3.50G [00:04<00:10, 248MB/s]
Downloading (…)of-00002.safetensors:  29% 1.02G/3.50G [00:04<00:10, 241MB/s]
Downloading (…)of-00002.safetensors:  30% 1.05G/3.50G [00:04<00:10, 240MB/s]
Downloading (…)of-00002.safetensors:  31% 1.08G/3.50G [00:04<00:10, 239MB/s]
Downloading (…)of-00002.safetensors:  32% 1.11G/3.50G [00:04<00:10, 237MB/s]
Downloading (…)of-00002.safetensors:  33% 1.14G/3.50G [00:05<00:10, 229MB/s]
Downloading (…)of-00002.safetensors:  34% 1.17G/3.50G [00:05<00:10, 226MB/s]
Downloading (…)of-00002.safetensors:  34% 1.21G/3.50G [00:05<00:09, 231MB/s]
Downloading (…)of-00002.safetensors:  35% 1.24G/3.50G [00:05<00:09, 235MB/s]
Downloading (…)of-00002.safetensors:  36% 1.27G/3.50G [00:05<00:09, 228MB/s]
Downloading (…)of-00002.safetensors:  37% 1.30G/3.50G [00:05<00:09, 228MB/s]
Downloading (…)of-00002.safetensors:  38% 1.33G/3.50G [00:05<00:09, 233MB/s]
Downloading (…)of-00002.safetensors:  39% 1.36G/3.50G [00:05<00:09, 235MB/s]
Downloading (…)of-00002.safetensors:  40% 1.39G/3.50G [00:06<00:09, 229MB/s]
Downloading (…)of-00002.safetensors:  41% 1.43G/3.50G [00:06<00:08, 239MB/s]
Downloading (…)of-00002.safetensors:  42% 1.46G/3.50G [00:06<00:08, 234MB/s]
Downloading (…)of-00002.safetensors:  43% 1.49G/3.50G [00:06<00:09, 217MB/s]
Downloading (…)of-00002.safetensors:  43% 1.52G/3.50G [00:06<00:09, 207MB/s]
Downloading (…)of-00002.safetensors:  44% 1.55G/3.50G [00:06<00:09, 208MB/s]
Downloading (…)of-00002.safetensors:  45% 1.58G/3.50G [00:07<00:09, 202MB/s]
Downloading (…)of-00002.safetensors:  46% 1.60G/3.50G [00:07<00:09, 199MB/s]
Downloading (…)of-00002.safetensors:  47% 1.64G/3.50G [00:07<00:08, 211MB/s]
Downloading (…)of-00002.safetensors:  48% 1.67G/3.50G [00:07<00:08, 212MB/s]
Downloading (…)of-00002.safetensors:  49% 1.70G/3.50G [00:07<00:08, 216MB/s]
Downloading (…)of-00002.safetensors:  49% 1.73G/3.50G [00:07<00:08, 220MB/s]
Downloading (…)of-00002.safetensors:  50% 1.76G/3.50G [00:07<00:07, 218MB/s]
Downloading (…)of-00002.safetensors:  51% 1.79G/3.50G [00:11<01:02, 27.1MB/s]
Downloading (…)of-00002.safetensors:  52% 1.82G/3.50G [00:11<00:45, 36.9MB/s]
Downloading (…)of-00002.safetensors:  53% 1.86G/3.50G [00:11<00:33, 49.5MB/s]
Downloading (…)of-00002.safetensors:  54% 1.89G/3.50G [00:11<00:24, 65.1MB/s]
Downloading (…)of-00002.safetensors:  55% 1.91G/3.50G [00:11<00:20, 76.0MB/s]
Downloading (…)of-00002.safetensors:  55% 1.93G/3.50G [00:12<00:18, 85.5MB/s]
Downloading (…)of-00002.safetensors:  56% 1.95G/3.50G [00:12<00:16, 95.8MB/s]
Downloading (…)of-00002.safetensors:  56% 1.97G/3.50G [00:12<00:13, 112MB/s] 
Downloading (…)of-00002.safetensors:  57% 1.99G/3.50G [00:12<00:11, 126MB/s]
Downloading (…)of-00002.safetensors:  58% 2.02G/3.50G [00:12<00:09, 152MB/s]
Downloading (…)of-00002.safetensors:  59% 2.06G/3.50G [00:12<00:08, 168MB/s]
Downloading (…)of-00002.safetensors:  60% 2.09G/3.50G [00:12<00:07, 185MB/s]
Downloading (…)of-00002.safetensors:  61% 2.12G/3.50G [00:12<00:06, 202MB/s]
Downloading (…)of-00002.safetensors:  61% 2.15G/3.50G [00:13<00:06, 215MB/s]
Downloading (…)of-00002.safetensors:  62% 2.18G/3.50G [00:13<00:05, 225MB/s]
Downloading (…)of-00002.safetensors:  63% 2.21G/3.50G [00:13<00:05, 237MB/s]
Downloading (…)of-00002.safetensors:  64% 2.24G/3.50G [00:13<00:05, 246MB/s]
Downloading (…)of-00002.safetensors:  65% 2.28G/3.50G [00:13<00:04, 249MB/s]
Downloading (…)of-00002.safetensors:  66% 2.31G/3.50G [00:13<00:05, 212MB/s]
Downloading (…)of-00002.safetensors:  67% 2.34G/3.50G [00:14<00:07, 146MB/s]
Downloading (…)of-00002.safetensors:  67% 2.36G/3.50G [00:16<00:30, 37.5MB/s]
Downloading (…)of-00002.safetensors:  68% 2.38G/3.50G [00:16<00:24, 46.3MB/s]
Downloading (…)of-00002.safetensors:  69% 2.40G/3.50G [00:16<00:20, 53.4MB/s]
Downloading (…)of-00002.safetensors:  69% 2.43G/3.50G [00:16<00:14, 74.3MB/s]
Downloading (…)of-00002.safetensors:  70% 2.46G/3.50G [00:16<00:10, 95.7MB/s]
Downloading (…)of-00002.safetensors:  71% 2.50G/3.50G [00:16<00:08, 116MB/s] 
Downloading (…)of-00002.safetensors:  72% 2.52G/3.50G [00:17<00:08, 122MB/s]
Downloading (…)of-00002.safetensors:  72% 2.54G/3.50G [00:17<00:07, 134MB/s]
Downloading (…)of-00002.safetensors:  73% 2.56G/3.50G [00:17<00:06, 145MB/s]
Downloading (…)of-00002.safetensors:  74% 2.58G/3.50G [00:17<00:05, 157MB/s]
Downloading (…)of-00002.safetensors:  74% 2.60G/3.50G [00:17<00:05, 169MB/s]
Downloading (…)of-00002.safetensors:  75% 2.63G/3.50G [00:17<00:04, 185MB/s]
Downloading (…)of-00002.safetensors:  76% 2.66G/3.50G [00:17<00:04, 201MB/s]
Downloading (…)of-00002.safetensors:  77% 2.69G/3.50G [00:17<00:03, 220MB/s]
Downloading (…)of-00002.safetensors:  78% 2.73G/3.50G [00:17<00:03, 215MB/s]
Downloading (…)of-00002.safetensors:  79% 2.76G/3.50G [00:18<00:03, 213MB/s]
Downloading (…)of-00002.safetensors:  80% 2.79G/3.50G [00:18<00:03, 220MB/s]
Downloading (…)of-00002.safetensors:  81% 2.82G/3.50G [00:21<00:20, 32.7MB/s]
Downloading (…)of-00002.safetensors:  81% 2.85G/3.50G [00:21<00:14, 44.0MB/s]
Downloading (…)of-00002.safetensors:  82% 2.88G/3.50G [00:21<00:10, 58.4MB/s]
Downloading (…)of-00002.safetensors:  83% 2.92G/3.50G [00:21<00:07, 76.0MB/s]
Downloading (…)of-00002.safetensors:  84% 2.95G/3.50G [00:21<00:06, 87.1MB/s]
Downloading (…)of-00002.safetensors:  85% 2.97G/3.50G [00:21<00:05, 99.8MB/s]
Downloading (…)of-00002.safetensors:  86% 3.00G/3.50G [00:21<00:04, 124MB/s] 
Downloading (…)of-00002.safetensors:  86% 3.02G/3.50G [00:22<00:03, 136MB/s]
Downloading (…)of-00002.safetensors:  87% 3.04G/3.50G [00:22<00:03, 141MB/s]
Downloading (…)of-00002.safetensors:  87% 3.06G/3.50G [00:22<00:03, 145MB/s]
Downloading (…)of-00002.safetensors:  88% 3.08G/3.50G [00:22<00:03, 109MB/s]
Downloading (…)of-00002.safetensors:  89% 3.11G/3.50G [00:22<00:02, 136MB/s]
Downloading (…)of-00002.safetensors:  90% 3.15G/3.50G [00:22<00:02, 160MB/s]
Downloading (…)of-00002.safetensors:  91% 3.18G/3.50G [00:23<00:01, 183MB/s]
Downloading (…)of-00002.safetensors:  92% 3.21G/3.50G [00:23<00:01, 191MB/s]
Downloading (…)of-00002.safetensors:  93% 3.24G/3.50G [00:23<00:01, 189MB/s]
Downloading (…)of-00002.safetensors:  93% 3.27G/3.50G [00:23<00:01, 194MB/s]
Downloading (…)of-00002.safetensors:  94% 3.30G/3.50G [00:23<00:00, 205MB/s]
Downloading (…)of-00002.safetensors:  95% 3.33G/3.50G [00:23<00:00, 212MB/s]
Downloading (…)of-00002.safetensors:  96% 3.37G/3.50G [00:23<00:00, 210MB/s]
Downloading (…)of-00002.safetensors:  97% 3.40G/3.50G [00:24<00:00, 210MB/s]
Downloading (…)of-00002.safetensors:  98% 3.43G/3.50G [00:24<00:00, 214MB/s]
Downloading (…)of-00002.safetensors:  99% 3.46G/3.50G [00:24<00:00, 213MB/s]
Downloading (…)of-00002.safetensors: 100% 3.50G/3.50G [00:24<00:00, 142MB/s]
Downloading shards: 100% 2/2 [01:29<00:00, 44.56s/it]
Loading checkpoint shards:  50% 1/2 [01:07<01:07, 67.16s/it]
In [ ]:
!python3 -m axolotl.cli.merge_lora model.yml --lora_model_dir="./qlora-out" --load_in_8bit=False --load_in_4bit=False
In [ ]:
!git clone https://github.com/ggerganov/llama.cpp.git
!cd llama.cpp && make GGML_CUDA=1
In [ ]:
# We need to convert the pytorch model into ggml for quantization
# It crates 'ggml-model-f16.bin' in the 'merged' directory.
!cd llama.cpp && python convert.py --outtype f16 \
    /content/qlora-out/merged/pytorch_model-00001-of-00002.bin
In [ ]:
# Start off by making a basic q4_0 4-bit quantization.
# It's important to have 'ggml' in the name of the quant for some
# software to recognize it's file format.
!cd llama.cpp &&  ./quantize /content/qlora-out/merged/ggml-model-f16.gguf \
    /content/custom-model-q4_0.bin q4_0