{ "cells": [ { "cell_type": "markdown", "metadata": {}, "source": [ "# VibeVoice Voice Cloning Test\n", "\n", "**IMPORTANT:** Voice cloning with custom audio ONLY works through Gradio interface!\n", "\n", "The command-line script only uses built-in voices (Alice, Frank, etc.)" ] }, { "cell_type": "code", "metadata": { "collapsed": false, "scrolled": true }, "source": [ "# Setup\n", "import torch\n", "if torch.cuda.is_available():\n", " print(f\"GPU: {torch.cuda.get_device_name(0)}\")" ], "execution_count": 2, "outputs": [ { "output_type": "stream", "name": "stdout", "text": [ "GPU: NVIDIA L40S\n" ] } ] }, { "cell_type": "code", "metadata": { "collapsed": false, "scrolled": true }, "source": [ "# Install VibeVoice\n", "![ -d /root/VibeVoice ] || git clone --quiet https://github.com/cseti007/VibeVoice.git /root/VibeVoice\n", "%uv pip install --quiet -e /root/VibeVoice\n", "print(\"Installed\")" ], "execution_count": 3, "outputs": [ { "output_type": "stream", "name": "stdout", "text": [ "Note: you may need to restart the kernel to use updated packages.\n", "Installed\n" ] } ] }, { "cell_type": "code", "metadata": { "collapsed": false, "scrolled": true }, "source": [ "# Download models\n", "!huggingface-cli download aoi-ot/VibeVoice-Large --local-dir /root/models/VibeVoice-Large --quiet\n", "!huggingface-cli download ABDALLALSWAITI/vibevoice-arabic-Z --local-dir /root/models/vibevoice-arabic-Z --quiet\n", "print(\"Models ready\")" ], "execution_count": 4, "outputs": [ { "output_type": "stream", "name": "stdout", "text": [ "\u001b[33m\u26a0\ufe0f Warning: 'huggingface-cli download' is deprecated. Use 'hf download' instead.\u001b[0m\r\n", "/root/models/VibeVoice-Large\r\n", "\u001b[33m\u26a0\ufe0f Warning: 'huggingface-cli download' is deprecated. Use 'hf download' instead.\u001b[0m\r\n", "/root/models/vibevoice-arabic-Z\r\n", "Models ready\n" ] } ] }, { "cell_type": "code", "metadata": { "collapsed": false, "scrolled": true }, "source": [ "# Launch Gradio with Arabic LoRA\n", "!python /root/VibeVoice/demo/gradio_demo.py \\\n", " --model_path /root/models/VibeVoice-Large \\\n", " --checkpoint_path /root/models/vibevoice-arabic-Z \\\n", " --share" ], "execution_count": 5, "outputs": [ { "output_type": "stream", "name": "stdout", "text": [ "APEX FusedRMSNorm not available, using native implementation\r\n", "\ud83c\udf99\ufe0f Initializing VibeVoice Demo with Streaming Support...\r\n", "Loading processor & model from /root/models/VibeVoice-Large\r\n", "Using device: cuda\r\n", "\rtokenizer_config.json: 0.00B [00:00, ?B/s]\rtokenizer_config.json: 7.23kB [00:00, 25.5MB/s]\r\n", "\rvocab.json: 0.00B [00:00, ?B/s]\rvocab.json: 2.78MB [00:00, 134MB/s]\r\n", "\rmerges.txt: 0.00B [00:00, ?B/s]\rmerges.txt: 1.67MB [00:00, 148MB/s]\r\n", "\rtokenizer.json: 0.00B [00:00, ?B/s]\rtokenizer.json: 7.03MB [00:00, 175MB/s]\r\n", "loading file vocab.json from cache at /root/.cache/huggingface/hub/models--Qwen--Qwen2.5-7B/snapshots/d149729398750b98c0af14eb82c78cfe92750796/vocab.json\r\n", "loading file merges.txt from cache at /root/.cache/huggingface/hub/models--Qwen--Qwen2.5-7B/snapshots/d149729398750b98c0af14eb82c78cfe92750796/merges.txt\r\n", "loading file tokenizer.json from cache at /root/.cache/huggingface/hub/models--Qwen--Qwen2.5-7B/snapshots/d149729398750b98c0af14eb82c78cfe92750796/tokenizer.json\r\n", "loading file added_tokens.json from cache at None\r\n", "loading file special_tokens_map.json from cache at None\r\n", "loading file tokenizer_config.json from cache at /root/.cache/huggingface/hub/models--Qwen--Qwen2.5-7B/snapshots/d149729398750b98c0af14eb82c78cfe92750796/tokenizer_config.json\r\n", "loading file chat_template.jinja from cache at None\r\n", "The tokenizer class you load from this checkpoint is not the same type as the class this function is called from. It may result in unexpected tokenization. \r\n", "The tokenizer class you load from this checkpoint is 'Qwen2Tokenizer'. \r\n", "The class this function is called from is 'VibeVoiceTextTokenizerFast'.\r\n", "Special tokens have been added in the vocabulary, make sure the associated word embeddings are fine-tuned or trained.\r\n", "Using device: cuda, torch_dtype: torch.bfloat16, attn_implementation: flash_attention_2\r\n", "loading configuration file /root/models/VibeVoice-Large/config.json\r\n", "Model config VibeVoiceConfig {\r\n", " \"acostic_vae_dim\": 64,\r\n", " \"acoustic_tokenizer_config\": {\r\n", " \"causal\": true,\r\n", " \"channels\": 1,\r\n", " \"conv_bias\": true,\r\n", " \"conv_norm\": \"none\",\r\n", " \"corpus_normalize\": 0.0,\r\n", " \"decoder_depths\": null,\r\n", " \"decoder_n_filters\": 32,\r\n", " \"decoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"disable_last_norm\": true,\r\n", " \"encoder_depths\": \"3-3-3-3-3-3-8\",\r\n", " \"encoder_n_filters\": 32,\r\n", " \"encoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"fix_std\": 0.5,\r\n", " \"layer_scale_init_value\": 1e-06,\r\n", " \"layernorm\": \"RMSNorm\",\r\n", " \"layernorm_elementwise_affine\": true,\r\n", " \"layernorm_eps\": 1e-05,\r\n", " \"mixer_layer\": \"depthwise_conv\",\r\n", " \"model_type\": \"vibevoice_acoustic_tokenizer\",\r\n", " \"pad_mode\": \"constant\",\r\n", " \"std_dist_type\": \"gaussian\",\r\n", " \"vae_dim\": 64,\r\n", " \"weight_init_value\": 0.01\r\n", " },\r\n", " \"acoustic_vae_dim\": 64,\r\n", " \"architectures\": [\r\n", " \"VibeVoiceForConditionalGeneration\"\r\n", " ],\r\n", " \"decoder_config\": {\r\n", " \"attention_dropout\": 0.0,\r\n", " \"hidden_act\": \"silu\",\r\n", " \"hidden_size\": 3584,\r\n", " \"initializer_range\": 0.02,\r\n", " \"intermediate_size\": 18944,\r\n", " \"max_position_embeddings\": 32768,\r\n", " \"max_window_layers\": 28,\r\n", " \"model_type\": \"qwen2\",\r\n", " \"num_attention_heads\": 28,\r\n", " \"num_hidden_layers\": 28,\r\n", " \"num_key_value_heads\": 4,\r\n", " \"rms_norm_eps\": 1e-06,\r\n", " \"rope_scaling\": null,\r\n", " \"rope_theta\": 1000000.0,\r\n", " \"sliding_window\": null,\r\n", " \"torch_dtype\": \"bfloat16\",\r\n", " \"use_cache\": true,\r\n", " \"use_mrope\": false,\r\n", " \"use_sliding_window\": false,\r\n", " \"vocab_size\": 152064\r\n", " },\r\n", " \"diffusion_head_config\": {\r\n", " \"ddpm_batch_mul\": 4,\r\n", " \"ddpm_beta_schedule\": \"cosine\",\r\n", " \"ddpm_num_inference_steps\": 20,\r\n", " \"ddpm_num_steps\": 1000,\r\n", " \"diffusion_type\": \"ddpm\",\r\n", " \"head_ffn_ratio\": 3.0,\r\n", " \"head_layers\": 4,\r\n", " \"hidden_size\": 3584,\r\n", " \"latent_size\": 64,\r\n", " \"model_type\": \"vibevoice_diffusion_head\",\r\n", " \"prediction_type\": \"v_prediction\",\r\n", " \"rms_norm_eps\": 1e-05,\r\n", " \"speech_vae_dim\": 64\r\n", " },\r\n", " \"model_type\": \"vibevoice\",\r\n", " \"semantic_tokenizer_config\": {\r\n", " \"causal\": true,\r\n", " \"channels\": 1,\r\n", " \"conv_bias\": true,\r\n", " \"conv_norm\": \"none\",\r\n", " \"corpus_normalize\": 0.0,\r\n", " \"disable_last_norm\": true,\r\n", " \"encoder_depths\": \"3-3-3-3-3-3-8\",\r\n", " \"encoder_n_filters\": 32,\r\n", " \"encoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"fix_std\": 0,\r\n", " \"layer_scale_init_value\": 1e-06,\r\n", " \"layernorm\": \"RMSNorm\",\r\n", " \"layernorm_elementwise_affine\": true,\r\n", " \"layernorm_eps\": 1e-05,\r\n", " \"mixer_layer\": \"depthwise_conv\",\r\n", " \"model_type\": \"vibevoice_semantic_tokenizer\",\r\n", " \"pad_mode\": \"constant\",\r\n", " \"std_dist_type\": \"none\",\r\n", " \"vae_dim\": 128,\r\n", " \"weight_init_value\": 0.01\r\n", " },\r\n", " \"semantic_vae_dim\": 128,\r\n", " \"tie_word_embeddings\": false,\r\n", " \"torch_dtype\": \"bfloat16\",\r\n", " \"transformers_version\": \"4.51.3\"\r\n", "}\r\n", "\r\n", "loading weights file /root/models/VibeVoice-Large/model.safetensors.index.json\r\n", "Instantiating VibeVoiceForConditionalGenerationInference model under default dtype torch.bfloat16.\r\n", "[ERROR] : ImportError: FlashAttention2 has been toggled on, but it cannot be used due to the following error: the package flash_attn seems to be not installed. Please refer to the documentation of https://huggingface.co/docs/transformers/perf_infer_gpu_one#flashattention-2 to install Flash Attention 2.\r\n", "Traceback (most recent call last):\r\n", " File \"/root/VibeVoice/demo/gradio_demo.py\", line 86, in load_model\r\n", " self.model = VibeVoiceForConditionalGenerationInference.from_pretrained(\r\n", " ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\r\n", " File \"/usr/local/lib/python3.12/site-packages/transformers/modeling_utils.py\", line 279, in _wrapper\r\n", " return func(*args, **kwargs)\r\n", " ^^^^^^^^^^^^^^^^^^^^^\r\n", " File \"/usr/local/lib/python3.12/site-packages/transformers/modeling_utils.py\", line 4336, in from_pretrained\r\n", " config = cls._autoset_attn_implementation(\r\n", " ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\r\n", " File \"/usr/local/lib/python3.12/site-packages/transformers/modeling_utils.py\", line 2109, in _autoset_attn_implementation\r\n", " cls._check_and_enable_flash_attn_2(\r\n", " File \"/usr/local/lib/python3.12/site-packages/transformers/modeling_utils.py\", line 2252, in _check_and_enable_flash_attn_2\r\n", " raise ImportError(f\"{preface} the package flash_attn seems to be not installed. {install_message}\")\r\n", "ImportError: FlashAttention2 has been toggled on, but it cannot be used due to the following error: the package flash_attn seems to be not installed. Please refer to the documentation of https://huggingface.co/docs/transformers/perf_infer_gpu_one#flashattention-2 to install Flash Attention 2.\r\n", "\r\n", "Falling back to attention implementation: sdpa\r\n", "loading configuration file /root/models/VibeVoice-Large/config.json\r\n", "Model config VibeVoiceConfig {\r\n", " \"acostic_vae_dim\": 64,\r\n", " \"acoustic_tokenizer_config\": {\r\n", " \"causal\": true,\r\n", " \"channels\": 1,\r\n", " \"conv_bias\": true,\r\n", " \"conv_norm\": \"none\",\r\n", " \"corpus_normalize\": 0.0,\r\n", " \"decoder_depths\": null,\r\n", " \"decoder_n_filters\": 32,\r\n", " \"decoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"disable_last_norm\": true,\r\n", " \"encoder_depths\": \"3-3-3-3-3-3-8\",\r\n", " \"encoder_n_filters\": 32,\r\n", " \"encoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"fix_std\": 0.5,\r\n", " \"layer_scale_init_value\": 1e-06,\r\n", " \"layernorm\": \"RMSNorm\",\r\n", " \"layernorm_elementwise_affine\": true,\r\n", " \"layernorm_eps\": 1e-05,\r\n", " \"mixer_layer\": \"depthwise_conv\",\r\n", " \"model_type\": \"vibevoice_acoustic_tokenizer\",\r\n", " \"pad_mode\": \"constant\",\r\n", " \"std_dist_type\": \"gaussian\",\r\n", " \"vae_dim\": 64,\r\n", " \"weight_init_value\": 0.01\r\n", " },\r\n", " \"acoustic_vae_dim\": 64,\r\n", " \"architectures\": [\r\n", " \"VibeVoiceForConditionalGeneration\"\r\n", " ],\r\n", " \"decoder_config\": {\r\n", " \"attention_dropout\": 0.0,\r\n", " \"hidden_act\": \"silu\",\r\n", " \"hidden_size\": 3584,\r\n", " \"initializer_range\": 0.02,\r\n", " \"intermediate_size\": 18944,\r\n", " \"max_position_embeddings\": 32768,\r\n", " \"max_window_layers\": 28,\r\n", " \"model_type\": \"qwen2\",\r\n", " \"num_attention_heads\": 28,\r\n", " \"num_hidden_layers\": 28,\r\n", " \"num_key_value_heads\": 4,\r\n", " \"rms_norm_eps\": 1e-06,\r\n", " \"rope_scaling\": null,\r\n", " \"rope_theta\": 1000000.0,\r\n", " \"sliding_window\": null,\r\n", " \"torch_dtype\": \"bfloat16\",\r\n", " \"use_cache\": true,\r\n", " \"use_mrope\": false,\r\n", " \"use_sliding_window\": false,\r\n", " \"vocab_size\": 152064\r\n", " },\r\n", " \"diffusion_head_config\": {\r\n", " \"ddpm_batch_mul\": 4,\r\n", " \"ddpm_beta_schedule\": \"cosine\",\r\n", " \"ddpm_num_inference_steps\": 20,\r\n", " \"ddpm_num_steps\": 1000,\r\n", " \"diffusion_type\": \"ddpm\",\r\n", " \"head_ffn_ratio\": 3.0,\r\n", " \"head_layers\": 4,\r\n", " \"hidden_size\": 3584,\r\n", " \"latent_size\": 64,\r\n", " \"model_type\": \"vibevoice_diffusion_head\",\r\n", " \"prediction_type\": \"v_prediction\",\r\n", " \"rms_norm_eps\": 1e-05,\r\n", " \"speech_vae_dim\": 64\r\n", " },\r\n", " \"model_type\": \"vibevoice\",\r\n", " \"semantic_tokenizer_config\": {\r\n", " \"causal\": true,\r\n", " \"channels\": 1,\r\n", " \"conv_bias\": true,\r\n", " \"conv_norm\": \"none\",\r\n", " \"corpus_normalize\": 0.0,\r\n", " \"disable_last_norm\": true,\r\n", " \"encoder_depths\": \"3-3-3-3-3-3-8\",\r\n", " \"encoder_n_filters\": 32,\r\n", " \"encoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"fix_std\": 0,\r\n", " \"layer_scale_init_value\": 1e-06,\r\n", " \"layernorm\": \"RMSNorm\",\r\n", " \"layernorm_elementwise_affine\": true,\r\n", " \"layernorm_eps\": 1e-05,\r\n", " \"mixer_layer\": \"depthwise_conv\",\r\n", " \"model_type\": \"vibevoice_semantic_tokenizer\",\r\n", " \"pad_mode\": \"constant\",\r\n", " \"std_dist_type\": \"none\",\r\n", " \"vae_dim\": 128,\r\n", " \"weight_init_value\": 0.01\r\n", " },\r\n", " \"semantic_vae_dim\": 128,\r\n", " \"tie_word_embeddings\": false,\r\n", " \"torch_dtype\": \"bfloat16\",\r\n", " \"transformers_version\": \"4.51.3\"\r\n", "}\r\n", "\r\n", "loading weights file /root/models/VibeVoice-Large/model.safetensors.index.json\r\n", "Instantiating VibeVoiceForConditionalGenerationInference model under default dtype torch.bfloat16.\r\n", "Generate config GenerationConfig {}\r\n", "\r\n", "Instantiating Qwen2Model model under default dtype torch.bfloat16.\r\n", "Instantiating VibeVoiceAcousticTokenizerModel model under default dtype torch.bfloat16.\r\n", "Instantiating VibeVoiceSemanticTokenizerModel model under default dtype torch.bfloat16.\r\n", "Instantiating VibeVoiceDiffusionHead model under default dtype torch.bfloat16.\r\n", "\rLoading checkpoint shards: 0%| | 0/10 [00:00, ?it/s]\rLoading checkpoint shards: 10%|\u2588\u258b | 1/10 [00:00<00:03, 2.25it/s]\rLoading checkpoint shards: 20%|\u2588\u2588\u2588\u258d | 2/10 [00:00<00:02, 2.92it/s]\rLoading checkpoint shards: 30%|\u2588\u2588\u2588\u2588\u2588 | 3/10 [00:00<00:02, 3.18it/s]\rLoading checkpoint shards: 40%|\u2588\u2588\u2588\u2588\u2588\u2588\u258a | 4/10 [00:01<00:01, 3.34it/s]\rLoading checkpoint shards: 50%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u258c | 5/10 [00:01<00:01, 3.44it/s]\rLoading checkpoint shards: 60%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u258f | 6/10 [00:01<00:01, 3.53it/s]\rLoading checkpoint shards: 70%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2589 | 7/10 [00:02<00:00, 3.56it/s]\rLoading checkpoint shards: 80%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u258c | 8/10 [00:02<00:00, 3.20it/s]\rLoading checkpoint shards: 90%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u258e | 9/10 [00:02<00:00, 2.76it/s]\rLoading checkpoint shards: 100%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588| 10/10 [00:03<00:00, 3.08it/s]\rLoading checkpoint shards: 100%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588| 10/10 [00:03<00:00, 3.14it/s]\r\n", "All model checkpoint weights were used when initializing VibeVoiceForConditionalGenerationInference.\r\n", "\r\n", "All the weights of VibeVoiceForConditionalGenerationInference were initialized from the model checkpoint at /root/models/VibeVoice-Large.\r\n", "If your task is similar to the task the model of the checkpoint was trained on, you can already use VibeVoiceForConditionalGenerationInference for predictions without further training.\r\n", "Generation config file not found, using a generation config created from the model config.\r\n", "Loading fine-tuned assets from /root/models/vibevoice-arabic-Z\r\n", "Loaded components: diffusion head weights, acoustic connector, semantic connector\r\n", "Adapter assets resolved to: /root/models/vibevoice-arabic-Z\r\n", "Language model attention: sdpa\r\n", "Found 9 voice files in /root/VibeVoice/demo/voices\r\n", "Available voices: en-Alice_woman, en-Carter_man, en-Frank_man, en-Mary_woman_bgm, en-Maya_woman, in-Samuel_man, zh-Anchen_man_bgm, zh-Bowen_man, zh-Xinran_woman\r\n", "Loaded example: 1p_Ch2EN.txt with 1 speakers\r\n", "Loaded example: 1p_abs.txt with 1 speakers\r\n", "Loaded example: 2p_goat.txt with 2 speakers\r\n", "Loaded example: 2p_music.txt with 2 speakers\r\n", "Loaded example: 2p_short.txt with 2 speakers\r\n", "Loaded example: 2p_yayi.txt with 2 speakers\r\n", "Loaded example: 3p_gpt5.txt with 3 speakers\r\n", "Skipping 4p_climate_100min.txt: duration 100 minutes exceeds 15-minute limit\r\n", "Skipping 4p_climate_45min.txt: duration 45 minutes exceeds 15-minute limit\r\n", "Successfully loaded 7 example scripts\r\n", "\ud83d\ude80 Launching demo on port 7860\r\n", "\ud83d\udcc1 Model path: /root/models/VibeVoice-Large\r\n", "\ud83c\udfad Available voices: 9\r\n", "\ud83d\udd34 Streaming mode: ENABLED\r\n", "\ud83d\udd12 Session isolation: ENABLED\r\n", "* Running on local URL: http://0.0.0.0:7860\r\n", "* Running on public URL: https://89c767c53e806c2545.gradio.live\r\n", "\r\n", "This share link expires in 1 week. For free permanent hosting and GPU upgrades, run `gradio deploy` from the terminal in the working directory to deploy to Hugging Face Spaces (https://huggingface.co/spaces)\r\n", "\rGenerating: 0%| | 0/894 [00:00, ?it/s]\rGenerating (active: 1/1): 0%| | 0/894 [00:00, ?it/s]\rGenerating (active: 1/1): 0%| | 1/894 [00:02<43:05, 2.90s/it]\rGenerating (active: 1/1): 0%| | 1/894 [00:02<43:05, 2.90s/it]\rGenerating (active: 1/1): 0%| | 2/894 [00:03<19:07, 1.29s/it]\rGenerating (active: 1/1): 0%| | 2/894 [00:03<19:07, 1.29s/it]\rGenerating (active: 1/1): 0%| | 3/894 [00:03<11:16, 1.32it/s]\rGenerating (active: 1/1): 0%| | 3/894 [00:03<11:16, 1.32it/s]\rGenerating (active: 1/1): 0%| | 4/894 [00:03<07:35, 1.96it/s]\rGenerating (active: 1/1): 0%| | 4/894 [00:03<07:35, 1.96it/s]\rGenerating (active: 1/1): 1%| | 5/894 [00:03<05:32, 2.68it/s]\rGenerating (active: 1/1): 1%| | 5/894 [00:03<05:32, 2.68it/s]\rGenerating (active: 1/1): 1%| | 6/894 [00:03<04:18, 3.44it/s]\rGenerating (active: 1/1): 1%| | 6/894 [00:03<04:18, 3.44it/s]\rGenerating (active: 1/1): 1%|\u258f | 7/894 [00:03<03:30, 4.21it/s]\rGenerating (active: 1/1): 1%|\u258f | 7/894 [00:03<03:30, 4.21it/s]\rGenerating (active: 1/1): 1%|\u258f | 8/894 [00:03<03:00, 4.90it/s]\rGenerating (active: 1/1): 1%|\u258f | 8/894 [00:03<03:00, 4.90it/s]\rGenerating (active: 1/1): 1%|\u258f | 9/894 [00:03<02:40, 5.51it/s]\rGenerating (active: 1/1): 1%|\u258f | 9/894 [00:03<02:40, 5.51it/s]\rGenerating (active: 1/1): 1%|\u258f | 10/894 [00:04<02:26, 6.01it/s]\rGenerating (active: 1/1): 1%|\u258f | 10/894 [00:04<02:26, 6.01it/s]\rGenerating (active: 1/1): 1%|\u258f | 11/894 [00:04<02:17, 6.41it/s]\rGenerating (active: 1/1): 1%|\u258f | 11/894 [00:04<02:17, 6.41it/s]\rGenerating (active: 1/1): 1%|\u258f | 12/894 [00:04<02:10, 6.74it/s]\rGenerating (active: 1/1): 1%|\u258f | 12/894 [00:04<02:10, 6.74it/s]\rGenerating (active: 1/1): 1%|\u258f | 13/894 [00:04<02:06, 6.96it/s]\rGenerating (active: 1/1): 1%|\u258f | 13/894 [00:04<02:06, 6.96it/s]\rGenerating (active: 1/1): 2%|\u258e | 14/894 [00:04<02:02, 7.18it/s]\rGenerating (active: 1/1): 2%|\u258e | 14/894 [00:04<02:02, 7.18it/s]\rGenerating (active: 1/1): 2%|\u258e | 15/894 [00:04<01:59, 7.35it/s]\rGenerating (active: 1/1): 2%|\u258e | 15/894 [00:04<01:59, 7.35it/s]\rGenerating (active: 1/1): 2%|\u258e | 16/894 [00:04<01:57, 7.47it/s]\rGenerating (active: 1/1): 2%|\u258e | 16/894 [00:04<01:57, 7.47it/s]\rGenerating (active: 1/1): 2%|\u258e | 17/894 [00:05<01:56, 7.53it/s]\rGenerating (active: 1/1): 2%|\u258e | 17/894 [00:05<01:56, 7.53it/s]\rGenerating (active: 1/1): 2%|\u258e | 18/894 [00:05<01:55, 7.61it/s]\rGenerating (active: 1/1): 2%|\u258e | 18/894 [00:05<01:55, 7.61it/s]\rGenerating (active: 1/1): 2%|\u258e | 19/894 [00:05<01:55, 7.60it/s]\rGenerating (active: 1/1): 2%|\u258e | 19/894 [00:05<01:55, 7.60it/s]\rGenerating (active: 1/1): 2%|\u258e | 20/894 [00:05<01:54, 7.60it/s]\rGenerating (active: 1/1): 2%|\u258e | 20/894 [00:05<01:54, 7.60it/s]\rGenerating (active: 1/1): 2%|\u258d | 21/894 [00:05<01:54, 7.63it/s]\rGenerating (active: 1/1): 2%|\u258d | 21/894 [00:05<01:54, 7.63it/s]\rGenerating (active: 1/1): 2%|\u258d | 22/894 [00:05<01:52, 7.72it/s]\rGenerating (active: 1/1): 2%|\u258d | 22/894 [00:05<01:52, 7.72it/s]\rGenerating (active: 1/1): 3%|\u258d | 23/894 [00:05<01:52, 7.76it/s]\rGenerating (active: 1/1): 3%|\u258d | 23/894 [00:05<01:52, 7.76it/s]\rGenerating (active: 1/1): 3%|\u258d | 24/894 [00:05<01:53, 7.68it/s]\rGenerating (active: 1/1): 3%|\u258d | 24/894 [00:05<01:53, 7.68it/s]\rGenerating (active: 1/1): 3%|\u258d | 25/894 [00:06<01:52, 7.71it/s]\rGenerating (active: 1/1): 3%|\u258d | 25/894 [00:06<01:52, 7.71it/s]\rGenerating (active: 1/1): 3%|\u258d | 26/894 [00:06<01:52, 7.72it/s]\rGenerating (active: 1/1): 3%|\u258d | 26/894 [00:06<01:52, 7.72it/s]\rGenerating (active: 1/1): 3%|\u258d | 27/894 [00:06<01:52, 7.74it/s]\rGenerating (active: 1/1): 3%|\u258d | 27/894 [00:06<01:52, 7.74it/s]\rGenerating (active: 1/1): 3%|\u258c | 28/894 [00:06<01:51, 7.79it/s]\rGenerating (active: 1/1): 3%|\u258c | 28/894 [00:06<01:51, 7.79it/s]\rGenerating (active: 1/1): 3%|\u258c | 29/894 [00:06<01:51, 7.79it/s]\rGenerating (active: 1/1): 3%|\u258c | 29/894 [00:06<01:51, 7.79it/s]\rGenerating (active: 1/1): 3%|\u258c | 30/894 [00:06<01:50, 7.85it/s]\rGenerating (active: 1/1): 3%|\u258c | 30/894 [00:06<01:50, 7.85it/s]\rGenerating (active: 1/1): 3%|\u258c | 31/894 [00:06<01:48, 7.95it/s]\rGenerating (active: 1/1): 3%|\u258c | 31/894 [00:06<01:48, 7.95it/s]\rGenerating (active: 1/1): 4%|\u258c | 32/894 [00:06<01:47, 8.01it/s]\rGenerating (active: 1/1): 4%|\u258c | 32/894 [00:06<01:47, 8.01it/s]\rGenerating (active: 1/1): 4%|\u258c | 33/894 [00:07<01:47, 8.04it/s]\rGenerating (active: 1/1): 4%|\u258c | 33/894 [00:07<01:47, 8.04it/s]\rGenerating (active: 1/1): 4%|\u258c | 34/894 [00:07<01:45, 8.12it/s]\rGenerating (active: 1/1): 4%|\u258c | 34/894 [00:07<01:45, 8.12it/s]\rGenerating (active: 1/1): 4%|\u258b | 35/894 [00:07<01:45, 8.17it/s]\rGenerating (active: 1/1): 4%|\u258b | 35/894 [00:07<01:45, 8.17it/s]\rGenerating (active: 1/1): 4%|\u258b | 36/894 [00:07<01:44, 8.18it/s]\rGenerating (active: 1/1): 4%|\u258b | 36/894 [00:07<01:44, 8.18it/s]\rGenerating (active: 1/1): 4%|\u258b | 37/894 [00:07<01:44, 8.24it/s]\rGenerating (active: 1/1): 4%|\u258b | 37/894 [00:07<01:44, 8.24it/s]\rGenerating (active: 1/1): 4%|\u258b | 38/894 [00:07<01:44, 8.22it/s]\rGenerating (active: 1/1): 4%|\u258b | 38/894 [00:07<01:44, 8.22it/s]\rGenerating (active: 1/1): 4%|\u258b | 39/894 [00:07<01:44, 8.20it/s]\rGenerating (active: 1/1): 4%|\u258b | 39/894 [00:07<01:44, 8.20it/s]\rGenerating (active: 1/1): 4%|\u258b | 40/894 [00:07<01:44, 8.20it/s]\rGenerating (active: 1/1): 4%|\u258b | 40/894 [00:07<01:44, 8.20it/s]\rGenerating (active: 1/1): 5%|\u258b | 41/894 [00:08<01:43, 8.22it/s]\rGenerating (active: 1/1): 5%|\u258b | 41/894 [00:08<01:43, 8.22it/s]\rGenerating (active: 1/1): 5%|\u258a | 42/894 [00:08<01:43, 8.20it/s]\rGenerating (active: 1/1): 5%|\u258a | 42/894 [00:08<01:43, 8.20it/s]\rGenerating (active: 1/1): 5%|\u258a | 43/894 [00:08<01:43, 8.23it/s]\rGenerating (active: 1/1): 5%|\u258a | 43/894 [00:08<01:43, 8.23it/s]\rGenerating (active: 1/1): 5%|\u258a | 44/894 [00:08<01:43, 8.20it/s]\rGenerating (active: 1/1): 5%|\u258a | 44/894 [00:08<01:43, 8.20it/s]\rGenerating (active: 1/1): 5%|\u258a | 45/894 [00:08<01:43, 8.21it/s]\rGenerating (active: 1/1): 5%|\u258a | 45/894 [00:08<01:43, 8.21it/s]\rGenerating (active: 1/1): 5%|\u258a | 46/894 [00:08<01:43, 8.21it/s]\rGenerating (active: 1/1): 5%|\u258a | 46/894 [00:08<01:43, 8.21it/s]\rGenerating (active: 1/1): 5%|\u258a | 47/894 [00:08<01:43, 8.22it/s]\rGenerating (active: 1/1): 5%|\u258a | 47/894 [00:08<01:43, 8.22it/s]\rGenerating (active: 1/1): 5%|\u258a | 48/894 [00:08<01:42, 8.25it/s]\rGenerating (active: 1/1): 5%|\u258a | 48/894 [00:08<01:42, 8.25it/s]\rGenerating (active: 1/1): 5%|\u2589 | 49/894 [00:08<01:42, 8.25it/s]\rGenerating (active: 1/1): 5%|\u2589 | 49/894 [00:09<01:42, 8.25it/s]\rGenerating (active: 1/1): 6%|\u2589 | 50/894 [00:09<01:42, 8.25it/s]\rGenerating (active: 1/1): 6%|\u2589 | 50/894 [00:09<01:42, 8.25it/s]\rGenerating (active: 1/1): 6%|\u2589 | 51/894 [00:09<01:42, 8.25it/s]\rGenerating (active: 1/1): 6%|\u2589 | 51/894 [00:09<01:42, 8.25it/s]\rGenerating (active: 1/1): 6%|\u2589 | 52/894 [00:09<01:42, 8.19it/s]\rGenerating (active: 1/1): 6%|\u2589 | 52/894 [00:09<01:42, 8.19it/s]\rGenerating (active: 1/1): 6%|\u2589 | 53/894 [00:09<01:42, 8.19it/s]\rGenerating (active: 1/1): 6%|\u2589 | 53/894 [00:09<01:42, 8.19it/s]\rGenerating (active: 1/1): 6%|\u2589 | 54/894 [00:09<01:42, 8.20it/s]\rGenerating (active: 1/1): 6%|\u2589 | 54/894 [00:09<01:42, 8.20it/s]\rGenerating (active: 1/1): 6%|\u2589 | 55/894 [00:09<01:42, 8.22it/s]\rGenerating (active: 1/1): 6%|\u2589 | 55/894 [00:09<01:42, 8.22it/s]\rGenerating (active: 1/1): 6%|\u2588 | 56/894 [00:09<01:42, 8.20it/s]\rGenerating (active: 1/1): 6%|\u2588 | 56/894 [00:09<01:42, 8.20it/s]\rGenerating (active: 1/1): 6%|\u2588 | 57/894 [00:09<01:42, 8.19it/s]\rGenerating (active: 1/1): 6%|\u2588 | 57/894 [00:09<01:42, 8.19it/s]\rGenerating (active: 1/1): 6%|\u2588 | 58/894 [00:10<01:42, 8.19it/s]\rGenerating (active: 1/1): 6%|\u2588 | 58/894 [00:10<01:42, 8.19it/s]\rGenerating (active: 1/1): 7%|\u2588 | 59/894 [00:10<01:41, 8.22it/s]\rGenerating (active: 1/1): 7%|\u2588 | 59/894 [00:10<01:41, 8.22it/s]\rGenerating (active: 1/1): 7%|\u2588 | 60/894 [00:10<01:41, 8.19it/s]\rGenerating (active: 1/1): 7%|\u2588 | 60/894 [00:10<01:41, 8.19it/s]\rGenerating (active: 1/1): 7%|\u2588 | 61/894 [00:10<01:41, 8.20it/s]\rGenerating (active: 1/1): 7%|\u2588 | 61/894 [00:10<01:41, 8.20it/s]\rGenerating (active: 1/1): 7%|\u2588 | 62/894 [00:10<01:41, 8.23it/s]\rGenerating (active: 1/1): 7%|\u2588 | 62/894 [00:10<01:41, 8.23it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 63/894 [00:10<01:41, 8.21it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 63/894 [00:10<01:41, 8.21it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 64/894 [00:10<01:40, 8.23it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 64/894 [00:10<01:40, 8.23it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 65/894 [00:10<01:41, 8.21it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 65/894 [00:10<01:41, 8.21it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 66/894 [00:11<01:40, 8.23it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 66/894 [00:11<01:40, 8.23it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 67/894 [00:11<01:39, 8.28it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 67/894 [00:11<01:39, 8.28it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 68/894 [00:11<01:39, 8.27it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 68/894 [00:11<01:39, 8.27it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 69/894 [00:11<01:40, 8.24it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 69/894 [00:11<01:40, 8.24it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 70/894 [00:11<01:39, 8.29it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 70/894 [00:11<01:39, 8.29it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 71/894 [00:11<01:39, 8.28it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 71/894 [00:11<01:39, 8.28it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 72/894 [00:11<01:39, 8.26it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 72/894 [00:11<01:39, 8.26it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 73/894 [00:11<01:39, 8.25it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 73/894 [00:11<01:39, 8.25it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 74/894 [00:12<01:39, 8.23it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 74/894 [00:12<01:39, 8.23it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 75/894 [00:12<01:39, 8.24it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 75/894 [00:12<01:39, 8.24it/s]\rGenerating (active: 1/1): 9%|\u2588\u258e | 76/894 [00:12<01:39, 8.22it/s]\rGenerating (active: 1/1): 9%|\u2588\u258e | 76/894 [00:12<01:39, 8.22it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 77/894 [00:12<01:39, 8.21it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 77/894 [00:12<01:39, 8.21it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 78/894 [00:12<01:38, 8.25it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 78/894 [00:12<01:38, 8.25it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 79/894 [00:12<01:39, 8.17it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 79/894 [00:12<01:39, 8.17it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 80/894 [00:12<01:39, 8.19it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 80/894 [00:12<01:39, 8.19it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 81/894 [00:12<01:38, 8.24it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 81/894 [00:12<01:38, 8.24it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 82/894 [00:13<01:39, 8.18it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 82/894 [00:13<01:39, 8.18it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 83/894 [00:13<01:38, 8.21it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 83/894 [00:13<01:38, 8.21it/s]\rGenerating (active: 1/1): 9%|\u2588\u258c | 84/894 [00:13<01:39, 8.17it/s]\rGenerating (active: 1/1): 9%|\u2588\u258c | 84/894 [00:13<01:39, 8.17it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 85/894 [00:13<01:39, 8.14it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 85/894 [00:13<01:39, 8.14it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 86/894 [00:13<01:39, 8.14it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 86/894 [00:13<01:39, 8.14it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 87/894 [00:13<01:38, 8.15it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 87/894 [00:13<01:38, 8.15it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 88/894 [00:13<01:38, 8.18it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 88/894 [00:13<01:38, 8.18it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 89/894 [00:13<01:37, 8.22it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 89/894 [00:13<01:37, 8.22it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 90/894 [00:13<01:37, 8.28it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 90/894 [00:13<01:37, 8.28it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 91/894 [00:14<01:36, 8.30it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 91/894 [00:14<01:36, 8.30it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 92/894 [00:14<01:36, 8.28it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 92/894 [00:14<01:36, 8.28it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 93/894 [00:14<01:37, 8.25it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 93/894 [00:14<01:37, 8.25it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 94/894 [00:14<01:37, 8.23it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 94/894 [00:14<01:37, 8.23it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 95/894 [00:14<01:37, 8.23it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 95/894 [00:14<01:37, 8.23it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 96/894 [00:14<01:37, 8.18it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 96/894 [00:14<01:37, 8.18it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 97/894 [00:14<01:37, 8.16it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 97/894 [00:14<01:37, 8.16it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 98/894 [00:14<01:37, 8.17it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 98/894 [00:14<01:37, 8.17it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 99/894 [00:15<01:37, 8.16it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 99/894 [00:15<01:37, 8.16it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 100/894 [00:15<01:36, 8.20it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 100/894 [00:15<01:36, 8.20it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 101/894 [00:15<01:37, 8.17it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 101/894 [00:15<01:37, 8.17it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 102/894 [00:15<01:37, 8.15it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 102/894 [00:15<01:37, 8.15it/s]\rGenerating (active: 1/1): 12%|\u2588\u258b | 103/894 [00:15<01:37, 8.14it/s]\rGenerating (active: 1/1): 12%|\u2588\u258b | 103/894 [00:15<01:37, 8.14it/s]\rGenerating (active: 1/1): 12%|\u2588\u258b | 104/894 [00:15<01:36, 8.17it/s]\rGenerating (active: 1/1): 12%|\u2588\u258b | 104/894 [00:15<01:36, 8.17it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 105/894 [00:15<01:36, 8.16it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 105/894 [00:15<01:36, 8.16it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 106/894 [00:15<01:37, 8.12it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 106/894 [00:15<01:37, 8.12it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 107/894 [00:16<01:36, 8.20it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 107/894 [00:16<01:36, 8.20it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 108/894 [00:16<01:35, 8.22it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 108/894 [00:16<01:35, 8.22it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 109/894 [00:16<01:35, 8.20it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 109/894 [00:16<01:35, 8.20it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 110/894 [00:16<01:36, 8.15it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 110/894 [00:16<01:36, 8.15it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 110/894 [00:16<01:36, 8.15it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 110/894 [00:16<01:36, 8.15it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 113/894 [00:16<01:09, 11.20it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 113/894 [00:16<01:09, 11.20it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 113/894 [00:16<01:09, 11.20it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 115/894 [00:16<01:18, 9.90it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 115/894 [00:16<01:18, 9.90it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 116/894 [00:16<01:22, 9.49it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 116/894 [00:16<01:22, 9.49it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 117/894 [00:17<01:24, 9.17it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 117/894 [00:17<01:24, 9.17it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 118/894 [00:17<01:26, 8.92it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 118/894 [00:17<01:26, 8.92it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 119/894 [00:17<01:28, 8.73it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 119/894 [00:17<01:28, 8.73it/s]\rGenerating (active: 1/1): 13%|\u2588\u2588 | 120/894 [00:17<01:30, 8.58it/s]\rGenerating (active: 1/1): 13%|\u2588\u2588 | 120/894 [00:17<01:30, 8.58it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 121/894 [00:17<01:31, 8.45it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 121/894 [00:17<01:31, 8.45it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 122/894 [00:17<01:32, 8.33it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 122/894 [00:17<01:32, 8.33it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 123/894 [00:17<01:33, 8.23it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 123/894 [00:17<01:33, 8.23it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 124/894 [00:17<01:34, 8.17it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 124/894 [00:17<01:34, 8.17it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 125/894 [00:18<01:34, 8.13it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 125/894 [00:18<01:34, 8.13it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 126/894 [00:18<01:34, 8.10it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 126/894 [00:18<01:34, 8.10it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588\u258f | 127/894 [00:18<01:34, 8.08it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588\u258f | 127/894 [00:18<01:34, 8.08it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588\u258f | 128/894 [00:18<01:35, 8.05it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588\u258f | 128/894 [00:18<01:35, 8.05it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588\u258f | 129/894 [00:18<01:34, 8.07it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588\u258f | 129/894 [00:18<01:34, 8.07it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 130/894 [00:18<01:33, 8.15it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 130/894 [00:18<01:33, 8.15it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 131/894 [00:18<01:33, 8.15it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 131/894 [00:18<01:33, 8.15it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 132/894 [00:18<01:33, 8.12it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 132/894 [00:18<01:33, 8.12it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 133/894 [00:19<01:34, 8.08it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 133/894 [00:19<01:34, 8.08it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 134/894 [00:19<01:33, 8.12it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 134/894 [00:19<01:33, 8.12it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 135/894 [00:19<01:33, 8.16it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 135/894 [00:19<01:33, 8.16it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 136/894 [00:19<01:32, 8.21it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 136/894 [00:19<01:32, 8.21it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 137/894 [00:19<01:31, 8.23it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 137/894 [00:19<01:31, 8.23it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 138/894 [00:19<01:32, 8.18it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 138/894 [00:19<01:32, 8.18it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258e | 139/894 [00:19<01:32, 8.14it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258e | 139/894 [00:19<01:32, 8.14it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258e | 140/894 [00:19<01:32, 8.11it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258e | 140/894 [00:19<01:32, 8.11it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258e | 141/894 [00:20<01:32, 8.16it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258e | 141/894 [00:20<01:32, 8.16it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 142/894 [00:20<01:32, 8.15it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 142/894 [00:20<01:32, 8.15it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 143/894 [00:20<01:32, 8.11it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 143/894 [00:20<01:32, 8.11it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 144/894 [00:20<01:32, 8.09it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 144/894 [00:20<01:32, 8.09it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 145/894 [00:20<01:32, 8.08it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 145/894 [00:20<01:32, 8.08it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 146/894 [00:20<01:32, 8.10it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 146/894 [00:20<01:32, 8.10it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 147/894 [00:20<01:32, 8.12it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 147/894 [00:20<01:32, 8.12it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258d | 148/894 [00:20<01:32, 8.08it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258d | 148/894 [00:20<01:32, 8.08it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 149/894 [00:21<01:32, 8.05it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 149/894 [00:21<01:32, 8.05it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 150/894 [00:21<01:32, 8.07it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 150/894 [00:21<01:32, 8.07it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 151/894 [00:21<01:31, 8.09it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 151/894 [00:21<01:31, 8.09it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 152/894 [00:21<01:31, 8.08it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 152/894 [00:21<01:31, 8.08it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 153/894 [00:21<01:31, 8.06it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 153/894 [00:21<01:31, 8.06it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 154/894 [00:21<01:32, 7.98it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 154/894 [00:21<01:32, 7.98it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 155/894 [00:21<01:33, 7.89it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 155/894 [00:21<01:33, 7.89it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 156/894 [00:21<01:34, 7.78it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 156/894 [00:21<01:34, 7.78it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 157/894 [00:22<01:35, 7.72it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 157/894 [00:22<01:35, 7.72it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 158/894 [00:22<01:35, 7.69it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 158/894 [00:22<01:35, 7.69it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 159/894 [00:22<01:35, 7.67it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 159/894 [00:22<01:35, 7.67it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 160/894 [00:22<01:36, 7.62it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 160/894 [00:22<01:36, 7.62it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 161/894 [00:22<01:37, 7.55it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 161/894 [00:22<01:37, 7.55it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 162/894 [00:22<01:36, 7.57it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 162/894 [00:22<01:36, 7.57it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 163/894 [00:22<01:35, 7.63it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 163/894 [00:22<01:35, 7.63it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258a | 164/894 [00:23<01:36, 7.58it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258a | 164/894 [00:23<01:36, 7.58it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258a | 165/894 [00:23<01:36, 7.54it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258a | 165/894 [00:23<01:36, 7.54it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 166/894 [00:23<01:36, 7.53it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 166/894 [00:23<01:36, 7.53it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 167/894 [00:23<01:36, 7.55it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 167/894 [00:23<01:36, 7.55it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 168/894 [00:23<01:36, 7.56it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 168/894 [00:23<01:36, 7.56it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 169/894 [00:23<01:35, 7.56it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 169/894 [00:23<01:35, 7.56it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 170/894 [00:23<01:36, 7.53it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 170/894 [00:23<01:36, 7.53it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 171/894 [00:23<01:36, 7.50it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 171/894 [00:23<01:36, 7.50it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u2589 | 172/894 [00:24<01:36, 7.49it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u2589 | 172/894 [00:24<01:36, 7.49it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u2589 | 173/894 [00:24<01:35, 7.54it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u2589 | 173/894 [00:24<01:35, 7.54it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u2589 | 174/894 [00:24<01:35, 7.52it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u2589 | 174/894 [00:24<01:35, 7.52it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 175/894 [00:24<01:35, 7.55it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 175/894 [00:24<01:35, 7.55it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 176/894 [00:24<01:34, 7.58it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 176/894 [00:24<01:34, 7.58it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 177/894 [00:24<01:34, 7.55it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 177/894 [00:24<01:34, 7.55it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 178/894 [00:24<01:34, 7.54it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 178/894 [00:24<01:34, 7.54it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 178/894 [00:24<01:34, 7.54it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 178/894 [00:24<01:34, 7.54it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 181/894 [00:25<01:08, 10.43it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 181/894 [00:25<01:08, 10.43it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 182/894 [00:25<01:13, 9.68it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 182/894 [00:25<01:13, 9.68it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 183/894 [00:25<01:18, 9.11it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 183/894 [00:25<01:18, 9.11it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588 | 184/894 [00:25<01:22, 8.63it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588 | 184/894 [00:25<01:22, 8.63it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588 | 185/894 [00:25<01:25, 8.33it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588 | 185/894 [00:25<01:25, 8.33it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588 | 186/894 [00:25<01:25, 8.24it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588 | 186/894 [00:25<01:25, 8.24it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 187/894 [00:25<01:26, 8.20it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 187/894 [00:25<01:26, 8.20it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 188/894 [00:25<01:26, 8.14it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 188/894 [00:25<01:26, 8.14it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 189/894 [00:26<01:27, 8.07it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 189/894 [00:26<01:27, 8.07it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 190/894 [00:26<01:27, 8.02it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 190/894 [00:26<01:27, 8.02it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 191/894 [00:26<01:29, 7.83it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 191/894 [00:26<01:29, 7.83it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 192/894 [00:26<01:30, 7.75it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 192/894 [00:26<01:30, 7.75it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258f | 193/894 [00:26<01:31, 7.65it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258f | 193/894 [00:26<01:31, 7.65it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 194/894 [00:26<01:32, 7.61it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 194/894 [00:26<01:32, 7.61it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 195/894 [00:26<01:31, 7.63it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 195/894 [00:26<01:31, 7.63it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 196/894 [00:27<01:31, 7.60it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 196/894 [00:27<01:31, 7.60it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 197/894 [00:27<01:32, 7.51it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 197/894 [00:27<01:32, 7.51it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 198/894 [00:27<01:33, 7.45it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 198/894 [00:27<01:33, 7.45it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 199/894 [00:27<01:32, 7.53it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 199/894 [00:27<01:32, 7.53it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 200/894 [00:27<01:32, 7.51it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 200/894 [00:27<01:32, 7.51it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 201/894 [00:27<01:32, 7.49it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 201/894 [00:27<01:32, 7.49it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 202/894 [00:27<01:33, 7.43it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 202/894 [00:27<01:33, 7.43it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 203/894 [00:27<01:33, 7.42it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 203/894 [00:27<01:33, 7.42it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 204/894 [00:28<01:33, 7.42it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 204/894 [00:28<01:33, 7.42it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 205/894 [00:28<01:32, 7.46it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 205/894 [00:28<01:32, 7.46it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 206/894 [00:28<01:31, 7.55it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 206/894 [00:28<01:31, 7.55it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 207/894 [00:28<01:29, 7.65it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 207/894 [00:28<01:29, 7.65it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 207/894 [00:28<01:29, 7.65it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 207/894 [00:28<01:29, 7.65it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258c | 210/894 [00:28<01:04, 10.57it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258c | 210/894 [00:28<01:04, 10.57it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 211/894 [00:28<01:10, 9.66it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 211/894 [00:28<01:10, 9.66it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 212/894 [00:28<01:15, 8.98it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 212/894 [00:28<01:15, 8.98it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 213/894 [00:29<01:19, 8.55it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 213/894 [00:29<01:19, 8.55it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 214/894 [00:29<01:22, 8.25it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 214/894 [00:29<01:22, 8.25it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 215/894 [00:29<01:24, 8.01it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 215/894 [00:29<01:24, 8.01it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 216/894 [00:29<01:27, 7.79it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 216/894 [00:29<01:27, 7.79it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258b | 217/894 [00:29<01:28, 7.65it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258b | 217/894 [00:29<01:28, 7.65it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258b | 218/894 [00:29<01:30, 7.51it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258b | 218/894 [00:29<01:30, 7.51it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258b | 219/894 [00:29<01:30, 7.48it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258b | 219/894 [00:29<01:30, 7.48it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 220/894 [00:30<01:30, 7.43it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 220/894 [00:30<01:30, 7.43it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 221/894 [00:30<01:31, 7.38it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 221/894 [00:30<01:31, 7.38it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 222/894 [00:30<01:30, 7.45it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 222/894 [00:30<01:30, 7.45it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 223/894 [00:30<01:30, 7.44it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 223/894 [00:30<01:30, 7.44it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 224/894 [00:30<01:29, 7.50it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 224/894 [00:30<01:29, 7.50it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 225/894 [00:30<01:28, 7.57it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 225/894 [00:30<01:28, 7.57it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 226/894 [00:30<01:27, 7.67it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 226/894 [00:30<01:27, 7.67it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 227/894 [00:30<01:25, 7.77it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 227/894 [00:30<01:25, 7.77it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u258a | 228/894 [00:31<01:24, 7.87it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u258a | 228/894 [00:31<01:24, 7.87it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u258a | 229/894 [00:31<01:24, 7.87it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u258a | 229/894 [00:31<01:24, 7.87it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u258a | 230/894 [00:31<01:23, 7.94it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u258a | 230/894 [00:31<01:23, 7.94it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 231/894 [00:31<01:27, 7.59it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 231/894 [00:31<01:27, 7.59it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 231/894 [00:31<01:27, 7.59it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 231/894 [00:31<01:27, 7.59it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 234/894 [00:31<01:03, 10.46it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 234/894 [00:31<01:03, 10.46it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 235/894 [00:31<01:09, 9.46it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 235/894 [00:31<01:09, 9.46it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 236/894 [00:31<01:12, 9.08it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 236/894 [00:31<01:12, 9.08it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2589 | 237/894 [00:32<01:14, 8.83it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2589 | 237/894 [00:32<01:14, 8.83it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2589 | 238/894 [00:32<01:16, 8.62it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2589 | 238/894 [00:32<01:16, 8.62it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 239/894 [00:32<01:18, 8.33it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 239/894 [00:32<01:18, 8.33it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 240/894 [00:32<01:19, 8.25it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 240/894 [00:32<01:19, 8.25it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 241/894 [00:32<01:19, 8.22it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 241/894 [00:32<01:19, 8.22it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 242/894 [00:32<01:19, 8.22it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 242/894 [00:32<01:19, 8.22it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 243/894 [00:32<01:19, 8.23it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 243/894 [00:32<01:19, 8.23it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 244/894 [00:32<01:19, 8.18it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 244/894 [00:32<01:19, 8.18it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 245/894 [00:33<01:19, 8.17it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 245/894 [00:33<01:19, 8.17it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 246/894 [00:33<01:18, 8.24it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 246/894 [00:33<01:18, 8.24it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 247/894 [00:33<01:18, 8.20it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 247/894 [00:33<01:18, 8.20it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 248/894 [00:33<01:18, 8.24it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 248/894 [00:33<01:18, 8.24it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 249/894 [00:33<01:18, 8.20it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 249/894 [00:33<01:18, 8.20it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 250/894 [00:33<01:18, 8.20it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 250/894 [00:33<01:18, 8.20it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 251/894 [00:33<01:18, 8.15it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 251/894 [00:33<01:18, 8.15it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 252/894 [00:33<01:19, 8.12it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 252/894 [00:33<01:19, 8.12it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 253/894 [00:34<01:19, 8.09it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 253/894 [00:34<01:19, 8.09it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 253/894 [00:34<01:19, 8.09it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 253/894 [00:34<01:19, 8.09it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 256/894 [00:34<00:56, 11.25it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 256/894 [00:34<00:56, 11.25it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 256/894 [00:34<00:56, 11.25it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 258/894 [00:34<01:04, 9.91it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 258/894 [00:34<01:04, 9.91it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 259/894 [00:34<01:07, 9.48it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 259/894 [00:34<01:07, 9.48it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 260/894 [00:34<01:09, 9.14it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 260/894 [00:34<01:09, 9.14it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 261/894 [00:34<01:11, 8.90it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 261/894 [00:34<01:11, 8.90it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 262/894 [00:34<01:13, 8.64it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 262/894 [00:34<01:13, 8.64it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 263/894 [00:35<01:14, 8.49it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 263/894 [00:35<01:14, 8.49it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 264/894 [00:35<01:16, 8.27it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 264/894 [00:35<01:16, 8.27it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 265/894 [00:35<01:17, 8.15it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 265/894 [00:35<01:17, 8.15it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 266/894 [00:35<01:17, 8.10it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 266/894 [00:35<01:17, 8.10it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 267/894 [00:35<01:17, 8.08it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 267/894 [00:35<01:17, 8.08it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 268/894 [00:35<01:17, 8.08it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 268/894 [00:35<01:17, 8.08it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 269/894 [00:35<01:17, 8.05it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 269/894 [00:35<01:17, 8.05it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 270/894 [00:35<01:17, 8.02it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 270/894 [00:35<01:17, 8.02it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 271/894 [00:36<01:17, 8.00it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 271/894 [00:36<01:17, 8.00it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 272/894 [00:36<01:17, 8.03it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 272/894 [00:36<01:17, 8.03it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258c | 273/894 [00:36<01:17, 8.05it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258c | 273/894 [00:36<01:17, 8.05it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258c | 274/894 [00:36<01:16, 8.07it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258c | 274/894 [00:36<01:16, 8.07it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258c | 275/894 [00:36<01:16, 8.06it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258c | 275/894 [00:36<01:16, 8.06it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 276/894 [00:36<01:17, 8.02it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 276/894 [00:36<01:17, 8.02it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 277/894 [00:36<01:17, 8.00it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 277/894 [00:36<01:17, 8.00it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 278/894 [00:36<01:17, 7.98it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 278/894 [00:36<01:17, 7.98it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 279/894 [00:37<01:17, 7.99it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 279/894 [00:37<01:17, 7.99it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 280/894 [00:37<01:17, 7.95it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 280/894 [00:37<01:17, 7.95it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 281/894 [00:37<01:16, 7.96it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 281/894 [00:37<01:16, 7.96it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258b | 282/894 [00:37<01:16, 8.04it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258b | 282/894 [00:37<01:16, 8.04it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258b | 283/894 [00:37<01:16, 8.03it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258b | 283/894 [00:37<01:16, 8.03it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258b | 283/894 [00:37<01:16, 8.03it/s]\r \r\u0003\r\n", "Keyboard interruption in main thread... closing server.\r\n", "Killing tunnel 0.0.0.0:7860 <> https://89c767c53e806c2545.gradio.live\r\n" ] } ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Alternative: Test Built-in Voices\n", "\n", "If you want to test the Arabic LoRA with built-in voices (not your custom voice):" ] }, { "cell_type": "code", "metadata": { "collapsed": false, "scrolled": true }, "source": [ "# Create test text\n", "import os\n", "text = \"\"\"Speaker 1: \u0645\u0631\u062d\u0628\u0627\u064b \u0628\u0643\u0645\u060c \u0627\u0633\u0645\u064a \u0633\u0627\u0645\u064a.\n", "\u0623\u0646\u0627 \u0627\u0644\u0622\u0646 \u0623\u062e\u062a\u0628\u0631 \u062a\u0642\u0646\u064a\u0629 \u062c\u062f\u064a\u062f\u0629 \u0644\u062a\u062d\u0648\u064a\u0644 \u0627\u0644\u0646\u0635 \u0625\u0644\u0649 \u0643\u0644\u0627\u0645.\n", "\n", "\u0643\u064a\u0641 \u064a\u0628\u062f\u0648 \u0635\u0648\u062a\u064a\u061f\n", "\u0647\u0644 \u062a\u0633\u0645\u0639 \u0627\u0644\u0646\u0628\u0631\u0629 \u0627\u0644\u0637\u0628\u064a\u0639\u064a\u0629 \u0641\u064a \u062d\u062f\u064a\u062b\u064a\u061f\n", "\n", "\u0627\u0644\u0623\u0631\u062f\u0646 \u0628\u0644\u062f \u0627\u0644\u062c\u0628\u0627\u0644 \u0648\u0627\u0644\u0628\u062d\u0631 \u0648\u0627\u0644\u0635\u062d\u0631\u0627\u0621\u060c\n", "\u0648\u0641\u064a \u0643\u0644 \u0645\u062f\u064a\u0646\u0629\u064d \u0642\u0635\u0629\u060c \u0648\u0641\u064a \u0643\u0644 \u0634\u0627\u0631\u0639\u064d \u062d\u0643\u0627\u064a\u0629.\n", "\n", "\u0627\u0644\u062d\u064a\u0627\u0629 \u0631\u062d\u0644\u0629 \u0646\u062a\u0639\u0644\u0651\u0645 \u0645\u0646\u0647\u0627 \u0643\u0644 \u064a\u0648\u0645\u060c\n", "\u0641\u0644\u0646\u0628\u062a\u0633\u0645 \u0627\u0644\u0622\u0646\u2026 \u0648\u0644\u0646\u0628\u062f\u0623 \u0645\u0646 \u062c\u062f\u064a\u062f.\\nSpeaker 2: \u0623\u0646\u0627 \u0628\u062e\u064a\u0631 \u0634\u0643\u0631\u0627\"\"\"\n", "with open('/root/test.txt', 'w', encoding='utf-8') as f:\n", " f.write(text)" ], "execution_count": 11, "outputs": [] }, { "cell_type": "code", "metadata": { "collapsed": false, "scrolled": true }, "source": [ "# WITH LoRA (built-in Alice voice)\n", "os.makedirs('/root/outputs/builtin_with_lora', exist_ok=True)\n", "!python /root/VibeVoice/demo/inference_from_file.py \\\n", " --model_path /root/models/VibeVoice-Large \\\n", " --txt_path /root/test.txt \\\n", " --speaker_names Alice Frank \\\n", " --checkpoint_path /root/models/vibevoice-arabic-Z \\\n", " --output_dir /root/outputs/builtin_with_lora" ], "execution_count": 15, "outputs": [ { "output_type": "stream", "name": "stdout", "text": [ "APEX FusedRMSNorm not available, using native implementation\r\n", "Using device: cuda\r\n", "Found 9 voice files in /root/VibeVoice/demo/voices\r\n", "Available voices: en-Alice_woman, en-Carter_man, en-Frank_man, en-Mary_woman_bgm, en-Maya_woman, in-Samuel_man, zh-Anchen_man_bgm, zh-Bowen_man, zh-Xinran_woman\r\n", "Reading script from: /root/test.txt\r\n", "Found 2 speaker segments:\r\n", " 1. Speaker 1\r\n", " Text preview: Speaker 1: \u0645\u0631\u062d\u0628\u0627\u064b \u0628\u0643\u0645\u060c \u0627\u0633\u0645\u064a \u0633\u0627\u0645\u064a. \u0623\u0646\u0627 \u0627\u0644\u0622\u0646 \u0623\u062e\u062a\u0628\u0631 \u062a\u0642\u0646\u064a\u0629 \u062c\u062f\u064a\u062f\u0629 \u0644\u062a\u062d\u0648\u064a\u0644 \u0627\u0644\u0646\u0635 \u0625\u0644\u0649 \u0643\u0644\u0627\u0645. \u0643\u064a\u0641 \u064a\u0628\u062f\u0648 \u0635\u0648\u062a\u064a\u061f \u0647\u0644...\r\n", " 2. Speaker 2\r\n", " Text preview: Speaker 2: \u0623\u0646\u0627 \u0628\u062e\u064a\u0631 \u0634\u0643\u0631\u0627...\r\n", "\r\n", "Speaker mapping:\r\n", " Speaker 2 -> Frank\r\n", " Speaker 1 -> Alice\r\n", "Speaker 1 ('Alice') -> Voice: en-Alice_woman.wav\r\n", "Speaker 2 ('Frank') -> Voice: en-Frank_man.wav\r\n", "Loading processor & model from /root/models/VibeVoice-Large\r\n", "loading file vocab.json from cache at /root/.cache/huggingface/hub/models--Qwen--Qwen2.5-7B/snapshots/d149729398750b98c0af14eb82c78cfe92750796/vocab.json\r\n", "loading file merges.txt from cache at /root/.cache/huggingface/hub/models--Qwen--Qwen2.5-7B/snapshots/d149729398750b98c0af14eb82c78cfe92750796/merges.txt\r\n", "loading file tokenizer.json from cache at /root/.cache/huggingface/hub/models--Qwen--Qwen2.5-7B/snapshots/d149729398750b98c0af14eb82c78cfe92750796/tokenizer.json\r\n", "loading file added_tokens.json from cache at None\r\n", "loading file special_tokens_map.json from cache at None\r\n", "loading file tokenizer_config.json from cache at /root/.cache/huggingface/hub/models--Qwen--Qwen2.5-7B/snapshots/d149729398750b98c0af14eb82c78cfe92750796/tokenizer_config.json\r\n", "loading file chat_template.jinja from cache at None\r\n", "The tokenizer class you load from this checkpoint is not the same type as the class this function is called from. It may result in unexpected tokenization. \r\n", "The tokenizer class you load from this checkpoint is 'Qwen2Tokenizer'. \r\n", "The class this function is called from is 'VibeVoiceTextTokenizerFast'.\r\n", "Special tokens have been added in the vocabulary, make sure the associated word embeddings are fine-tuned or trained.\r\n", "Using device: cuda, torch_dtype: torch.bfloat16, attn_implementation: flash_attention_2\r\n", "loading configuration file /root/models/VibeVoice-Large/config.json\r\n", "Model config VibeVoiceConfig {\r\n", " \"acostic_vae_dim\": 64,\r\n", " \"acoustic_tokenizer_config\": {\r\n", " \"causal\": true,\r\n", " \"channels\": 1,\r\n", " \"conv_bias\": true,\r\n", " \"conv_norm\": \"none\",\r\n", " \"corpus_normalize\": 0.0,\r\n", " \"decoder_depths\": null,\r\n", " \"decoder_n_filters\": 32,\r\n", " \"decoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"disable_last_norm\": true,\r\n", " \"encoder_depths\": \"3-3-3-3-3-3-8\",\r\n", " \"encoder_n_filters\": 32,\r\n", " \"encoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"fix_std\": 0.5,\r\n", " \"layer_scale_init_value\": 1e-06,\r\n", " \"layernorm\": \"RMSNorm\",\r\n", " \"layernorm_elementwise_affine\": true,\r\n", " \"layernorm_eps\": 1e-05,\r\n", " \"mixer_layer\": \"depthwise_conv\",\r\n", " \"model_type\": \"vibevoice_acoustic_tokenizer\",\r\n", " \"pad_mode\": \"constant\",\r\n", " \"std_dist_type\": \"gaussian\",\r\n", " \"vae_dim\": 64,\r\n", " \"weight_init_value\": 0.01\r\n", " },\r\n", " \"acoustic_vae_dim\": 64,\r\n", " \"architectures\": [\r\n", " \"VibeVoiceForConditionalGeneration\"\r\n", " ],\r\n", " \"decoder_config\": {\r\n", " \"attention_dropout\": 0.0,\r\n", " \"hidden_act\": \"silu\",\r\n", " \"hidden_size\": 3584,\r\n", " \"initializer_range\": 0.02,\r\n", " \"intermediate_size\": 18944,\r\n", " \"max_position_embeddings\": 32768,\r\n", " \"max_window_layers\": 28,\r\n", " \"model_type\": \"qwen2\",\r\n", " \"num_attention_heads\": 28,\r\n", " \"num_hidden_layers\": 28,\r\n", " \"num_key_value_heads\": 4,\r\n", " \"rms_norm_eps\": 1e-06,\r\n", " \"rope_scaling\": null,\r\n", " \"rope_theta\": 1000000.0,\r\n", " \"sliding_window\": null,\r\n", " \"torch_dtype\": \"bfloat16\",\r\n", " \"use_cache\": true,\r\n", " \"use_mrope\": false,\r\n", " \"use_sliding_window\": false,\r\n", " \"vocab_size\": 152064\r\n", " },\r\n", " \"diffusion_head_config\": {\r\n", " \"ddpm_batch_mul\": 4,\r\n", " \"ddpm_beta_schedule\": \"cosine\",\r\n", " \"ddpm_num_inference_steps\": 20,\r\n", " \"ddpm_num_steps\": 1000,\r\n", " \"diffusion_type\": \"ddpm\",\r\n", " \"head_ffn_ratio\": 3.0,\r\n", " \"head_layers\": 4,\r\n", " \"hidden_size\": 3584,\r\n", " \"latent_size\": 64,\r\n", " \"model_type\": \"vibevoice_diffusion_head\",\r\n", " \"prediction_type\": \"v_prediction\",\r\n", " \"rms_norm_eps\": 1e-05,\r\n", " \"speech_vae_dim\": 64\r\n", " },\r\n", " \"model_type\": \"vibevoice\",\r\n", " \"semantic_tokenizer_config\": {\r\n", " \"causal\": true,\r\n", " \"channels\": 1,\r\n", " \"conv_bias\": true,\r\n", " \"conv_norm\": \"none\",\r\n", " \"corpus_normalize\": 0.0,\r\n", " \"disable_last_norm\": true,\r\n", " \"encoder_depths\": \"3-3-3-3-3-3-8\",\r\n", " \"encoder_n_filters\": 32,\r\n", " \"encoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"fix_std\": 0,\r\n", " \"layer_scale_init_value\": 1e-06,\r\n", " \"layernorm\": \"RMSNorm\",\r\n", " \"layernorm_elementwise_affine\": true,\r\n", " \"layernorm_eps\": 1e-05,\r\n", " \"mixer_layer\": \"depthwise_conv\",\r\n", " \"model_type\": \"vibevoice_semantic_tokenizer\",\r\n", " \"pad_mode\": \"constant\",\r\n", " \"std_dist_type\": \"none\",\r\n", " \"vae_dim\": 128,\r\n", " \"weight_init_value\": 0.01\r\n", " },\r\n", " \"semantic_vae_dim\": 128,\r\n", " \"tie_word_embeddings\": false,\r\n", " \"torch_dtype\": \"bfloat16\",\r\n", " \"transformers_version\": \"4.51.3\"\r\n", "}\r\n", "\r\n", "loading weights file /root/models/VibeVoice-Large/model.safetensors.index.json\r\n", "Instantiating VibeVoiceForConditionalGenerationInference model under default dtype torch.bfloat16.\r\n", "[ERROR] : ImportError: FlashAttention2 has been toggled on, but it cannot be used due to the following error: the package flash_attn seems to be not installed. Please refer to the documentation of https://huggingface.co/docs/transformers/perf_infer_gpu_one#flashattention-2 to install Flash Attention 2.\r\n", "Traceback (most recent call last):\r\n", " File \"/root/VibeVoice/demo/inference_from_file.py\", line 305, in main\r\n", " model = VibeVoiceForConditionalGenerationInference.from_pretrained(\r\n", " ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\r\n", " File \"/usr/local/lib/python3.12/site-packages/transformers/modeling_utils.py\", line 279, in _wrapper\r\n", " return func(*args, **kwargs)\r\n", " ^^^^^^^^^^^^^^^^^^^^^\r\n", " File \"/usr/local/lib/python3.12/site-packages/transformers/modeling_utils.py\", line 4336, in from_pretrained\r\n", " config = cls._autoset_attn_implementation(\r\n", " ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\r\n", " File \"/usr/local/lib/python3.12/site-packages/transformers/modeling_utils.py\", line 2109, in _autoset_attn_implementation\r\n", " cls._check_and_enable_flash_attn_2(\r\n", " File \"/usr/local/lib/python3.12/site-packages/transformers/modeling_utils.py\", line 2252, in _check_and_enable_flash_attn_2\r\n", " raise ImportError(f\"{preface} the package flash_attn seems to be not installed. {install_message}\")\r\n", "ImportError: FlashAttention2 has been toggled on, but it cannot be used due to the following error: the package flash_attn seems to be not installed. Please refer to the documentation of https://huggingface.co/docs/transformers/perf_infer_gpu_one#flashattention-2 to install Flash Attention 2.\r\n", "\r\n", "Error loading the model. Trying to use SDPA. However, note that only flash_attention_2 has been fully tested, and using SDPA may result in lower audio quality.\r\n", "loading configuration file /root/models/VibeVoice-Large/config.json\r\n", "Model config VibeVoiceConfig {\r\n", " \"acostic_vae_dim\": 64,\r\n", " \"acoustic_tokenizer_config\": {\r\n", " \"causal\": true,\r\n", " \"channels\": 1,\r\n", " \"conv_bias\": true,\r\n", " \"conv_norm\": \"none\",\r\n", " \"corpus_normalize\": 0.0,\r\n", " \"decoder_depths\": null,\r\n", " \"decoder_n_filters\": 32,\r\n", " \"decoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"disable_last_norm\": true,\r\n", " \"encoder_depths\": \"3-3-3-3-3-3-8\",\r\n", " \"encoder_n_filters\": 32,\r\n", " \"encoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"fix_std\": 0.5,\r\n", " \"layer_scale_init_value\": 1e-06,\r\n", " \"layernorm\": \"RMSNorm\",\r\n", " \"layernorm_elementwise_affine\": true,\r\n", " \"layernorm_eps\": 1e-05,\r\n", " \"mixer_layer\": \"depthwise_conv\",\r\n", " \"model_type\": \"vibevoice_acoustic_tokenizer\",\r\n", " \"pad_mode\": \"constant\",\r\n", " \"std_dist_type\": \"gaussian\",\r\n", " \"vae_dim\": 64,\r\n", " \"weight_init_value\": 0.01\r\n", " },\r\n", " \"acoustic_vae_dim\": 64,\r\n", " \"architectures\": [\r\n", " \"VibeVoiceForConditionalGeneration\"\r\n", " ],\r\n", " \"decoder_config\": {\r\n", " \"attention_dropout\": 0.0,\r\n", " \"hidden_act\": \"silu\",\r\n", " \"hidden_size\": 3584,\r\n", " \"initializer_range\": 0.02,\r\n", " \"intermediate_size\": 18944,\r\n", " \"max_position_embeddings\": 32768,\r\n", " \"max_window_layers\": 28,\r\n", " \"model_type\": \"qwen2\",\r\n", " \"num_attention_heads\": 28,\r\n", " \"num_hidden_layers\": 28,\r\n", " \"num_key_value_heads\": 4,\r\n", " \"rms_norm_eps\": 1e-06,\r\n", " \"rope_scaling\": null,\r\n", " \"rope_theta\": 1000000.0,\r\n", " \"sliding_window\": null,\r\n", " \"torch_dtype\": \"bfloat16\",\r\n", " \"use_cache\": true,\r\n", " \"use_mrope\": false,\r\n", " \"use_sliding_window\": false,\r\n", " \"vocab_size\": 152064\r\n", " },\r\n", " \"diffusion_head_config\": {\r\n", " \"ddpm_batch_mul\": 4,\r\n", " \"ddpm_beta_schedule\": \"cosine\",\r\n", " \"ddpm_num_inference_steps\": 20,\r\n", " \"ddpm_num_steps\": 1000,\r\n", " \"diffusion_type\": \"ddpm\",\r\n", " \"head_ffn_ratio\": 3.0,\r\n", " \"head_layers\": 4,\r\n", " \"hidden_size\": 3584,\r\n", " \"latent_size\": 64,\r\n", " \"model_type\": \"vibevoice_diffusion_head\",\r\n", " \"prediction_type\": \"v_prediction\",\r\n", " \"rms_norm_eps\": 1e-05,\r\n", " \"speech_vae_dim\": 64\r\n", " },\r\n", " \"model_type\": \"vibevoice\",\r\n", " \"semantic_tokenizer_config\": {\r\n", " \"causal\": true,\r\n", " \"channels\": 1,\r\n", " \"conv_bias\": true,\r\n", " \"conv_norm\": \"none\",\r\n", " \"corpus_normalize\": 0.0,\r\n", " \"disable_last_norm\": true,\r\n", " \"encoder_depths\": \"3-3-3-3-3-3-8\",\r\n", " \"encoder_n_filters\": 32,\r\n", " \"encoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"fix_std\": 0,\r\n", " \"layer_scale_init_value\": 1e-06,\r\n", " \"layernorm\": \"RMSNorm\",\r\n", " \"layernorm_elementwise_affine\": true,\r\n", " \"layernorm_eps\": 1e-05,\r\n", " \"mixer_layer\": \"depthwise_conv\",\r\n", " \"model_type\": \"vibevoice_semantic_tokenizer\",\r\n", " \"pad_mode\": \"constant\",\r\n", " \"std_dist_type\": \"none\",\r\n", " \"vae_dim\": 128,\r\n", " \"weight_init_value\": 0.01\r\n", " },\r\n", " \"semantic_vae_dim\": 128,\r\n", " \"tie_word_embeddings\": false,\r\n", " \"torch_dtype\": \"bfloat16\",\r\n", " \"transformers_version\": \"4.51.3\"\r\n", "}\r\n", "\r\n", "loading weights file /root/models/VibeVoice-Large/model.safetensors.index.json\r\n", "Instantiating VibeVoiceForConditionalGenerationInference model under default dtype torch.bfloat16.\r\n", "Generate config GenerationConfig {}\r\n", "\r\n", "Instantiating Qwen2Model model under default dtype torch.bfloat16.\r\n", "Instantiating VibeVoiceAcousticTokenizerModel model under default dtype torch.bfloat16.\r\n", "Instantiating VibeVoiceSemanticTokenizerModel model under default dtype torch.bfloat16.\r\n", "Instantiating VibeVoiceDiffusionHead model under default dtype torch.bfloat16.\r\n", "\rLoading checkpoint shards: 0%| | 0/10 [00:00, ?it/s]\rLoading checkpoint shards: 10%|\u2588\u258b | 1/10 [00:00<00:04, 2.06it/s]\rLoading checkpoint shards: 20%|\u2588\u2588\u2588\u258d | 2/10 [00:00<00:03, 2.57it/s]\rLoading checkpoint shards: 30%|\u2588\u2588\u2588\u2588\u2588 | 3/10 [00:01<00:02, 2.77it/s]\rLoading checkpoint shards: 40%|\u2588\u2588\u2588\u2588\u2588\u2588\u258a | 4/10 [00:01<00:02, 2.60it/s]\rLoading checkpoint shards: 50%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u258c | 5/10 [00:01<00:01, 2.53it/s]\rLoading checkpoint shards: 60%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u258f | 6/10 [00:02<00:01, 2.73it/s]\rLoading checkpoint shards: 70%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2589 | 7/10 [00:02<00:01, 2.87it/s]\rLoading checkpoint shards: 80%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u258c | 8/10 [00:03<00:00, 2.68it/s]\rLoading checkpoint shards: 90%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u258e | 9/10 [00:03<00:00, 2.41it/s]\rLoading checkpoint shards: 100%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588| 10/10 [00:03<00:00, 2.68it/s]\rLoading checkpoint shards: 100%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588| 10/10 [00:03<00:00, 2.63it/s]\r\n", "All model checkpoint weights were used when initializing VibeVoiceForConditionalGenerationInference.\r\n", "\r\n", "All the weights of VibeVoiceForConditionalGenerationInference were initialized from the model checkpoint at /root/models/VibeVoice-Large.\r\n", "If your task is similar to the task the model of the checkpoint was trained on, you can already use VibeVoiceForConditionalGenerationInference for predictions without further training.\r\n", "Generation config file not found, using a generation config created from the model config.\r\n", "Loading fine-tuned assets from /root/models/vibevoice-arabic-Z\r\n", "Loaded components: diffusion head weights, acoustic connector, semantic connector\r\n", "Adapter assets resolved to: /root/models/vibevoice-arabic-Z\r\n", "Voice cloning enabled: running generation with is_prefill=True\r\n", "Language model attention: sdpa\r\n", "Starting generation with cfg_scale: 1.3\r\n", "\rGenerating: 0%| | 0/820 [00:00, ?it/s]\rGenerating (active: 1/1): 0%| | 0/820 [00:00, ?it/s]\rGenerating (active: 1/1): 0%| | 1/820 [00:01<14:36, 1.07s/it]\rGenerating (active: 1/1): 0%| | 1/820 [00:01<14:36, 1.07s/it]\rGenerating (active: 1/1): 0%| | 2/820 [00:01<07:05, 1.92it/s]\rGenerating (active: 1/1): 0%| | 2/820 [00:01<07:05, 1.92it/s]\rGenerating (active: 1/1): 0%| | 3/820 [00:01<04:35, 2.97it/s]\rGenerating (active: 1/1): 0%| | 3/820 [00:01<04:35, 2.97it/s]\rGenerating (active: 1/1): 0%| | 4/820 [00:01<03:25, 3.97it/s]\rGenerating (active: 1/1): 0%| | 4/820 [00:01<03:25, 3.97it/s]\rGenerating (active: 1/1): 1%| | 5/820 [00:01<02:46, 4.89it/s]\rGenerating (active: 1/1): 1%| | 5/820 [00:01<02:46, 4.89it/s]\rGenerating (active: 1/1): 1%| | 6/820 [00:01<02:22, 5.71it/s]\rGenerating (active: 1/1): 1%| | 6/820 [00:01<02:22, 5.71it/s]\rGenerating (active: 1/1): 1%|\u258f | 7/820 [00:01<02:07, 6.36it/s]\rGenerating (active: 1/1): 1%|\u258f | 7/820 [00:01<02:07, 6.36it/s]\rGenerating (active: 1/1): 1%|\u258f | 8/820 [00:01<01:57, 6.91it/s]\rGenerating (active: 1/1): 1%|\u258f | 8/820 [00:01<01:57, 6.91it/s]\rGenerating (active: 1/1): 1%|\u258f | 9/820 [00:02<01:51, 7.30it/s]\rGenerating (active: 1/1): 1%|\u258f | 9/820 [00:02<01:51, 7.30it/s]\rGenerating (active: 1/1): 1%|\u258f | 10/820 [00:02<01:46, 7.60it/s]\rGenerating (active: 1/1): 1%|\u258f | 10/820 [00:02<01:46, 7.60it/s]\rGenerating (active: 1/1): 1%|\u258f | 11/820 [00:02<01:42, 7.87it/s]\rGenerating (active: 1/1): 1%|\u258f | 11/820 [00:02<01:42, 7.87it/s]\rGenerating (active: 1/1): 1%|\u258f | 12/820 [00:02<01:40, 8.08it/s]\rGenerating (active: 1/1): 1%|\u258f | 12/820 [00:02<01:40, 8.08it/s]\rGenerating (active: 1/1): 2%|\u258e | 13/820 [00:02<01:39, 8.11it/s]\rGenerating (active: 1/1): 2%|\u258e | 13/820 [00:02<01:39, 8.11it/s]\rGenerating (active: 1/1): 2%|\u258e | 14/820 [00:02<01:38, 8.17it/s]\rGenerating (active: 1/1): 2%|\u258e | 14/820 [00:02<01:38, 8.17it/s]\rGenerating (active: 1/1): 2%|\u258e | 15/820 [00:02<01:37, 8.28it/s]\rGenerating (active: 1/1): 2%|\u258e | 15/820 [00:02<01:37, 8.28it/s]\rGenerating (active: 1/1): 2%|\u258e | 16/820 [00:02<01:36, 8.32it/s]\rGenerating (active: 1/1): 2%|\u258e | 16/820 [00:02<01:36, 8.32it/s]\rGenerating (active: 1/1): 2%|\u258e | 17/820 [00:02<01:35, 8.37it/s]\rGenerating (active: 1/1): 2%|\u258e | 17/820 [00:02<01:35, 8.37it/s]\rGenerating (active: 1/1): 2%|\u258e | 18/820 [00:03<01:35, 8.40it/s]\rGenerating (active: 1/1): 2%|\u258e | 18/820 [00:03<01:35, 8.40it/s]\rGenerating (active: 1/1): 2%|\u258e | 19/820 [00:03<01:34, 8.44it/s]\rGenerating (active: 1/1): 2%|\u258e | 19/820 [00:03<01:34, 8.44it/s]\rGenerating (active: 1/1): 2%|\u258d | 20/820 [00:03<01:35, 8.37it/s]\rGenerating (active: 1/1): 2%|\u258d | 20/820 [00:03<01:35, 8.37it/s]\rGenerating (active: 1/1): 3%|\u258d | 21/820 [00:03<01:35, 8.40it/s]\rGenerating (active: 1/1): 3%|\u258d | 21/820 [00:03<01:35, 8.40it/s]\rGenerating (active: 1/1): 3%|\u258d | 22/820 [00:03<01:35, 8.37it/s]\rGenerating (active: 1/1): 3%|\u258d | 22/820 [00:03<01:35, 8.37it/s]\rGenerating (active: 1/1): 3%|\u258d | 23/820 [00:03<01:34, 8.40it/s]\rGenerating (active: 1/1): 3%|\u258d | 23/820 [00:03<01:34, 8.40it/s]\rGenerating (active: 1/1): 3%|\u258d | 24/820 [00:03<01:34, 8.42it/s]\rGenerating (active: 1/1): 3%|\u258d | 24/820 [00:03<01:34, 8.42it/s]\rGenerating (active: 1/1): 3%|\u258d | 25/820 [00:03<01:34, 8.44it/s]\rGenerating (active: 1/1): 3%|\u258d | 25/820 [00:03<01:34, 8.44it/s]\rGenerating (active: 1/1): 3%|\u258c | 26/820 [00:04<01:34, 8.43it/s]\rGenerating (active: 1/1): 3%|\u258c | 26/820 [00:04<01:34, 8.43it/s]\rGenerating (active: 1/1): 3%|\u258c | 27/820 [00:04<01:35, 8.34it/s]\rGenerating (active: 1/1): 3%|\u258c | 27/820 [00:04<01:35, 8.34it/s]\rGenerating (active: 1/1): 3%|\u258c | 28/820 [00:04<01:35, 8.33it/s]\rGenerating (active: 1/1): 3%|\u258c | 28/820 [00:04<01:35, 8.33it/s]\rGenerating (active: 1/1): 4%|\u258c | 29/820 [00:04<01:35, 8.31it/s]\rGenerating (active: 1/1): 4%|\u258c | 29/820 [00:04<01:35, 8.31it/s]\rGenerating (active: 1/1): 4%|\u258c | 30/820 [00:04<01:35, 8.31it/s]\rGenerating (active: 1/1): 4%|\u258c | 30/820 [00:04<01:35, 8.31it/s]\rGenerating (active: 1/1): 4%|\u258c | 31/820 [00:04<01:34, 8.36it/s]\rGenerating (active: 1/1): 4%|\u258c | 31/820 [00:04<01:34, 8.36it/s]\rGenerating (active: 1/1): 4%|\u258c | 32/820 [00:04<01:33, 8.44it/s]\rGenerating (active: 1/1): 4%|\u258c | 32/820 [00:04<01:33, 8.44it/s]\rGenerating (active: 1/1): 4%|\u258b | 33/820 [00:04<01:32, 8.51it/s]\rGenerating (active: 1/1): 4%|\u258b | 33/820 [00:04<01:32, 8.51it/s]\rGenerating (active: 1/1): 4%|\u258b | 34/820 [00:05<01:32, 8.51it/s]\rGenerating (active: 1/1): 4%|\u258b | 34/820 [00:05<01:32, 8.51it/s]\rGenerating (active: 1/1): 4%|\u258b | 35/820 [00:05<01:32, 8.53it/s]\rGenerating (active: 1/1): 4%|\u258b | 35/820 [00:05<01:32, 8.53it/s]\rGenerating (active: 1/1): 4%|\u258b | 36/820 [00:05<01:31, 8.54it/s]\rGenerating (active: 1/1): 4%|\u258b | 36/820 [00:05<01:31, 8.54it/s]\rGenerating (active: 1/1): 5%|\u258b | 37/820 [00:05<01:31, 8.55it/s]\rGenerating (active: 1/1): 5%|\u258b | 37/820 [00:05<01:31, 8.55it/s]\rGenerating (active: 1/1): 5%|\u258b | 38/820 [00:05<01:31, 8.55it/s]\rGenerating (active: 1/1): 5%|\u258b | 38/820 [00:05<01:31, 8.55it/s]\rGenerating (active: 1/1): 5%|\u258a | 39/820 [00:05<01:31, 8.52it/s]\rGenerating (active: 1/1): 5%|\u258a | 39/820 [00:05<01:31, 8.52it/s]\rGenerating (active: 1/1): 5%|\u258a | 40/820 [00:05<01:31, 8.50it/s]\rGenerating (active: 1/1): 5%|\u258a | 40/820 [00:05<01:31, 8.50it/s]\rGenerating (active: 1/1): 5%|\u258a | 41/820 [00:05<01:32, 8.46it/s]\rGenerating (active: 1/1): 5%|\u258a | 41/820 [00:05<01:32, 8.46it/s]\rGenerating (active: 1/1): 5%|\u258a | 42/820 [00:05<01:31, 8.46it/s]\rGenerating (active: 1/1): 5%|\u258a | 42/820 [00:05<01:31, 8.46it/s]\rGenerating (active: 1/1): 5%|\u258a | 43/820 [00:06<01:32, 8.39it/s]\rGenerating (active: 1/1): 5%|\u258a | 43/820 [00:06<01:32, 8.39it/s]\rGenerating (active: 1/1): 5%|\u258a | 44/820 [00:06<01:32, 8.41it/s]\rGenerating (active: 1/1): 5%|\u258a | 44/820 [00:06<01:32, 8.41it/s]\rGenerating (active: 1/1): 5%|\u2589 | 45/820 [00:06<01:31, 8.44it/s]\rGenerating (active: 1/1): 5%|\u2589 | 45/820 [00:06<01:31, 8.44it/s]\rGenerating (active: 1/1): 6%|\u2589 | 46/820 [00:06<01:31, 8.47it/s]\rGenerating (active: 1/1): 6%|\u2589 | 46/820 [00:06<01:31, 8.47it/s]\rGenerating (active: 1/1): 6%|\u2589 | 47/820 [00:06<01:31, 8.49it/s]\rGenerating (active: 1/1): 6%|\u2589 | 47/820 [00:06<01:31, 8.49it/s]\rGenerating (active: 1/1): 6%|\u2589 | 48/820 [00:06<01:30, 8.50it/s]\rGenerating (active: 1/1): 6%|\u2589 | 48/820 [00:06<01:30, 8.50it/s]\rGenerating (active: 1/1): 6%|\u2589 | 49/820 [00:06<01:31, 8.46it/s]\rGenerating (active: 1/1): 6%|\u2589 | 49/820 [00:06<01:31, 8.46it/s]\rGenerating (active: 1/1): 6%|\u2589 | 50/820 [00:06<01:30, 8.50it/s]\rGenerating (active: 1/1): 6%|\u2589 | 50/820 [00:06<01:30, 8.50it/s]\rGenerating (active: 1/1): 6%|\u2589 | 51/820 [00:07<01:30, 8.54it/s]\rGenerating (active: 1/1): 6%|\u2589 | 51/820 [00:07<01:30, 8.54it/s]\rGenerating (active: 1/1): 6%|\u2588 | 52/820 [00:07<01:30, 8.53it/s]\rGenerating (active: 1/1): 6%|\u2588 | 52/820 [00:07<01:30, 8.53it/s]\rGenerating (active: 1/1): 6%|\u2588 | 53/820 [00:07<01:30, 8.52it/s]\rGenerating (active: 1/1): 6%|\u2588 | 53/820 [00:07<01:30, 8.52it/s]\rGenerating (active: 1/1): 7%|\u2588 | 54/820 [00:07<01:29, 8.52it/s]\rGenerating (active: 1/1): 7%|\u2588 | 54/820 [00:07<01:29, 8.52it/s]\rGenerating (active: 1/1): 7%|\u2588 | 55/820 [00:07<01:29, 8.51it/s]\rGenerating (active: 1/1): 7%|\u2588 | 55/820 [00:07<01:29, 8.51it/s]\rGenerating (active: 1/1): 7%|\u2588 | 56/820 [00:07<01:29, 8.52it/s]\rGenerating (active: 1/1): 7%|\u2588 | 56/820 [00:07<01:29, 8.52it/s]\rGenerating (active: 1/1): 7%|\u2588 | 57/820 [00:07<01:29, 8.51it/s]\rGenerating (active: 1/1): 7%|\u2588 | 57/820 [00:07<01:29, 8.51it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 58/820 [00:07<01:29, 8.53it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 58/820 [00:07<01:29, 8.53it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 59/820 [00:07<01:29, 8.53it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 59/820 [00:07<01:29, 8.53it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 60/820 [00:08<01:28, 8.55it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 60/820 [00:08<01:28, 8.55it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 61/820 [00:08<01:29, 8.49it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 61/820 [00:08<01:29, 8.49it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 62/820 [00:08<01:29, 8.44it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 62/820 [00:08<01:29, 8.44it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 63/820 [00:08<01:29, 8.43it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 63/820 [00:08<01:29, 8.43it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 64/820 [00:08<01:29, 8.47it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 64/820 [00:08<01:29, 8.47it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 65/820 [00:08<01:28, 8.51it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 65/820 [00:08<01:28, 8.51it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 66/820 [00:08<01:28, 8.51it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 66/820 [00:08<01:28, 8.51it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 67/820 [00:08<01:28, 8.52it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 67/820 [00:08<01:28, 8.52it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 68/820 [00:09<01:27, 8.55it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 68/820 [00:09<01:27, 8.55it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 69/820 [00:09<01:28, 8.51it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 69/820 [00:09<01:28, 8.51it/s]\rGenerating (active: 1/1): 9%|\u2588\u258e | 70/820 [00:09<01:28, 8.51it/s]\rGenerating (active: 1/1): 9%|\u2588\u258e | 70/820 [00:09<01:28, 8.51it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 71/820 [00:09<01:27, 8.52it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 71/820 [00:09<01:27, 8.52it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 72/820 [00:09<01:27, 8.52it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 72/820 [00:09<01:27, 8.52it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 73/820 [00:09<01:27, 8.52it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 73/820 [00:09<01:27, 8.52it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 74/820 [00:09<01:27, 8.49it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 74/820 [00:09<01:27, 8.49it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 75/820 [00:09<01:27, 8.51it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 75/820 [00:09<01:27, 8.51it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 76/820 [00:09<01:27, 8.51it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 76/820 [00:09<01:27, 8.51it/s]\rGenerating (active: 1/1): 9%|\u2588\u258c | 77/820 [00:10<01:27, 8.53it/s]\rGenerating (active: 1/1): 9%|\u2588\u258c | 77/820 [00:10<01:27, 8.53it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 78/820 [00:10<01:26, 8.53it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 78/820 [00:10<01:26, 8.53it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 79/820 [00:10<01:26, 8.54it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 79/820 [00:10<01:26, 8.54it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 80/820 [00:10<01:26, 8.56it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 80/820 [00:10<01:26, 8.56it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 81/820 [00:10<01:27, 8.47it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 81/820 [00:10<01:27, 8.47it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 82/820 [00:10<01:26, 8.50it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 82/820 [00:10<01:26, 8.50it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 83/820 [00:10<01:26, 8.51it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 83/820 [00:10<01:26, 8.51it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 84/820 [00:10<01:26, 8.52it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 84/820 [00:10<01:26, 8.52it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 85/820 [00:11<01:26, 8.50it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 85/820 [00:11<01:26, 8.50it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 86/820 [00:11<01:26, 8.49it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 86/820 [00:11<01:26, 8.49it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 87/820 [00:11<01:26, 8.50it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 87/820 [00:11<01:26, 8.50it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 88/820 [00:11<01:26, 8.49it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 88/820 [00:11<01:26, 8.49it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 89/820 [00:11<01:25, 8.53it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 89/820 [00:11<01:25, 8.53it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 90/820 [00:11<01:25, 8.57it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 90/820 [00:11<01:25, 8.57it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 91/820 [00:11<01:24, 8.58it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 91/820 [00:11<01:24, 8.58it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 92/820 [00:11<01:24, 8.61it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 92/820 [00:11<01:24, 8.61it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 93/820 [00:11<01:24, 8.57it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 93/820 [00:11<01:24, 8.57it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 94/820 [00:12<01:24, 8.55it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 94/820 [00:12<01:24, 8.55it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 95/820 [00:12<01:24, 8.54it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 95/820 [00:12<01:24, 8.54it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 96/820 [00:12<01:24, 8.53it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 96/820 [00:12<01:24, 8.53it/s]\rGenerating (active: 1/1): 12%|\u2588\u2589 | 97/820 [00:12<01:24, 8.53it/s]\rGenerating (active: 1/1): 12%|\u2588\u2589 | 97/820 [00:12<01:24, 8.53it/s]\rGenerating (active: 1/1): 12%|\u2588\u2589 | 98/820 [00:12<01:24, 8.55it/s]\rGenerating (active: 1/1): 12%|\u2588\u2589 | 98/820 [00:12<01:24, 8.55it/s]\rGenerating (active: 1/1): 12%|\u2588\u2589 | 99/820 [00:12<01:23, 8.59it/s]\rGenerating (active: 1/1): 12%|\u2588\u2589 | 99/820 [00:12<01:23, 8.59it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 100/820 [00:12<01:23, 8.63it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 100/820 [00:12<01:23, 8.63it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 101/820 [00:12<01:23, 8.61it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 101/820 [00:12<01:23, 8.61it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 102/820 [00:12<01:23, 8.60it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 102/820 [00:12<01:23, 8.60it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 103/820 [00:13<01:23, 8.58it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 103/820 [00:13<01:23, 8.58it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 104/820 [00:13<01:23, 8.56it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 104/820 [00:13<01:23, 8.56it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 105/820 [00:13<01:23, 8.55it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 105/820 [00:13<01:23, 8.55it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 106/820 [00:13<01:23, 8.56it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 106/820 [00:13<01:23, 8.56it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 107/820 [00:13<01:22, 8.60it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 107/820 [00:13<01:22, 8.60it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 108/820 [00:13<01:22, 8.59it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 108/820 [00:13<01:22, 8.59it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 109/820 [00:13<01:22, 8.60it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 109/820 [00:13<01:22, 8.60it/s]\rGenerating (active: 1/1): 13%|\u2588\u2588 | 110/820 [00:13<01:23, 8.49it/s]\rGenerating (active: 1/1): 13%|\u2588\u2588 | 110/820 [00:13<01:23, 8.49it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 111/820 [00:14<01:23, 8.45it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 111/820 [00:14<01:23, 8.45it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 112/820 [00:14<01:25, 8.32it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 112/820 [00:14<01:25, 8.32it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 113/820 [00:14<01:24, 8.35it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 113/820 [00:14<01:24, 8.35it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 114/820 [00:14<01:23, 8.44it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 114/820 [00:14<01:23, 8.44it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 115/820 [00:14<01:22, 8.50it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 115/820 [00:14<01:22, 8.50it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 116/820 [00:14<01:22, 8.54it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 116/820 [00:14<01:22, 8.54it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588\u258f | 117/820 [00:14<01:21, 8.58it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588\u258f | 117/820 [00:14<01:21, 8.58it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588\u258f | 118/820 [00:14<01:22, 8.52it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588\u258f | 118/820 [00:14<01:22, 8.52it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 119/820 [00:14<01:21, 8.56it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 119/820 [00:14<01:21, 8.56it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 120/820 [00:15<01:21, 8.63it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 120/820 [00:15<01:21, 8.63it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 121/820 [00:15<01:20, 8.66it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 121/820 [00:15<01:20, 8.66it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 122/820 [00:15<01:20, 8.70it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 122/820 [00:15<01:20, 8.70it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 123/820 [00:15<01:19, 8.73it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 123/820 [00:15<01:19, 8.73it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 124/820 [00:15<01:19, 8.75it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 124/820 [00:15<01:19, 8.75it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 125/820 [00:15<01:19, 8.77it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 125/820 [00:15<01:19, 8.77it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 126/820 [00:15<01:19, 8.78it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 126/820 [00:15<01:19, 8.78it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 127/820 [00:15<01:18, 8.79it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 127/820 [00:15<01:18, 8.79it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258e | 128/820 [00:16<01:18, 8.77it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258e | 128/820 [00:16<01:18, 8.77it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258e | 129/820 [00:16<01:18, 8.75it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258e | 129/820 [00:16<01:18, 8.75it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 130/820 [00:16<01:19, 8.72it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 130/820 [00:16<01:19, 8.72it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 131/820 [00:16<01:19, 8.63it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 131/820 [00:16<01:19, 8.63it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 132/820 [00:16<01:20, 8.53it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 132/820 [00:16<01:20, 8.53it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 133/820 [00:16<01:21, 8.48it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 133/820 [00:16<01:21, 8.48it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 134/820 [00:16<01:20, 8.52it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 134/820 [00:16<01:20, 8.52it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 135/820 [00:16<01:20, 8.47it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 135/820 [00:16<01:20, 8.47it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258d | 136/820 [00:16<01:20, 8.49it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258d | 136/820 [00:16<01:20, 8.49it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 137/820 [00:17<01:20, 8.52it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 137/820 [00:17<01:20, 8.52it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 138/820 [00:17<01:20, 8.44it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 138/820 [00:17<01:20, 8.44it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 139/820 [00:17<01:20, 8.43it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 139/820 [00:17<01:20, 8.43it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 140/820 [00:17<01:20, 8.50it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 140/820 [00:17<01:20, 8.50it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 141/820 [00:17<01:19, 8.49it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 141/820 [00:17<01:19, 8.49it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 142/820 [00:17<01:20, 8.46it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 142/820 [00:17<01:20, 8.46it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 143/820 [00:17<01:19, 8.47it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 143/820 [00:17<01:19, 8.47it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 144/820 [00:17<01:19, 8.49it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 144/820 [00:17<01:19, 8.49it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 145/820 [00:18<01:19, 8.50it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 145/820 [00:18<01:19, 8.50it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 146/820 [00:18<01:19, 8.50it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 146/820 [00:18<01:19, 8.50it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 147/820 [00:18<01:18, 8.58it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 147/820 [00:18<01:18, 8.58it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 148/820 [00:18<01:18, 8.59it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 148/820 [00:18<01:18, 8.59it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 149/820 [00:18<01:18, 8.57it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 149/820 [00:18<01:18, 8.57it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 150/820 [00:18<01:18, 8.56it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 150/820 [00:18<01:18, 8.56it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258a | 151/820 [00:18<01:18, 8.49it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258a | 151/820 [00:18<01:18, 8.49it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 152/820 [00:18<01:18, 8.49it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 152/820 [00:18<01:18, 8.49it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 153/820 [00:18<01:18, 8.53it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 153/820 [00:18<01:18, 8.53it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 154/820 [00:19<01:17, 8.57it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 154/820 [00:19<01:17, 8.57it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 155/820 [00:19<01:17, 8.56it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 155/820 [00:19<01:17, 8.56it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 156/820 [00:19<01:17, 8.58it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 156/820 [00:19<01:17, 8.58it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 157/820 [00:19<01:17, 8.60it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 157/820 [00:19<01:17, 8.60it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u2589 | 158/820 [00:19<01:17, 8.59it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u2589 | 158/820 [00:19<01:17, 8.59it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u2589 | 159/820 [00:19<01:16, 8.61it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u2589 | 159/820 [00:19<01:16, 8.61it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 160/820 [00:19<01:16, 8.62it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 160/820 [00:19<01:16, 8.62it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 161/820 [00:19<01:16, 8.56it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 161/820 [00:19<01:16, 8.56it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 162/820 [00:20<01:17, 8.53it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 162/820 [00:20<01:17, 8.53it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 163/820 [00:20<01:17, 8.44it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 163/820 [00:20<01:17, 8.44it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 164/820 [00:20<01:18, 8.37it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 164/820 [00:20<01:18, 8.37it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 165/820 [00:20<01:18, 8.32it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 165/820 [00:20<01:18, 8.32it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 166/820 [00:20<01:18, 8.29it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 166/820 [00:20<01:18, 8.29it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 167/820 [00:20<01:18, 8.36it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 167/820 [00:20<01:18, 8.36it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 168/820 [00:20<01:18, 8.34it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 168/820 [00:20<01:18, 8.34it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588 | 169/820 [00:20<01:17, 8.42it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588 | 169/820 [00:20<01:17, 8.42it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588 | 170/820 [00:20<01:16, 8.49it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588 | 170/820 [00:20<01:16, 8.49it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 171/820 [00:21<01:15, 8.55it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 171/820 [00:21<01:15, 8.55it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 172/820 [00:21<01:15, 8.53it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 172/820 [00:21<01:15, 8.53it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 173/820 [00:21<01:15, 8.56it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 173/820 [00:21<01:15, 8.56it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 174/820 [00:21<01:15, 8.56it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 174/820 [00:21<01:15, 8.56it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 175/820 [00:21<01:15, 8.54it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 175/820 [00:21<01:15, 8.54it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 176/820 [00:21<01:15, 8.55it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 176/820 [00:21<01:15, 8.55it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258f | 177/820 [00:21<01:15, 8.56it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258f | 177/820 [00:21<01:15, 8.56it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 178/820 [00:21<01:15, 8.53it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 178/820 [00:21<01:15, 8.53it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 179/820 [00:22<01:14, 8.56it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 179/820 [00:22<01:14, 8.56it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 180/820 [00:22<01:14, 8.58it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 180/820 [00:22<01:14, 8.58it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 181/820 [00:22<01:14, 8.61it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 181/820 [00:22<01:14, 8.61it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 182/820 [00:22<01:13, 8.62it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 182/820 [00:22<01:13, 8.62it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 183/820 [00:22<01:14, 8.57it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 183/820 [00:22<01:14, 8.57it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 184/820 [00:22<01:14, 8.51it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 184/820 [00:22<01:14, 8.51it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 185/820 [00:22<01:15, 8.41it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 185/820 [00:22<01:15, 8.41it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 186/820 [00:22<01:15, 8.35it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 186/820 [00:22<01:15, 8.35it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 187/820 [00:22<01:15, 8.36it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 187/820 [00:22<01:15, 8.36it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 188/820 [00:23<01:15, 8.36it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 188/820 [00:23<01:15, 8.36it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 189/820 [00:23<01:15, 8.41it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 189/820 [00:23<01:15, 8.41it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 190/820 [00:23<01:14, 8.44it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 190/820 [00:23<01:14, 8.44it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 191/820 [00:23<01:14, 8.46it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 191/820 [00:23<01:14, 8.46it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258c | 192/820 [00:23<01:13, 8.49it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258c | 192/820 [00:23<01:13, 8.49it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 193/820 [00:23<01:13, 8.50it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 193/820 [00:23<01:13, 8.50it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 194/820 [00:23<01:13, 8.52it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 194/820 [00:23<01:13, 8.52it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 195/820 [00:23<01:13, 8.53it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 195/820 [00:23<01:13, 8.53it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 196/820 [00:24<01:13, 8.55it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 196/820 [00:24<01:13, 8.55it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 197/820 [00:24<01:13, 8.43it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 197/820 [00:24<01:13, 8.43it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 198/820 [00:24<01:14, 8.35it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 198/820 [00:24<01:14, 8.35it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258b | 199/820 [00:24<01:14, 8.36it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258b | 199/820 [00:24<01:14, 8.36it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258b | 200/820 [00:24<01:13, 8.39it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258b | 200/820 [00:24<01:13, 8.39it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 201/820 [00:24<01:13, 8.43it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 201/820 [00:24<01:13, 8.43it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 202/820 [00:24<01:14, 8.31it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 202/820 [00:24<01:14, 8.31it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 203/820 [00:24<01:14, 8.33it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 203/820 [00:24<01:14, 8.33it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 204/820 [00:24<01:13, 8.34it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 204/820 [00:24<01:13, 8.34it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 205/820 [00:25<01:13, 8.34it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 205/820 [00:25<01:13, 8.34it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 206/820 [00:25<01:13, 8.32it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 206/820 [00:25<01:13, 8.32it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 207/820 [00:25<01:13, 8.39it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 207/820 [00:25<01:13, 8.39it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 208/820 [00:25<01:12, 8.44it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 208/820 [00:25<01:12, 8.44it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 209/820 [00:25<01:12, 8.42it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 209/820 [00:25<01:12, 8.42it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u258a | 210/820 [00:25<01:12, 8.47it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u258a | 210/820 [00:25<01:12, 8.47it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u258a | 210/820 [00:25<01:12, 8.47it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u258a | 210/820 [00:25<01:12, 8.47it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 213/820 [00:25<00:51, 11.72it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 213/820 [00:25<00:51, 11.72it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 213/820 [00:25<00:51, 11.72it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 215/820 [00:26<00:59, 10.22it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 215/820 [00:26<00:59, 10.22it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 215/820 [00:26<00:59, 10.22it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 217/820 [00:26<01:03, 9.52it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 217/820 [00:26<01:03, 9.52it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2589 | 218/820 [00:26<01:05, 9.25it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2589 | 218/820 [00:26<01:05, 9.25it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 219/820 [00:26<01:06, 9.01it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 219/820 [00:26<01:06, 9.01it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 220/820 [00:26<01:07, 8.84it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 220/820 [00:26<01:07, 8.84it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 221/820 [00:26<01:08, 8.71it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 221/820 [00:26<01:08, 8.71it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 222/820 [00:26<01:09, 8.61it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 222/820 [00:26<01:09, 8.61it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 223/820 [00:27<01:09, 8.54it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 223/820 [00:27<01:09, 8.54it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 224/820 [00:27<01:10, 8.49it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 224/820 [00:27<01:10, 8.49it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 225/820 [00:27<01:10, 8.45it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 225/820 [00:27<01:10, 8.45it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 226/820 [00:27<01:10, 8.44it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 226/820 [00:27<01:10, 8.44it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 227/820 [00:27<01:10, 8.42it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 227/820 [00:27<01:10, 8.42it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 228/820 [00:27<01:10, 8.41it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 228/820 [00:27<01:10, 8.41it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 229/820 [00:27<01:10, 8.42it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 229/820 [00:27<01:10, 8.42it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 230/820 [00:27<01:10, 8.32it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 230/820 [00:27<01:10, 8.32it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 231/820 [00:28<01:11, 8.29it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 231/820 [00:28<01:11, 8.29it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 232/820 [00:28<01:10, 8.32it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 232/820 [00:28<01:10, 8.32it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258e | 233/820 [00:28<01:10, 8.35it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258e | 233/820 [00:28<01:10, 8.35it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 234/820 [00:28<01:09, 8.40it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 234/820 [00:28<01:09, 8.40it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 235/820 [00:28<01:10, 8.34it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 235/820 [00:28<01:10, 8.34it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 236/820 [00:28<01:09, 8.35it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 236/820 [00:28<01:09, 8.35it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 237/820 [00:28<01:09, 8.37it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 237/820 [00:28<01:09, 8.37it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 238/820 [00:28<01:09, 8.42it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 238/820 [00:28<01:09, 8.42it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 239/820 [00:28<01:08, 8.46it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 239/820 [00:28<01:08, 8.46it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 240/820 [00:29<01:08, 8.48it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 240/820 [00:29<01:08, 8.48it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 241/820 [00:29<01:08, 8.50it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 241/820 [00:29<01:08, 8.50it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 242/820 [00:29<01:07, 8.55it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 242/820 [00:29<01:07, 8.55it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 243/820 [00:29<01:07, 8.56it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 243/820 [00:29<01:07, 8.56it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 244/820 [00:29<01:07, 8.57it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 244/820 [00:29<01:07, 8.57it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 245/820 [00:29<01:07, 8.54it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258d | 245/820 [00:29<01:07, 8.54it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 246/820 [00:29<01:07, 8.52it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 246/820 [00:29<01:07, 8.52it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 247/820 [00:29<01:07, 8.51it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 247/820 [00:29<01:07, 8.51it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 248/820 [00:30<01:07, 8.44it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 248/820 [00:30<01:07, 8.44it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 249/820 [00:30<01:08, 8.30it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 249/820 [00:30<01:08, 8.30it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 250/820 [00:30<01:08, 8.29it/s]\rGenerating (active: 1/1): 30%|\u2588\u2588\u2588\u2588\u258c | 250/820 [00:30<01:08, 8.29it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258c | 251/820 [00:30<01:08, 8.30it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258c | 251/820 [00:30<01:08, 8.30it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258c | 252/820 [00:30<01:08, 8.31it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258c | 252/820 [00:30<01:08, 8.31it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 253/820 [00:30<01:07, 8.36it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 253/820 [00:30<01:07, 8.36it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 254/820 [00:30<01:07, 8.42it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 254/820 [00:30<01:07, 8.42it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 255/820 [00:30<01:06, 8.45it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 255/820 [00:30<01:06, 8.45it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 256/820 [00:30<01:06, 8.46it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 256/820 [00:30<01:06, 8.46it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 257/820 [00:31<01:06, 8.47it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 257/820 [00:31<01:06, 8.47it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 258/820 [00:31<01:06, 8.47it/s]\rGenerating (active: 1/1): 31%|\u2588\u2588\u2588\u2588\u258b | 258/820 [00:31<01:06, 8.47it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258b | 259/820 [00:31<01:06, 8.41it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258b | 259/820 [00:31<01:06, 8.41it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258a | 260/820 [00:31<01:06, 8.44it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258a | 260/820 [00:31<01:06, 8.44it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258a | 261/820 [00:31<01:05, 8.47it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258a | 261/820 [00:31<01:05, 8.47it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258a | 262/820 [00:31<01:05, 8.49it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258a | 262/820 [00:31<01:05, 8.49it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258a | 263/820 [00:31<01:05, 8.50it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258a | 263/820 [00:31<01:05, 8.50it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258a | 264/820 [00:31<01:05, 8.51it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258a | 264/820 [00:31<01:05, 8.51it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258a | 265/820 [00:32<01:05, 8.42it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258a | 265/820 [00:32<01:05, 8.42it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258a | 266/820 [00:32<01:06, 8.38it/s]\rGenerating (active: 1/1): 32%|\u2588\u2588\u2588\u2588\u258a | 266/820 [00:32<01:06, 8.38it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2589 | 267/820 [00:32<01:06, 8.33it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2589 | 267/820 [00:32<01:06, 8.33it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2589 | 268/820 [00:32<01:06, 8.33it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2589 | 268/820 [00:32<01:06, 8.33it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2589 | 269/820 [00:32<01:06, 8.33it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2589 | 269/820 [00:32<01:06, 8.33it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2589 | 270/820 [00:32<01:06, 8.33it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2589 | 270/820 [00:32<01:06, 8.33it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2589 | 271/820 [00:32<01:06, 8.29it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2589 | 271/820 [00:32<01:06, 8.29it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2589 | 271/820 [00:32<01:06, 8.29it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2589 | 271/820 [00:32<01:06, 8.29it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2588 | 274/820 [00:32<00:47, 11.48it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2588 | 274/820 [00:32<00:47, 11.48it/s]\rGenerating (active: 1/1): 33%|\u2588\u2588\u2588\u2588\u2588 | 274/820 [00:33<00:47, 11.48it/s]\rGenerating (active: 1/1): 34%|\u2588\u2588\u2588\u2588\u2588 | 276/820 [00:33<00:53, 10.14it/s]\rGenerating (active: 1/1): 34%|\u2588\u2588\u2588\u2588\u2588 | 276/820 [00:33<00:53, 10.14it/s]\rGenerating (active: 1/1): 34%|\u2588\u2588\u2588\u2588\u2588 | 276/820 [00:33<00:53, 10.14it/s]\rGenerating (active: 1/1): 34%|\u2588\u2588\u2588\u2588\u2588 | 278/820 [00:33<00:57, 9.50it/s]\rGenerating (active: 1/1): 34%|\u2588\u2588\u2588\u2588\u2588 | 278/820 [00:33<00:57, 9.50it/s]\rGenerating (active: 1/1): 34%|\u2588\u2588\u2588\u2588\u2588 | 279/820 [00:33<00:58, 9.30it/s]\rGenerating (active: 1/1): 34%|\u2588\u2588\u2588\u2588\u2588 | 279/820 [00:33<00:58, 9.30it/s]\rGenerating (active: 1/1): 34%|\u2588\u2588\u2588\u2588\u2588 | 280/820 [00:33<00:59, 9.12it/s]\rGenerating (active: 1/1): 34%|\u2588\u2588\u2588\u2588\u2588 | 280/820 [00:33<00:59, 9.12it/s]\rGenerating (active: 1/1): 34%|\u2588\u2588\u2588\u2588\u2588\u258f | 281/820 [00:33<01:00, 8.98it/s]\rGenerating (active: 1/1): 34%|\u2588\u2588\u2588\u2588\u2588\u258f | 281/820 [00:33<01:00, 8.98it/s]\rGenerating (active: 1/1): 34%|\u2588\u2588\u2588\u2588\u2588\u258f | 282/820 [00:33<01:00, 8.87it/s]\rGenerating (active: 1/1): 34%|\u2588\u2588\u2588\u2588\u2588\u258f | 282/820 [00:33<01:00, 8.87it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258f | 283/820 [00:34<01:01, 8.78it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258f | 283/820 [00:34<01:01, 8.78it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258f | 284/820 [00:34<01:01, 8.73it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258f | 284/820 [00:34<01:01, 8.73it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258f | 285/820 [00:34<01:01, 8.68it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258f | 285/820 [00:34<01:01, 8.68it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258f | 286/820 [00:34<01:01, 8.65it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258f | 286/820 [00:34<01:01, 8.65it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258e | 287/820 [00:34<01:02, 8.57it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258e | 287/820 [00:34<01:02, 8.57it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258e | 288/820 [00:34<01:02, 8.53it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258e | 288/820 [00:34<01:02, 8.53it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258e | 289/820 [00:34<01:03, 8.40it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258e | 289/820 [00:34<01:03, 8.40it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258e | 290/820 [00:34<01:03, 8.32it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258e | 290/820 [00:34<01:03, 8.32it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258e | 291/820 [00:34<01:03, 8.33it/s]\rGenerating (active: 1/1): 35%|\u2588\u2588\u2588\u2588\u2588\u258e | 291/820 [00:34<01:03, 8.33it/s]\rGenerating (active: 1/1): 36%|\u2588\u2588\u2588\u2588\u2588\u258e | 292/820 [00:35<01:03, 8.34it/s]\rGenerating (active: 1/1): 36%|\u2588\u2588\u2588\u2588\u2588\u258e | 292/820 [00:35<01:03, 8.34it/s]\rGenerating (active: 1/1): 36%|\u2588\u2588\u2588\u2588\u2588\u258e | 293/820 [00:35<01:03, 8.35it/s]\rGenerating (active: 1/1): 36%|\u2588\u2588\u2588\u2588\u2588\u258e | 293/820 [00:35<01:03, 8.35it/s]\rGenerating (active: 1/1): 36%|\u2588\u2588\u2588\u2588\u2588\u258d | 294/820 [00:35<01:03, 8.34it/s]\rGenerating (active: 1/1): 36%|\u2588\u2588\u2588\u2588\u2588\u258d | 294/820 [00:35<01:03, 8.34it/s]\rGenerating (active: 1/1): 36%|\u2588\u2588\u2588\u2588\u2588\u258d | 295/820 [00:35<01:02, 8.34it/s]\rGenerating (active: 1/1): 36%|\u2588\u2588\u2588\u2588\u2588\u258d | 295/820 [00:35<01:02, 8.34it/s]\rGenerating (active: 1/1): 36%|\u2588\u2588\u2588\u2588\u2588\u258d | 295/820 [00:35<01:02, 8.34it/s]Samples [0] reached EOS token at step 297.\r\n", "\rGeneration complete: 36%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u258f | 295/820 [00:35<01:02, 8.34it/s]\r \rGeneration time: 35.63 seconds\r\n", "Generated audio duration: 38.80 seconds\r\n", "RTF (Real Time Factor): 0.92x\r\n", "Prefilling tokens: 410\r\n", "Generated tokens: 297\r\n", "Total tokens: 707\r\n", "Saved output to /root/outputs/builtin_with_lora/test_generated.wav\r\n", "\r\n", "==================================================\r\n", "GENERATION SUMMARY\r\n", "==================================================\r\n", "Input file: /root/test.txt\r\n", "Output file: /root/outputs/builtin_with_lora/test_generated.wav\r\n", "Speaker names: ['Alice', 'Frank']\r\n", "Number of unique speakers: 2\r\n", "Number of segments: 2\r\n", "Prefilling tokens: 410\r\n", "Generated tokens: 297\r\n", "Total tokens: 707\r\n", "Generation time: 35.63 seconds\r\n", "Audio duration: 38.80 seconds\r\n", "RTF (Real Time Factor): 0.92x\r\n", "==================================================\r\n" ] } ] }, { "cell_type": "code", "metadata": { "collapsed": false, "scrolled": true }, "source": [ "# WITHOUT LoRA (built-in Alice voice)\n", "os.makedirs('/root/outputs/builtin_without_lora', exist_ok=True)\n", "!python /root/VibeVoice/demo/inference_from_file.py \\\n", " --model_path /root/models/VibeVoice-Large \\\n", " --txt_path /root/test.txt \\\n", " --speaker_names Alice Frank \\\n", " --output_dir /root/outputs/builtin_without_lora" ], "execution_count": 13, "outputs": [ { "output_type": "stream", "name": "stdout", "text": [ "APEX FusedRMSNorm not available, using native implementation\r\n", "Using device: cuda\r\n", "Found 9 voice files in /root/VibeVoice/demo/voices\r\n", "Available voices: en-Alice_woman, en-Carter_man, en-Frank_man, en-Mary_woman_bgm, en-Maya_woman, in-Samuel_man, zh-Anchen_man_bgm, zh-Bowen_man, zh-Xinran_woman\r\n", "Reading script from: /root/test.txt\r\n", "Found 2 speaker segments:\r\n", " 1. Speaker 1\r\n", " Text preview: Speaker 1: \u0645\u0631\u062d\u0628\u0627\u064b \u0628\u0643\u0645\u060c \u0627\u0633\u0645\u064a \u0633\u0627\u0645\u064a. \u0623\u0646\u0627 \u0627\u0644\u0622\u0646 \u0623\u062e\u062a\u0628\u0631 \u062a\u0642\u0646\u064a\u0629 \u062c\u062f\u064a\u062f\u0629 \u0644\u062a\u062d\u0648\u064a\u0644 \u0627\u0644\u0646\u0635 \u0625\u0644\u0649 \u0643\u0644\u0627\u0645. \u0643\u064a\u0641 \u064a\u0628\u062f\u0648 \u0635\u0648\u062a\u064a\u061f \u0647\u0644...\r\n", " 2. Speaker 2\r\n", " Text preview: Speaker 2: \u0623\u0646\u0627 \u0628\u062e\u064a\u0631 \u0634\u0643\u0631\u0627...\r\n", "\r\n", "Speaker mapping:\r\n", " Speaker 2 -> Frank\r\n", " Speaker 1 -> Alice\r\n", "Speaker 1 ('Alice') -> Voice: en-Alice_woman.wav\r\n", "Speaker 2 ('Frank') -> Voice: en-Frank_man.wav\r\n", "Loading processor & model from /root/models/VibeVoice-Large\r\n", "loading file vocab.json from cache at /root/.cache/huggingface/hub/models--Qwen--Qwen2.5-7B/snapshots/d149729398750b98c0af14eb82c78cfe92750796/vocab.json\r\n", "loading file merges.txt from cache at /root/.cache/huggingface/hub/models--Qwen--Qwen2.5-7B/snapshots/d149729398750b98c0af14eb82c78cfe92750796/merges.txt\r\n", "loading file tokenizer.json from cache at /root/.cache/huggingface/hub/models--Qwen--Qwen2.5-7B/snapshots/d149729398750b98c0af14eb82c78cfe92750796/tokenizer.json\r\n", "loading file added_tokens.json from cache at None\r\n", "loading file special_tokens_map.json from cache at None\r\n", "loading file tokenizer_config.json from cache at /root/.cache/huggingface/hub/models--Qwen--Qwen2.5-7B/snapshots/d149729398750b98c0af14eb82c78cfe92750796/tokenizer_config.json\r\n", "loading file chat_template.jinja from cache at None\r\n", "The tokenizer class you load from this checkpoint is not the same type as the class this function is called from. It may result in unexpected tokenization. \r\n", "The tokenizer class you load from this checkpoint is 'Qwen2Tokenizer'. \r\n", "The class this function is called from is 'VibeVoiceTextTokenizerFast'.\r\n", "Special tokens have been added in the vocabulary, make sure the associated word embeddings are fine-tuned or trained.\r\n", "Using device: cuda, torch_dtype: torch.bfloat16, attn_implementation: flash_attention_2\r\n", "loading configuration file /root/models/VibeVoice-Large/config.json\r\n", "Model config VibeVoiceConfig {\r\n", " \"acostic_vae_dim\": 64,\r\n", " \"acoustic_tokenizer_config\": {\r\n", " \"causal\": true,\r\n", " \"channels\": 1,\r\n", " \"conv_bias\": true,\r\n", " \"conv_norm\": \"none\",\r\n", " \"corpus_normalize\": 0.0,\r\n", " \"decoder_depths\": null,\r\n", " \"decoder_n_filters\": 32,\r\n", " \"decoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"disable_last_norm\": true,\r\n", " \"encoder_depths\": \"3-3-3-3-3-3-8\",\r\n", " \"encoder_n_filters\": 32,\r\n", " \"encoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"fix_std\": 0.5,\r\n", " \"layer_scale_init_value\": 1e-06,\r\n", " \"layernorm\": \"RMSNorm\",\r\n", " \"layernorm_elementwise_affine\": true,\r\n", " \"layernorm_eps\": 1e-05,\r\n", " \"mixer_layer\": \"depthwise_conv\",\r\n", " \"model_type\": \"vibevoice_acoustic_tokenizer\",\r\n", " \"pad_mode\": \"constant\",\r\n", " \"std_dist_type\": \"gaussian\",\r\n", " \"vae_dim\": 64,\r\n", " \"weight_init_value\": 0.01\r\n", " },\r\n", " \"acoustic_vae_dim\": 64,\r\n", " \"architectures\": [\r\n", " \"VibeVoiceForConditionalGeneration\"\r\n", " ],\r\n", " \"decoder_config\": {\r\n", " \"attention_dropout\": 0.0,\r\n", " \"hidden_act\": \"silu\",\r\n", " \"hidden_size\": 3584,\r\n", " \"initializer_range\": 0.02,\r\n", " \"intermediate_size\": 18944,\r\n", " \"max_position_embeddings\": 32768,\r\n", " \"max_window_layers\": 28,\r\n", " \"model_type\": \"qwen2\",\r\n", " \"num_attention_heads\": 28,\r\n", " \"num_hidden_layers\": 28,\r\n", " \"num_key_value_heads\": 4,\r\n", " \"rms_norm_eps\": 1e-06,\r\n", " \"rope_scaling\": null,\r\n", " \"rope_theta\": 1000000.0,\r\n", " \"sliding_window\": null,\r\n", " \"torch_dtype\": \"bfloat16\",\r\n", " \"use_cache\": true,\r\n", " \"use_mrope\": false,\r\n", " \"use_sliding_window\": false,\r\n", " \"vocab_size\": 152064\r\n", " },\r\n", " \"diffusion_head_config\": {\r\n", " \"ddpm_batch_mul\": 4,\r\n", " \"ddpm_beta_schedule\": \"cosine\",\r\n", " \"ddpm_num_inference_steps\": 20,\r\n", " \"ddpm_num_steps\": 1000,\r\n", " \"diffusion_type\": \"ddpm\",\r\n", " \"head_ffn_ratio\": 3.0,\r\n", " \"head_layers\": 4,\r\n", " \"hidden_size\": 3584,\r\n", " \"latent_size\": 64,\r\n", " \"model_type\": \"vibevoice_diffusion_head\",\r\n", " \"prediction_type\": \"v_prediction\",\r\n", " \"rms_norm_eps\": 1e-05,\r\n", " \"speech_vae_dim\": 64\r\n", " },\r\n", " \"model_type\": \"vibevoice\",\r\n", " \"semantic_tokenizer_config\": {\r\n", " \"causal\": true,\r\n", " \"channels\": 1,\r\n", " \"conv_bias\": true,\r\n", " \"conv_norm\": \"none\",\r\n", " \"corpus_normalize\": 0.0,\r\n", " \"disable_last_norm\": true,\r\n", " \"encoder_depths\": \"3-3-3-3-3-3-8\",\r\n", " \"encoder_n_filters\": 32,\r\n", " \"encoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"fix_std\": 0,\r\n", " \"layer_scale_init_value\": 1e-06,\r\n", " \"layernorm\": \"RMSNorm\",\r\n", " \"layernorm_elementwise_affine\": true,\r\n", " \"layernorm_eps\": 1e-05,\r\n", " \"mixer_layer\": \"depthwise_conv\",\r\n", " \"model_type\": \"vibevoice_semantic_tokenizer\",\r\n", " \"pad_mode\": \"constant\",\r\n", " \"std_dist_type\": \"none\",\r\n", " \"vae_dim\": 128,\r\n", " \"weight_init_value\": 0.01\r\n", " },\r\n", " \"semantic_vae_dim\": 128,\r\n", " \"tie_word_embeddings\": false,\r\n", " \"torch_dtype\": \"bfloat16\",\r\n", " \"transformers_version\": \"4.51.3\"\r\n", "}\r\n", "\r\n", "loading weights file /root/models/VibeVoice-Large/model.safetensors.index.json\r\n", "Instantiating VibeVoiceForConditionalGenerationInference model under default dtype torch.bfloat16.\r\n", "[ERROR] : ImportError: FlashAttention2 has been toggled on, but it cannot be used due to the following error: the package flash_attn seems to be not installed. Please refer to the documentation of https://huggingface.co/docs/transformers/perf_infer_gpu_one#flashattention-2 to install Flash Attention 2.\r\n", "Traceback (most recent call last):\r\n", " File \"/root/VibeVoice/demo/inference_from_file.py\", line 305, in main\r\n", " model = VibeVoiceForConditionalGenerationInference.from_pretrained(\r\n", " ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\r\n", " File \"/usr/local/lib/python3.12/site-packages/transformers/modeling_utils.py\", line 279, in _wrapper\r\n", " return func(*args, **kwargs)\r\n", " ^^^^^^^^^^^^^^^^^^^^^\r\n", " File \"/usr/local/lib/python3.12/site-packages/transformers/modeling_utils.py\", line 4336, in from_pretrained\r\n", " config = cls._autoset_attn_implementation(\r\n", " ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\r\n", " File \"/usr/local/lib/python3.12/site-packages/transformers/modeling_utils.py\", line 2109, in _autoset_attn_implementation\r\n", " cls._check_and_enable_flash_attn_2(\r\n", " File \"/usr/local/lib/python3.12/site-packages/transformers/modeling_utils.py\", line 2252, in _check_and_enable_flash_attn_2\r\n", " raise ImportError(f\"{preface} the package flash_attn seems to be not installed. {install_message}\")\r\n", "ImportError: FlashAttention2 has been toggled on, but it cannot be used due to the following error: the package flash_attn seems to be not installed. Please refer to the documentation of https://huggingface.co/docs/transformers/perf_infer_gpu_one#flashattention-2 to install Flash Attention 2.\r\n", "\r\n", "Error loading the model. Trying to use SDPA. However, note that only flash_attention_2 has been fully tested, and using SDPA may result in lower audio quality.\r\n", "loading configuration file /root/models/VibeVoice-Large/config.json\r\n", "Model config VibeVoiceConfig {\r\n", " \"acostic_vae_dim\": 64,\r\n", " \"acoustic_tokenizer_config\": {\r\n", " \"causal\": true,\r\n", " \"channels\": 1,\r\n", " \"conv_bias\": true,\r\n", " \"conv_norm\": \"none\",\r\n", " \"corpus_normalize\": 0.0,\r\n", " \"decoder_depths\": null,\r\n", " \"decoder_n_filters\": 32,\r\n", " \"decoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"disable_last_norm\": true,\r\n", " \"encoder_depths\": \"3-3-3-3-3-3-8\",\r\n", " \"encoder_n_filters\": 32,\r\n", " \"encoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"fix_std\": 0.5,\r\n", " \"layer_scale_init_value\": 1e-06,\r\n", " \"layernorm\": \"RMSNorm\",\r\n", " \"layernorm_elementwise_affine\": true,\r\n", " \"layernorm_eps\": 1e-05,\r\n", " \"mixer_layer\": \"depthwise_conv\",\r\n", " \"model_type\": \"vibevoice_acoustic_tokenizer\",\r\n", " \"pad_mode\": \"constant\",\r\n", " \"std_dist_type\": \"gaussian\",\r\n", " \"vae_dim\": 64,\r\n", " \"weight_init_value\": 0.01\r\n", " },\r\n", " \"acoustic_vae_dim\": 64,\r\n", " \"architectures\": [\r\n", " \"VibeVoiceForConditionalGeneration\"\r\n", " ],\r\n", " \"decoder_config\": {\r\n", " \"attention_dropout\": 0.0,\r\n", " \"hidden_act\": \"silu\",\r\n", " \"hidden_size\": 3584,\r\n", " \"initializer_range\": 0.02,\r\n", " \"intermediate_size\": 18944,\r\n", " \"max_position_embeddings\": 32768,\r\n", " \"max_window_layers\": 28,\r\n", " \"model_type\": \"qwen2\",\r\n", " \"num_attention_heads\": 28,\r\n", " \"num_hidden_layers\": 28,\r\n", " \"num_key_value_heads\": 4,\r\n", " \"rms_norm_eps\": 1e-06,\r\n", " \"rope_scaling\": null,\r\n", " \"rope_theta\": 1000000.0,\r\n", " \"sliding_window\": null,\r\n", " \"torch_dtype\": \"bfloat16\",\r\n", " \"use_cache\": true,\r\n", " \"use_mrope\": false,\r\n", " \"use_sliding_window\": false,\r\n", " \"vocab_size\": 152064\r\n", " },\r\n", " \"diffusion_head_config\": {\r\n", " \"ddpm_batch_mul\": 4,\r\n", " \"ddpm_beta_schedule\": \"cosine\",\r\n", " \"ddpm_num_inference_steps\": 20,\r\n", " \"ddpm_num_steps\": 1000,\r\n", " \"diffusion_type\": \"ddpm\",\r\n", " \"head_ffn_ratio\": 3.0,\r\n", " \"head_layers\": 4,\r\n", " \"hidden_size\": 3584,\r\n", " \"latent_size\": 64,\r\n", " \"model_type\": \"vibevoice_diffusion_head\",\r\n", " \"prediction_type\": \"v_prediction\",\r\n", " \"rms_norm_eps\": 1e-05,\r\n", " \"speech_vae_dim\": 64\r\n", " },\r\n", " \"model_type\": \"vibevoice\",\r\n", " \"semantic_tokenizer_config\": {\r\n", " \"causal\": true,\r\n", " \"channels\": 1,\r\n", " \"conv_bias\": true,\r\n", " \"conv_norm\": \"none\",\r\n", " \"corpus_normalize\": 0.0,\r\n", " \"disable_last_norm\": true,\r\n", " \"encoder_depths\": \"3-3-3-3-3-3-8\",\r\n", " \"encoder_n_filters\": 32,\r\n", " \"encoder_ratios\": [\r\n", " 8,\r\n", " 5,\r\n", " 5,\r\n", " 4,\r\n", " 2,\r\n", " 2\r\n", " ],\r\n", " \"fix_std\": 0,\r\n", " \"layer_scale_init_value\": 1e-06,\r\n", " \"layernorm\": \"RMSNorm\",\r\n", " \"layernorm_elementwise_affine\": true,\r\n", " \"layernorm_eps\": 1e-05,\r\n", " \"mixer_layer\": \"depthwise_conv\",\r\n", " \"model_type\": \"vibevoice_semantic_tokenizer\",\r\n", " \"pad_mode\": \"constant\",\r\n", " \"std_dist_type\": \"none\",\r\n", " \"vae_dim\": 128,\r\n", " \"weight_init_value\": 0.01\r\n", " },\r\n", " \"semantic_vae_dim\": 128,\r\n", " \"tie_word_embeddings\": false,\r\n", " \"torch_dtype\": \"bfloat16\",\r\n", " \"transformers_version\": \"4.51.3\"\r\n", "}\r\n", "\r\n", "loading weights file /root/models/VibeVoice-Large/model.safetensors.index.json\r\n", "Instantiating VibeVoiceForConditionalGenerationInference model under default dtype torch.bfloat16.\r\n", "Generate config GenerationConfig {}\r\n", "\r\n", "Instantiating Qwen2Model model under default dtype torch.bfloat16.\r\n", "Instantiating VibeVoiceAcousticTokenizerModel model under default dtype torch.bfloat16.\r\n", "Instantiating VibeVoiceSemanticTokenizerModel model under default dtype torch.bfloat16.\r\n", "Instantiating VibeVoiceDiffusionHead model under default dtype torch.bfloat16.\r\n", "\rLoading checkpoint shards: 0%| | 0/10 [00:00, ?it/s]\rLoading checkpoint shards: 10%|\u2588\u258b | 1/10 [00:00<00:05, 1.62it/s]\rLoading checkpoint shards: 20%|\u2588\u2588\u2588\u258d | 2/10 [00:01<00:04, 1.80it/s]\rLoading checkpoint shards: 30%|\u2588\u2588\u2588\u2588\u2588 | 3/10 [00:01<00:03, 1.88it/s]\rLoading checkpoint shards: 40%|\u2588\u2588\u2588\u2588\u2588\u2588\u258a | 4/10 [00:02<00:04, 1.40it/s]\rLoading checkpoint shards: 50%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u258c | 5/10 [00:03<00:04, 1.24it/s]\rLoading checkpoint shards: 60%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u258f | 6/10 [00:04<00:02, 1.47it/s]\rLoading checkpoint shards: 70%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2589 | 7/10 [00:04<00:01, 1.78it/s]\rLoading checkpoint shards: 80%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u258c | 8/10 [00:04<00:01, 1.91it/s]\rLoading checkpoint shards: 90%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u258e | 9/10 [00:05<00:00, 1.79it/s]\rLoading checkpoint shards: 100%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588| 10/10 [00:05<00:00, 1.99it/s]\rLoading checkpoint shards: 100%|\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588\u2588| 10/10 [00:05<00:00, 1.72it/s]\r\n", "All model checkpoint weights were used when initializing VibeVoiceForConditionalGenerationInference.\r\n", "\r\n", "All the weights of VibeVoiceForConditionalGenerationInference were initialized from the model checkpoint at /root/models/VibeVoice-Large.\r\n", "If your task is similar to the task the model of the checkpoint was trained on, you can already use VibeVoiceForConditionalGenerationInference for predictions without further training.\r\n", "Generation config file not found, using a generation config created from the model config.\r\n", "Voice cloning enabled: running generation with is_prefill=True\r\n", "Language model attention: sdpa\r\n", "Starting generation with cfg_scale: 1.3\r\n", "\rGenerating: 0%| | 0/820 [00:00, ?it/s]\rGenerating (active: 1/1): 0%| | 0/820 [00:00, ?it/s]\rGenerating (active: 1/1): 0%| | 1/820 [00:00<10:34, 1.29it/s]\rGenerating (active: 1/1): 0%| | 1/820 [00:00<10:34, 1.29it/s]\rGenerating (active: 1/1): 0%| | 2/820 [00:00<05:23, 2.53it/s]\rGenerating (active: 1/1): 0%| | 2/820 [00:00<05:23, 2.53it/s]\rGenerating (active: 1/1): 0%| | 3/820 [00:01<03:40, 3.71it/s]\rGenerating (active: 1/1): 0%| | 3/820 [00:01<03:40, 3.71it/s]\rGenerating (active: 1/1): 0%| | 4/820 [00:01<02:51, 4.76it/s]\rGenerating (active: 1/1): 0%| | 4/820 [00:01<02:51, 4.76it/s]\rGenerating (active: 1/1): 1%| | 5/820 [00:01<02:24, 5.63it/s]\rGenerating (active: 1/1): 1%| | 5/820 [00:01<02:24, 5.63it/s]\rGenerating (active: 1/1): 1%| | 6/820 [00:01<02:08, 6.35it/s]\rGenerating (active: 1/1): 1%| | 6/820 [00:01<02:08, 6.35it/s]\rGenerating (active: 1/1): 1%|\u258f | 7/820 [00:01<01:58, 6.89it/s]\rGenerating (active: 1/1): 1%|\u258f | 7/820 [00:01<01:58, 6.89it/s]\rGenerating (active: 1/1): 1%|\u258f | 8/820 [00:01<01:50, 7.35it/s]\rGenerating (active: 1/1): 1%|\u258f | 8/820 [00:01<01:50, 7.35it/s]\rGenerating (active: 1/1): 1%|\u258f | 9/820 [00:01<01:45, 7.66it/s]\rGenerating (active: 1/1): 1%|\u258f | 9/820 [00:01<01:45, 7.66it/s]\rGenerating (active: 1/1): 1%|\u258f | 10/820 [00:01<01:43, 7.84it/s]\rGenerating (active: 1/1): 1%|\u258f | 10/820 [00:01<01:43, 7.84it/s]\rGenerating (active: 1/1): 1%|\u258f | 11/820 [00:01<01:40, 8.06it/s]\rGenerating (active: 1/1): 1%|\u258f | 11/820 [00:01<01:40, 8.06it/s]\rGenerating (active: 1/1): 1%|\u258f | 12/820 [00:02<01:39, 8.16it/s]\rGenerating (active: 1/1): 1%|\u258f | 12/820 [00:02<01:39, 8.16it/s]\rGenerating (active: 1/1): 2%|\u258e | 13/820 [00:02<01:37, 8.24it/s]\rGenerating (active: 1/1): 2%|\u258e | 13/820 [00:02<01:37, 8.24it/s]\rGenerating (active: 1/1): 2%|\u258e | 14/820 [00:02<01:37, 8.28it/s]\rGenerating (active: 1/1): 2%|\u258e | 14/820 [00:02<01:37, 8.28it/s]\rGenerating (active: 1/1): 2%|\u258e | 15/820 [00:02<01:37, 8.22it/s]\rGenerating (active: 1/1): 2%|\u258e | 15/820 [00:02<01:37, 8.22it/s]\rGenerating (active: 1/1): 2%|\u258e | 16/820 [00:02<01:36, 8.29it/s]\rGenerating (active: 1/1): 2%|\u258e | 16/820 [00:02<01:36, 8.29it/s]\rGenerating (active: 1/1): 2%|\u258e | 17/820 [00:02<01:35, 8.37it/s]\rGenerating (active: 1/1): 2%|\u258e | 17/820 [00:02<01:35, 8.37it/s]\rGenerating (active: 1/1): 2%|\u258e | 18/820 [00:02<01:35, 8.36it/s]\rGenerating (active: 1/1): 2%|\u258e | 18/820 [00:02<01:35, 8.36it/s]\rGenerating (active: 1/1): 2%|\u258e | 19/820 [00:02<01:35, 8.40it/s]\rGenerating (active: 1/1): 2%|\u258e | 19/820 [00:02<01:35, 8.40it/s]\rGenerating (active: 1/1): 2%|\u258d | 20/820 [00:03<01:34, 8.44it/s]\rGenerating (active: 1/1): 2%|\u258d | 20/820 [00:03<01:34, 8.44it/s]\rGenerating (active: 1/1): 3%|\u258d | 21/820 [00:03<01:35, 8.40it/s]\rGenerating (active: 1/1): 3%|\u258d | 21/820 [00:03<01:35, 8.40it/s]\rGenerating (active: 1/1): 3%|\u258d | 22/820 [00:03<01:34, 8.44it/s]\rGenerating (active: 1/1): 3%|\u258d | 22/820 [00:03<01:34, 8.44it/s]\rGenerating (active: 1/1): 3%|\u258d | 23/820 [00:03<01:34, 8.44it/s]\rGenerating (active: 1/1): 3%|\u258d | 23/820 [00:03<01:34, 8.44it/s]\rGenerating (active: 1/1): 3%|\u258d | 24/820 [00:03<01:33, 8.51it/s]\rGenerating (active: 1/1): 3%|\u258d | 24/820 [00:03<01:33, 8.51it/s]\rGenerating (active: 1/1): 3%|\u258d | 25/820 [00:03<01:32, 8.58it/s]\rGenerating (active: 1/1): 3%|\u258d | 25/820 [00:03<01:32, 8.58it/s]\rGenerating (active: 1/1): 3%|\u258c | 26/820 [00:03<01:32, 8.55it/s]\rGenerating (active: 1/1): 3%|\u258c | 26/820 [00:03<01:32, 8.55it/s]\rGenerating (active: 1/1): 3%|\u258c | 27/820 [00:03<01:32, 8.53it/s]\rGenerating (active: 1/1): 3%|\u258c | 27/820 [00:03<01:32, 8.53it/s]\rGenerating (active: 1/1): 3%|\u258c | 28/820 [00:03<01:32, 8.59it/s]\rGenerating (active: 1/1): 3%|\u258c | 28/820 [00:03<01:32, 8.59it/s]\rGenerating (active: 1/1): 4%|\u258c | 29/820 [00:04<01:32, 8.59it/s]\rGenerating (active: 1/1): 4%|\u258c | 29/820 [00:04<01:32, 8.59it/s]\rGenerating (active: 1/1): 4%|\u258c | 30/820 [00:04<01:31, 8.61it/s]\rGenerating (active: 1/1): 4%|\u258c | 30/820 [00:04<01:31, 8.61it/s]\rGenerating (active: 1/1): 4%|\u258c | 31/820 [00:04<01:31, 8.61it/s]\rGenerating (active: 1/1): 4%|\u258c | 31/820 [00:04<01:31, 8.61it/s]\rGenerating (active: 1/1): 4%|\u258c | 32/820 [00:04<01:31, 8.59it/s]\rGenerating (active: 1/1): 4%|\u258c | 32/820 [00:04<01:31, 8.59it/s]\rGenerating (active: 1/1): 4%|\u258b | 33/820 [00:04<01:32, 8.54it/s]\rGenerating (active: 1/1): 4%|\u258b | 33/820 [00:04<01:32, 8.54it/s]\rGenerating (active: 1/1): 4%|\u258b | 34/820 [00:04<01:32, 8.54it/s]\rGenerating (active: 1/1): 4%|\u258b | 34/820 [00:04<01:32, 8.54it/s]\rGenerating (active: 1/1): 4%|\u258b | 35/820 [00:04<01:31, 8.56it/s]\rGenerating (active: 1/1): 4%|\u258b | 35/820 [00:04<01:31, 8.56it/s]\rGenerating (active: 1/1): 4%|\u258b | 36/820 [00:04<01:31, 8.56it/s]\rGenerating (active: 1/1): 4%|\u258b | 36/820 [00:04<01:31, 8.56it/s]\rGenerating (active: 1/1): 5%|\u258b | 37/820 [00:05<01:31, 8.56it/s]\rGenerating (active: 1/1): 5%|\u258b | 37/820 [00:05<01:31, 8.56it/s]\rGenerating (active: 1/1): 5%|\u258b | 38/820 [00:05<01:30, 8.60it/s]\rGenerating (active: 1/1): 5%|\u258b | 38/820 [00:05<01:30, 8.60it/s]\rGenerating (active: 1/1): 5%|\u258a | 39/820 [00:05<01:30, 8.64it/s]\rGenerating (active: 1/1): 5%|\u258a | 39/820 [00:05<01:30, 8.64it/s]\rGenerating (active: 1/1): 5%|\u258a | 40/820 [00:05<01:29, 8.67it/s]\rGenerating (active: 1/1): 5%|\u258a | 40/820 [00:05<01:29, 8.67it/s]\rGenerating (active: 1/1): 5%|\u258a | 41/820 [00:05<01:29, 8.72it/s]\rGenerating (active: 1/1): 5%|\u258a | 41/820 [00:05<01:29, 8.72it/s]\rGenerating (active: 1/1): 5%|\u258a | 42/820 [00:05<01:30, 8.58it/s]\rGenerating (active: 1/1): 5%|\u258a | 42/820 [00:05<01:30, 8.58it/s]\rGenerating (active: 1/1): 5%|\u258a | 43/820 [00:05<01:30, 8.55it/s]\rGenerating (active: 1/1): 5%|\u258a | 43/820 [00:05<01:30, 8.55it/s]\rGenerating (active: 1/1): 5%|\u258a | 44/820 [00:05<01:31, 8.50it/s]\rGenerating (active: 1/1): 5%|\u258a | 44/820 [00:05<01:31, 8.50it/s]\rGenerating (active: 1/1): 5%|\u2589 | 45/820 [00:05<01:31, 8.49it/s]\rGenerating (active: 1/1): 5%|\u2589 | 45/820 [00:05<01:31, 8.49it/s]\rGenerating (active: 1/1): 6%|\u2589 | 46/820 [00:06<01:30, 8.51it/s]\rGenerating (active: 1/1): 6%|\u2589 | 46/820 [00:06<01:30, 8.51it/s]\rGenerating (active: 1/1): 6%|\u2589 | 47/820 [00:06<01:30, 8.56it/s]\rGenerating (active: 1/1): 6%|\u2589 | 47/820 [00:06<01:30, 8.56it/s]\rGenerating (active: 1/1): 6%|\u2589 | 48/820 [00:06<01:29, 8.60it/s]\rGenerating (active: 1/1): 6%|\u2589 | 48/820 [00:06<01:29, 8.60it/s]\rGenerating (active: 1/1): 6%|\u2589 | 49/820 [00:06<01:30, 8.53it/s]\rGenerating (active: 1/1): 6%|\u2589 | 49/820 [00:06<01:30, 8.53it/s]\rGenerating (active: 1/1): 6%|\u2589 | 50/820 [00:06<01:30, 8.50it/s]\rGenerating (active: 1/1): 6%|\u2589 | 50/820 [00:06<01:30, 8.50it/s]\rGenerating (active: 1/1): 6%|\u2589 | 51/820 [00:06<01:30, 8.51it/s]\rGenerating (active: 1/1): 6%|\u2589 | 51/820 [00:06<01:30, 8.51it/s]\rGenerating (active: 1/1): 6%|\u2588 | 52/820 [00:06<01:30, 8.50it/s]\rGenerating (active: 1/1): 6%|\u2588 | 52/820 [00:06<01:30, 8.50it/s]\rGenerating (active: 1/1): 6%|\u2588 | 53/820 [00:06<01:29, 8.56it/s]\rGenerating (active: 1/1): 6%|\u2588 | 53/820 [00:06<01:29, 8.56it/s]\rGenerating (active: 1/1): 7%|\u2588 | 54/820 [00:07<01:29, 8.57it/s]\rGenerating (active: 1/1): 7%|\u2588 | 54/820 [00:07<01:29, 8.57it/s]\rGenerating (active: 1/1): 7%|\u2588 | 55/820 [00:07<01:29, 8.59it/s]\rGenerating (active: 1/1): 7%|\u2588 | 55/820 [00:07<01:29, 8.59it/s]\rGenerating (active: 1/1): 7%|\u2588 | 56/820 [00:07<01:29, 8.56it/s]\rGenerating (active: 1/1): 7%|\u2588 | 56/820 [00:07<01:29, 8.56it/s]\rGenerating (active: 1/1): 7%|\u2588 | 57/820 [00:07<01:29, 8.57it/s]\rGenerating (active: 1/1): 7%|\u2588 | 57/820 [00:07<01:29, 8.57it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 58/820 [00:07<01:29, 8.50it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 58/820 [00:07<01:29, 8.50it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 59/820 [00:07<01:29, 8.47it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 59/820 [00:07<01:29, 8.47it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 60/820 [00:07<01:29, 8.49it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 60/820 [00:07<01:29, 8.49it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 61/820 [00:07<01:29, 8.50it/s]\rGenerating (active: 1/1): 7%|\u2588\u258f | 61/820 [00:07<01:29, 8.50it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 62/820 [00:07<01:29, 8.51it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 62/820 [00:07<01:29, 8.51it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 63/820 [00:08<01:28, 8.52it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 63/820 [00:08<01:28, 8.52it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 64/820 [00:08<01:28, 8.55it/s]\rGenerating (active: 1/1): 8%|\u2588\u258f | 64/820 [00:08<01:28, 8.55it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 65/820 [00:08<01:28, 8.51it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 65/820 [00:08<01:28, 8.51it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 66/820 [00:08<01:28, 8.48it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 66/820 [00:08<01:28, 8.48it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 67/820 [00:08<01:29, 8.42it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 67/820 [00:08<01:29, 8.42it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 68/820 [00:08<01:28, 8.50it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 68/820 [00:08<01:28, 8.50it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 69/820 [00:08<01:27, 8.57it/s]\rGenerating (active: 1/1): 8%|\u2588\u258e | 69/820 [00:08<01:27, 8.57it/s]\rGenerating (active: 1/1): 9%|\u2588\u258e | 70/820 [00:08<01:26, 8.63it/s]\rGenerating (active: 1/1): 9%|\u2588\u258e | 70/820 [00:08<01:26, 8.63it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 71/820 [00:09<01:26, 8.62it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 71/820 [00:09<01:26, 8.62it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 72/820 [00:09<01:26, 8.63it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 72/820 [00:09<01:26, 8.63it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 73/820 [00:09<01:26, 8.63it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 73/820 [00:09<01:26, 8.63it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 74/820 [00:09<01:26, 8.64it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 74/820 [00:09<01:26, 8.64it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 75/820 [00:09<01:26, 8.65it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 75/820 [00:09<01:26, 8.65it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 76/820 [00:09<01:26, 8.65it/s]\rGenerating (active: 1/1): 9%|\u2588\u258d | 76/820 [00:09<01:26, 8.65it/s]\rGenerating (active: 1/1): 9%|\u2588\u258c | 77/820 [00:09<01:25, 8.65it/s]\rGenerating (active: 1/1): 9%|\u2588\u258c | 77/820 [00:09<01:25, 8.65it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 78/820 [00:09<01:27, 8.53it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 78/820 [00:09<01:27, 8.53it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 79/820 [00:09<01:27, 8.47it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 79/820 [00:09<01:27, 8.47it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 80/820 [00:10<01:27, 8.48it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 80/820 [00:10<01:27, 8.48it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 81/820 [00:10<01:26, 8.52it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 81/820 [00:10<01:26, 8.52it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 82/820 [00:10<01:26, 8.55it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 82/820 [00:10<01:26, 8.55it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 83/820 [00:10<01:26, 8.54it/s]\rGenerating (active: 1/1): 10%|\u2588\u258c | 83/820 [00:10<01:26, 8.54it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 84/820 [00:10<01:27, 8.45it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 84/820 [00:10<01:27, 8.45it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 85/820 [00:10<01:26, 8.48it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 85/820 [00:10<01:26, 8.48it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 86/820 [00:10<01:26, 8.46it/s]\rGenerating (active: 1/1): 10%|\u2588\u258b | 86/820 [00:10<01:26, 8.46it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 87/820 [00:10<01:26, 8.51it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 87/820 [00:10<01:26, 8.51it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 88/820 [00:10<01:25, 8.55it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 88/820 [00:10<01:25, 8.55it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 89/820 [00:11<01:25, 8.55it/s]\rGenerating (active: 1/1): 11%|\u2588\u258b | 89/820 [00:11<01:25, 8.55it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 90/820 [00:11<01:25, 8.56it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 90/820 [00:11<01:25, 8.56it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 91/820 [00:11<01:25, 8.52it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 91/820 [00:11<01:25, 8.52it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 92/820 [00:11<01:25, 8.54it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 92/820 [00:11<01:25, 8.54it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 93/820 [00:11<01:25, 8.54it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 93/820 [00:11<01:25, 8.54it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 94/820 [00:11<01:24, 8.56it/s]\rGenerating (active: 1/1): 11%|\u2588\u258a | 94/820 [00:11<01:24, 8.56it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 95/820 [00:11<01:24, 8.53it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 95/820 [00:11<01:24, 8.53it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 96/820 [00:11<01:25, 8.51it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 96/820 [00:11<01:25, 8.51it/s]\rGenerating (active: 1/1): 12%|\u2588\u2589 | 97/820 [00:12<01:24, 8.56it/s]\rGenerating (active: 1/1): 12%|\u2588\u2589 | 97/820 [00:12<01:24, 8.56it/s]\rGenerating (active: 1/1): 12%|\u2588\u2589 | 98/820 [00:12<01:24, 8.51it/s]\rGenerating (active: 1/1): 12%|\u2588\u2589 | 98/820 [00:12<01:24, 8.51it/s]\rGenerating (active: 1/1): 12%|\u2588\u2589 | 99/820 [00:12<01:25, 8.46it/s]\rGenerating (active: 1/1): 12%|\u2588\u2589 | 99/820 [00:12<01:25, 8.46it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 100/820 [00:12<01:25, 8.46it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 100/820 [00:12<01:25, 8.46it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 101/820 [00:12<01:24, 8.48it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 101/820 [00:12<01:24, 8.48it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 102/820 [00:12<01:24, 8.48it/s]\rGenerating (active: 1/1): 12%|\u2588\u258a | 102/820 [00:12<01:24, 8.48it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 103/820 [00:12<01:24, 8.47it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 103/820 [00:12<01:24, 8.47it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 104/820 [00:12<01:24, 8.51it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 104/820 [00:12<01:24, 8.51it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 105/820 [00:12<01:23, 8.53it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 105/820 [00:12<01:23, 8.53it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 106/820 [00:13<01:23, 8.53it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 106/820 [00:13<01:23, 8.53it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 107/820 [00:13<01:24, 8.46it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 107/820 [00:13<01:24, 8.46it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 108/820 [00:13<01:24, 8.45it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 108/820 [00:13<01:24, 8.45it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 109/820 [00:13<01:23, 8.47it/s]\rGenerating (active: 1/1): 13%|\u2588\u2589 | 109/820 [00:13<01:23, 8.47it/s]\rGenerating (active: 1/1): 13%|\u2588\u2588 | 110/820 [00:13<01:23, 8.51it/s]\rGenerating (active: 1/1): 13%|\u2588\u2588 | 110/820 [00:13<01:23, 8.51it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 111/820 [00:13<01:23, 8.52it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 111/820 [00:13<01:23, 8.52it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 112/820 [00:13<01:22, 8.58it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 112/820 [00:13<01:22, 8.58it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 113/820 [00:13<01:21, 8.63it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 113/820 [00:13<01:21, 8.63it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 114/820 [00:14<01:21, 8.67it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 114/820 [00:14<01:21, 8.67it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 115/820 [00:14<01:22, 8.57it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 115/820 [00:14<01:22, 8.57it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 116/820 [00:14<01:21, 8.60it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588 | 116/820 [00:14<01:21, 8.60it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588\u258f | 117/820 [00:14<01:21, 8.62it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588\u258f | 117/820 [00:14<01:21, 8.62it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588\u258f | 118/820 [00:14<01:21, 8.63it/s]\rGenerating (active: 1/1): 14%|\u2588\u2588\u258f | 118/820 [00:14<01:21, 8.63it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 119/820 [00:14<01:21, 8.64it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 119/820 [00:14<01:21, 8.64it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 120/820 [00:14<01:20, 8.67it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 120/820 [00:14<01:20, 8.67it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 121/820 [00:14<01:20, 8.65it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 121/820 [00:14<01:20, 8.65it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 122/820 [00:14<01:20, 8.63it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258f | 122/820 [00:14<01:20, 8.63it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 123/820 [00:15<01:20, 8.63it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 123/820 [00:15<01:20, 8.63it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 124/820 [00:15<01:20, 8.68it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 124/820 [00:15<01:20, 8.68it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 125/820 [00:15<01:19, 8.73it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 125/820 [00:15<01:19, 8.73it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 126/820 [00:15<01:20, 8.61it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 126/820 [00:15<01:20, 8.61it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 127/820 [00:15<01:20, 8.59it/s]\rGenerating (active: 1/1): 15%|\u2588\u2588\u258e | 127/820 [00:15<01:20, 8.59it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258e | 128/820 [00:15<01:20, 8.59it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258e | 128/820 [00:15<01:20, 8.59it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258e | 129/820 [00:15<01:20, 8.58it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258e | 129/820 [00:15<01:20, 8.58it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 130/820 [00:15<01:20, 8.60it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 130/820 [00:15<01:20, 8.60it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 131/820 [00:16<01:19, 8.61it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 131/820 [00:16<01:19, 8.61it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 132/820 [00:16<01:20, 8.59it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 132/820 [00:16<01:20, 8.59it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 133/820 [00:16<01:19, 8.61it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 133/820 [00:16<01:19, 8.61it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 134/820 [00:16<01:19, 8.64it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 134/820 [00:16<01:19, 8.64it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 135/820 [00:16<01:19, 8.59it/s]\rGenerating (active: 1/1): 16%|\u2588\u2588\u258d | 135/820 [00:16<01:19, 8.59it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258d | 136/820 [00:16<01:20, 8.51it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258d | 136/820 [00:16<01:20, 8.51it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 137/820 [00:16<01:19, 8.57it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 137/820 [00:16<01:19, 8.57it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 138/820 [00:16<01:18, 8.67it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 138/820 [00:16<01:18, 8.67it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 139/820 [00:16<01:17, 8.74it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 139/820 [00:16<01:17, 8.74it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 140/820 [00:17<01:17, 8.79it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 140/820 [00:17<01:17, 8.79it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 141/820 [00:17<01:17, 8.75it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 141/820 [00:17<01:17, 8.75it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 142/820 [00:17<01:18, 8.61it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 142/820 [00:17<01:18, 8.61it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 143/820 [00:17<01:18, 8.59it/s]\rGenerating (active: 1/1): 17%|\u2588\u2588\u258c | 143/820 [00:17<01:18, 8.59it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 144/820 [00:17<01:18, 8.63it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 144/820 [00:17<01:18, 8.63it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 145/820 [00:17<01:17, 8.67it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 145/820 [00:17<01:17, 8.67it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 146/820 [00:17<01:17, 8.67it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 146/820 [00:17<01:17, 8.67it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 147/820 [00:17<01:18, 8.60it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 147/820 [00:17<01:18, 8.60it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 148/820 [00:17<01:17, 8.62it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 148/820 [00:17<01:17, 8.62it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 149/820 [00:18<01:17, 8.62it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 149/820 [00:18<01:17, 8.62it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 150/820 [00:18<01:17, 8.63it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258b | 150/820 [00:18<01:17, 8.63it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258a | 151/820 [00:18<01:17, 8.66it/s]\rGenerating (active: 1/1): 18%|\u2588\u2588\u258a | 151/820 [00:18<01:17, 8.66it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 152/820 [00:18<01:17, 8.66it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 152/820 [00:18<01:17, 8.66it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 153/820 [00:18<01:16, 8.68it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 153/820 [00:18<01:16, 8.68it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 154/820 [00:18<01:16, 8.68it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 154/820 [00:18<01:16, 8.68it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 155/820 [00:18<01:17, 8.61it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 155/820 [00:18<01:17, 8.61it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 156/820 [00:18<01:18, 8.51it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 156/820 [00:18<01:18, 8.51it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 157/820 [00:19<01:18, 8.46it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u258a | 157/820 [00:19<01:18, 8.46it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u2589 | 158/820 [00:19<01:17, 8.49it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u2589 | 158/820 [00:19<01:17, 8.49it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u2589 | 159/820 [00:19<01:17, 8.48it/s]\rGenerating (active: 1/1): 19%|\u2588\u2588\u2589 | 159/820 [00:19<01:17, 8.48it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 160/820 [00:19<01:17, 8.54it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 160/820 [00:19<01:17, 8.54it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 161/820 [00:19<01:17, 8.53it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 161/820 [00:19<01:17, 8.53it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 162/820 [00:19<01:17, 8.53it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 162/820 [00:19<01:17, 8.53it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 163/820 [00:19<01:16, 8.53it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2589 | 163/820 [00:19<01:16, 8.53it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 164/820 [00:19<01:17, 8.51it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 164/820 [00:19<01:17, 8.51it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 165/820 [00:19<01:17, 8.40it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 165/820 [00:19<01:17, 8.40it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 166/820 [00:20<01:17, 8.41it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 166/820 [00:20<01:17, 8.41it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 167/820 [00:20<01:17, 8.42it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 167/820 [00:20<01:17, 8.42it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 168/820 [00:20<01:16, 8.47it/s]\rGenerating (active: 1/1): 20%|\u2588\u2588\u2588 | 168/820 [00:20<01:16, 8.47it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588 | 169/820 [00:20<01:16, 8.46it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588 | 169/820 [00:20<01:16, 8.46it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588 | 169/820 [00:20<01:16, 8.46it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588 | 169/820 [00:20<01:16, 8.46it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 172/820 [00:20<00:58, 11.14it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 172/820 [00:20<00:58, 11.14it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 172/820 [00:20<00:58, 11.14it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 174/820 [00:20<01:04, 10.06it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 174/820 [00:20<01:04, 10.06it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 175/820 [00:21<01:06, 9.70it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 175/820 [00:21<01:06, 9.70it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 176/820 [00:21<01:08, 9.39it/s]\rGenerating (active: 1/1): 21%|\u2588\u2588\u2588\u258f | 176/820 [00:21<01:08, 9.39it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258f | 177/820 [00:21<01:10, 9.16it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258f | 177/820 [00:21<01:10, 9.16it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 178/820 [00:21<01:11, 8.98it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 178/820 [00:21<01:11, 8.98it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 179/820 [00:21<01:13, 8.75it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 179/820 [00:21<01:13, 8.75it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 180/820 [00:21<01:14, 8.59it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 180/820 [00:21<01:14, 8.59it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 181/820 [00:21<01:15, 8.44it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 181/820 [00:21<01:15, 8.44it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 182/820 [00:21<01:16, 8.37it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 182/820 [00:21<01:16, 8.37it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 183/820 [00:21<01:16, 8.38it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 183/820 [00:21<01:16, 8.38it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 184/820 [00:22<01:15, 8.43it/s]\rGenerating (active: 1/1): 22%|\u2588\u2588\u2588\u258e | 184/820 [00:22<01:15, 8.43it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 185/820 [00:22<01:14, 8.51it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 185/820 [00:22<01:14, 8.51it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 186/820 [00:22<01:15, 8.37it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 186/820 [00:22<01:15, 8.37it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 187/820 [00:22<01:16, 8.33it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 187/820 [00:22<01:16, 8.33it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 188/820 [00:22<01:16, 8.27it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 188/820 [00:22<01:16, 8.27it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 189/820 [00:22<01:17, 8.18it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 189/820 [00:22<01:17, 8.18it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 190/820 [00:22<01:17, 8.13it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 190/820 [00:22<01:17, 8.13it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 191/820 [00:22<01:19, 7.96it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258d | 191/820 [00:22<01:19, 7.96it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258c | 192/820 [00:23<01:20, 7.79it/s]\rGenerating (active: 1/1): 23%|\u2588\u2588\u2588\u258c | 192/820 [00:23<01:20, 7.79it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 193/820 [00:23<01:20, 7.82it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 193/820 [00:23<01:20, 7.82it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 194/820 [00:23<01:20, 7.80it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 194/820 [00:23<01:20, 7.80it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 195/820 [00:23<01:19, 7.84it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 195/820 [00:23<01:19, 7.84it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 196/820 [00:23<01:20, 7.75it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 196/820 [00:23<01:20, 7.75it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 197/820 [00:23<01:20, 7.76it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 197/820 [00:23<01:20, 7.76it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 198/820 [00:23<01:19, 7.84it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258c | 198/820 [00:23<01:19, 7.84it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258b | 199/820 [00:23<01:18, 7.89it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258b | 199/820 [00:23<01:18, 7.89it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258b | 200/820 [00:24<01:19, 7.76it/s]\rGenerating (active: 1/1): 24%|\u2588\u2588\u2588\u258b | 200/820 [00:24<01:19, 7.76it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 201/820 [00:24<01:20, 7.68it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 201/820 [00:24<01:20, 7.68it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 202/820 [00:24<01:19, 7.73it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 202/820 [00:24<01:19, 7.73it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 203/820 [00:24<01:21, 7.56it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 203/820 [00:24<01:21, 7.56it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 204/820 [00:24<01:22, 7.50it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258b | 204/820 [00:24<01:22, 7.50it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 205/820 [00:24<01:21, 7.54it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 205/820 [00:24<01:21, 7.54it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 206/820 [00:24<01:22, 7.45it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 206/820 [00:24<01:22, 7.45it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 207/820 [00:25<01:21, 7.50it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 207/820 [00:25<01:21, 7.50it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 208/820 [00:25<01:20, 7.60it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 208/820 [00:25<01:20, 7.60it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 209/820 [00:25<01:20, 7.55it/s]\rGenerating (active: 1/1): 25%|\u2588\u2588\u2588\u258a | 209/820 [00:25<01:20, 7.55it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u258a | 210/820 [00:25<01:23, 7.32it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u258a | 210/820 [00:25<01:23, 7.32it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u258a | 211/820 [00:25<01:28, 6.88it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u258a | 211/820 [00:25<01:28, 6.88it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 212/820 [00:25<01:25, 7.14it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 212/820 [00:25<01:25, 7.14it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 213/820 [00:25<01:22, 7.36it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 213/820 [00:25<01:22, 7.36it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 214/820 [00:26<01:20, 7.53it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 214/820 [00:26<01:20, 7.53it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 215/820 [00:26<01:22, 7.30it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 215/820 [00:26<01:22, 7.30it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 216/820 [00:26<01:23, 7.22it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 216/820 [00:26<01:23, 7.22it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 217/820 [00:26<01:21, 7.42it/s]\rGenerating (active: 1/1): 26%|\u2588\u2588\u2588\u2589 | 217/820 [00:26<01:21, 7.42it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2589 | 218/820 [00:26<01:19, 7.62it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2589 | 218/820 [00:26<01:19, 7.62it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 219/820 [00:26<01:16, 7.83it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 219/820 [00:26<01:16, 7.83it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 220/820 [00:26<01:15, 7.98it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 220/820 [00:26<01:15, 7.98it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 221/820 [00:26<01:14, 8.08it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 221/820 [00:26<01:14, 8.08it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 222/820 [00:27<01:13, 8.16it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 222/820 [00:27<01:13, 8.16it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 223/820 [00:27<01:12, 8.23it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 223/820 [00:27<01:12, 8.23it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 224/820 [00:27<01:12, 8.27it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 224/820 [00:27<01:12, 8.27it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 225/820 [00:27<01:11, 8.30it/s]\rGenerating (active: 1/1): 27%|\u2588\u2588\u2588\u2588 | 225/820 [00:27<01:11, 8.30it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 226/820 [00:27<01:11, 8.34it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 226/820 [00:27<01:11, 8.34it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 227/820 [00:27<01:10, 8.36it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 227/820 [00:27<01:10, 8.36it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 228/820 [00:27<01:10, 8.35it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 228/820 [00:27<01:10, 8.35it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 229/820 [00:27<01:10, 8.36it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 229/820 [00:27<01:10, 8.36it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 230/820 [00:27<01:09, 8.45it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 230/820 [00:27<01:09, 8.45it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 230/820 [00:27<01:09, 8.45it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258f | 230/820 [00:28<01:09, 8.45it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258e | 233/820 [00:28<00:49, 11.86it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258e | 233/820 [00:28<00:49, 11.86it/s]\rGenerating (active: 1/1): 28%|\u2588\u2588\u2588\u2588\u258e | 233/820 [00:28<00:49, 11.86it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 235/820 [00:28<00:56, 10.43it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 235/820 [00:28<00:56, 10.43it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 235/820 [00:28<00:56, 10.43it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 237/820 [00:28<01:00, 9.59it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 237/820 [00:28<01:00, 9.59it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 238/820 [00:28<01:02, 9.35it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 238/820 [00:28<01:02, 9.35it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 239/820 [00:28<01:03, 9.14it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258e | 239/820 [00:28<01:03, 9.14it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 240/820 [00:28<01:05, 8.86it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 240/820 [00:28<01:05, 8.86it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 241/820 [00:29<01:06, 8.68it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 241/820 [00:29<01:06, 8.68it/s]\rGenerating (active: 1/1): 29%|\u2588\u2588\u2588\u2588\u258d | 241/820 [00:29<01:06, 8.68it/s]Samples [0] reached EOS token at step 243.\r\n", "\rGeneration complete: 29%|\u2588\u2588\u2588\u2588\u2588\u2589 | 241/820 [00:29<01:06, 8.68it/s]\r \rGeneration time: 29.24 seconds\r\n", "Generated audio duration: 31.60 seconds\r\n", "RTF (Real Time Factor): 0.93x\r\n", "Prefilling tokens: 410\r\n", "Generated tokens: 243\r\n", "Total tokens: 653\r\n", "Saved output to /root/outputs/builtin_without_lora/test_generated.wav\r\n", "\r\n", "==================================================\r\n", "GENERATION SUMMARY\r\n", "==================================================\r\n", "Input file: /root/test.txt\r\n", "Output file: /root/outputs/builtin_without_lora/test_generated.wav\r\n", "Speaker names: ['Alice', 'Frank']\r\n", "Number of unique speakers: 2\r\n", "Number of segments: 2\r\n", "Prefilling tokens: 410\r\n", "Generated tokens: 243\r\n", "Total tokens: 653\r\n", "Generation time: 29.24 seconds\r\n", "Audio duration: 31.60 seconds\r\n", "RTF (Real Time Factor): 0.93x\r\n", "==================================================\r\n" ] } ] }, { "cell_type": "code", "metadata": { "collapsed": false, "scrolled": true }, "source": [ "# Listen to built-in voice comparison\n", "from IPython.display import Audio, display, HTML\n", "display(HTML(\"