{ "cells": [ { "cell_type": "code", "execution_count": 1, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "c:\\Users\\texas\\Desktop\\School\\SceneFusion\\AnimateDiff-SceneFusion\\data\\EveryDream\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "fatal: destination path 'EveryDream' already exists and is not an empty directory.\n" ] } ], "source": [ "#download repo\n", "!git clone https://github.com/victorchall/EveryDream.git\n", "# Set working directory\n", "%cd EveryDream" ] }, { "cell_type": "code", "execution_count": 2, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "fatal: destination path 'scripts/BLIP' already exists and is not an empty directory.\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Requirement already satisfied: timm in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (0.9.10)\n", "Requirement already satisfied: torch>=1.7 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from timm) (1.13.1)\n", "Requirement already satisfied: torchvision in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from timm) (0.14.1)\n", "Requirement already satisfied: pyyaml in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from timm) (6.0.1)\n", "Requirement already satisfied: huggingface-hub in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from timm) (0.19.3)\n", "Requirement already satisfied: safetensors in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from timm) (0.4.0)\n", "Requirement already satisfied: typing_extensions in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from torch>=1.7->timm) (4.8.0)\n", "Requirement already satisfied: filelock in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from huggingface-hub->timm) (3.13.1)\n", "Requirement already satisfied: fsspec>=2023.5.0 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from huggingface-hub->timm) (2023.10.0)\n", "Requirement already satisfied: requests in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from huggingface-hub->timm) (2.31.0)\n", "Requirement already satisfied: tqdm>=4.42.1 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from huggingface-hub->timm) (4.66.1)\n", "Requirement already satisfied: packaging>=20.9 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from huggingface-hub->timm) (23.2)\n", "Requirement already satisfied: numpy in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from torchvision->timm) (1.26.0)\n", "Requirement already satisfied: pillow!=8.3.*,>=5.3.0 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from torchvision->timm) (10.1.0)\n", "Requirement already satisfied: colorama in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from tqdm>=4.42.1->huggingface-hub->timm) (0.4.6)\n", "Requirement already satisfied: charset-normalizer<4,>=2 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from requests->huggingface-hub->timm) (3.3.2)\n", "Requirement already satisfied: idna<4,>=2.5 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from requests->huggingface-hub->timm) (3.4)\n", "Requirement already satisfied: urllib3<3,>=1.21.1 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from requests->huggingface-hub->timm) (2.1.0)\n", "Requirement already satisfied: certifi>=2017.4.17 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from requests->huggingface-hub->timm) (2023.7.22)\n", "Requirement already satisfied: fairscale in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (0.4.13)\n", "Requirement already satisfied: torch>=1.8.0 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from fairscale) (1.13.1)\n", "Requirement already satisfied: numpy>=1.22.0 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from fairscale) (1.26.0)\n", "Requirement already satisfied: typing_extensions in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from torch>=1.8.0->fairscale) (4.8.0)\n", "Requirement already satisfied: timm in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (0.9.10)\n", "Requirement already satisfied: torch>=1.7 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from timm) (1.13.1)\n", "Requirement already satisfied: torchvision in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from timm) (0.14.1)\n", "Requirement already satisfied: pyyaml in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from timm) (6.0.1)\n", "Requirement already satisfied: huggingface-hub in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from timm) (0.19.3)\n", "Requirement already satisfied: safetensors in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from timm) (0.4.0)\n", "Requirement already satisfied: typing_extensions in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from torch>=1.7->timm) (4.8.0)\n", "Requirement already satisfied: filelock in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from huggingface-hub->timm) (3.13.1)\n", "Requirement already satisfied: fsspec>=2023.5.0 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from huggingface-hub->timm) (2023.10.0)\n", "Requirement already satisfied: requests in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from huggingface-hub->timm) (2.31.0)\n", "Requirement already satisfied: tqdm>=4.42.1 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from huggingface-hub->timm) (4.66.1)\n", "Requirement already satisfied: packaging>=20.9 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from huggingface-hub->timm) (23.2)\n", "Requirement already satisfied: numpy in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from torchvision->timm) (1.26.0)\n", "Requirement already satisfied: pillow!=8.3.*,>=5.3.0 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from torchvision->timm) (10.1.0)\n", "Requirement already satisfied: colorama in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from tqdm>=4.42.1->huggingface-hub->timm) (0.4.6)\n", "Requirement already satisfied: charset-normalizer<4,>=2 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from requests->huggingface-hub->timm) (3.3.2)\n", "Requirement already satisfied: idna<4,>=2.5 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from requests->huggingface-hub->timm) (3.4)\n", "Requirement already satisfied: urllib3<3,>=1.21.1 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from requests->huggingface-hub->timm) (2.1.0)\n", "Requirement already satisfied: certifi>=2017.4.17 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from requests->huggingface-hub->timm) (2023.7.22)\n", "Requirement already satisfied: aiofiles in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (23.2.1)\n", "Requirement already satisfied: aiohttp in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (3.8.6)\n", "Requirement already satisfied: attrs>=17.3.0 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from aiohttp) (23.1.0)\n", "Requirement already satisfied: charset-normalizer<4.0,>=2.0 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from aiohttp) (3.3.2)\n", "Requirement already satisfied: multidict<7.0,>=4.5 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from aiohttp) (6.0.4)\n", "Requirement already satisfied: async-timeout<5.0,>=4.0.0a3 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from aiohttp) (4.0.3)\n", "Requirement already satisfied: yarl<2.0,>=1.0 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from aiohttp) (1.9.2)\n", "Requirement already satisfied: frozenlist>=1.1.1 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from aiohttp) (1.4.0)\n", "Requirement already satisfied: aiosignal>=1.1.2 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from aiohttp) (1.3.1)\n", "Requirement already satisfied: idna>=2.0 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from yarl<2.0,>=1.0->aiohttp) (3.4)\n", "Requirement already satisfied: opencv-python in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (4.8.1.78)\n", "Requirement already satisfied: numpy>=1.21.2 in c:\\users\\texas\\anaconda3\\envs\\animatediff\\lib\\site-packages (from opencv-python) (1.26.0)\n" ] } ], "source": [ "\n", "# install requirements\n", "# !pip install torch=='1.12.1+cu113' 'torchvision==0.13.1+cu113' --extra-index-url https://download.pytorch.org/whl/cu113\n", "!pip install pandas>='1.3.5'\n", "!git clone https://github.com/salesforce/BLIP scripts/BLIP\n", "!pip install timm\n", "!pip install fairscale\n", "# !pip install transformers=='4.19.2'\n", "!pip install timm\n", "!pip install aiofiles\n", "!pip install aiohttp\n", "!pip install opencv-python" ] }, { "cell_type": "code", "execution_count": 3, "metadata": {}, "outputs": [], "source": [ "# !pip uninstall pillow\n", "# !pip install pillow" ] }, { "cell_type": "code", "execution_count": 4, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "c:\\Users\\texas\\Desktop\\School\\SceneFusion\\AnimateDiff-SceneFusion\\data\n" ] } ], "source": [ "%cd .." ] }, { "cell_type": "code", "execution_count": 5, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ " Volume in drive C is OS\n", " Volume Serial Number is 9C50-ADC8\n", "\n", " Directory of c:\\Users\\texas\\Desktop\\School\\SceneFusion\\AnimateDiff-SceneFusion\\data\n", "\n", "11/16/2023 02:50 PM .\n", "11/16/2023 02:30 PM ..\n", "11/15/2023 12:32 PM .cache\n", "11/16/2023 02:52 PM 31,383 data.ipynb\n", "11/15/2023 12:27 PM EveryDream\n", "11/15/2023 01:23 PM output\n", "11/15/2023 01:57 PM 262 output.csv\n", "11/15/2023 11:56 AM raw\n", " 2 File(s) 31,645 bytes\n", " 6 Dir(s) 170,972,418,048 bytes free\n" ] } ], "source": [ "%ls" ] }, { "cell_type": "code", "execution_count": 3, "metadata": {}, "outputs": [], "source": [ "# !python EveryDream/scripts/auto_caption.py --img_dir raw/1 --out_dir output " ] }, { "cell_type": "code", "execution_count": 5, "metadata": {}, "outputs": [], "source": [ "from torchvision import transforms\n", "SIZE = 256" ] }, { "cell_type": "code", "execution_count": 6, "metadata": {}, "outputs": [], "source": [ "def load_image(raw_image, device):\n", " transform = transforms.Compose([\n", " #transforms.CenterCrop(SIZE),\n", " transforms.Resize((SIZE, SIZE), interpolation=InterpolationMode.BICUBIC),\n", " transforms.ToTensor(),\n", " transforms.Normalize((0.485, 0.456, 0.406), (0.229, 0.224, 0.225))\n", " ])\n", " image = transform(raw_image).unsqueeze(0).to(device)\n", " return image" ] }, { "cell_type": "code", "execution_count": 7, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "reshape position embedding from 576 to 256\n", "load checkpoint from .cache/model_base_caption_capfilt_large.pth\n", "loading model to cuda\n" ] } ], "source": [ "import os\n", "import sys\n", "import torch\n", "import aiofiles\n", "import io\n", "\n", "if not os.path.exists(\"EveryDream/scripts/BLIP\"):\n", " print(\"BLIP not found, cloning BLIP repo\")\n", " subprocess.run([\"git\", \"clone\", \"https://github.com/salesforce/BLIP\", \"EveryDream/scripts/BLIP\"])\n", "blip_path = \"EveryDream/scripts/BLIP/\"\n", "sys.path.append(blip_path)\n", "\n", "import models.blip\n", "\n", "config_path = \"EveryDream/scripts/BLIP/configs/med_config.json\"\n", "\n", "cache_folder = \".cache\"\n", "model_cache_path = \".cache/model_base_caption_capfilt_large.pth\"\n", "\n", "blip_decoder = models.blip.blip_decoder(pretrained=model_cache_path, image_size=SIZE, vit='base', med_config=config_path)\n", "blip_decoder.eval()\n", "\n", "print(f\"loading model to cuda\")\n", "\n", "blip_decoder = blip_decoder.to(torch.device(\"cuda\"))\n", " " ] }, { "cell_type": "code", "execution_count": 8, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "['3dDS10', '3dDS11', '3dDS12', '3dDS13', '3dDS14RL', '3dDS15', '3dDS16', '3dDS17', '3dDS18', '3dDS19', '3dDS1RL', '3dDS20', '3dDS21', '3dDS22RL', '3dDS23', '3dDS24RL', '3dDS25', '3dDS26', '3dDS28', '3dDS29RL', '3dDS2RL', '3dDS30', '3dDS31', '3dDS32', '3dDS33', '3dDS34RL', '3dDS35RL', '3dDS36RL', '3dDS3LR', '3dDS4', '3dDS5', '3dDS6', '3dDS7RL', '3dDS8RL', '3dDS9']\n", "working image: raw/3dDS10/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001cc57772480] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001cc57772480] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001cc57772480] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/0.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 107kB time=00:00:02.00 bitrate= 439.1kbits/s speed=13.9x \n", "video:106kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.813598%\n", "[libx264 @ 000001cc57772480] frame I:1 Avg QP:18.36 size: 22667\n", "[libx264 @ 000001cc57772480] frame P:4 Avg QP:18.82 size: 21390\n", "[libx264 @ 000001cc57772480] mb I I16..4: 0.4% 25.0% 74.6%\n", "[libx264 @ 000001cc57772480] mb P I16..4: 0.4% 12.0% 36.4% P16..4: 6.2% 26.1% 18.8% 0.0% 0.0% skip: 0.1%\n", "[libx264 @ 000001cc57772480] 8x8 transform intra:24.7% inter:19.7%\n", "[libx264 @ 000001cc57772480] coded y,u,v intra: 98.5% 81.5% 71.9% inter: 95.8% 29.7% 20.0%\n", "[libx264 @ 000001cc57772480] i16 v,h,dc,p: 0% 40% 0% 60%\n", "[libx264 @ 000001cc57772480] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 22% 26% 16% 4% 4% 4% 9% 4% 12%\n", "[libx264 @ 000001cc57772480] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 26% 21% 10% 6% 6% 5% 9% 6% 12%\n", "[libx264 @ 000001cc57772480] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000001cc57772480] ref P L0: 75.8% 22.8% 1.1% 0.4%\n", "[libx264 @ 000001cc57772480] kb/s:173.16\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS11/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001f944493b80] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001f944493b80] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001f944493b80] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/1.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 114kB time=00:00:02.00 bitrate= 467.7kbits/s speed=6.94x \n", "video:113kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.763497%\n", "[libx264 @ 000001f944493b80] frame I:1 Avg QP:18.44 size: 21300\n", "[libx264 @ 000001f944493b80] frame P:4 Avg QP:18.90 size: 23518\n", "[libx264 @ 000001f944493b80] mb I I16..4: 0.8% 21.1% 78.1%\n", "[libx264 @ 000001f944493b80] mb P I16..4: 1.1% 16.1% 70.9% P16..4: 2.2% 5.2% 4.5% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000001f944493b80] 8x8 transform intra:18.9% inter:22.1%\n", "[libx264 @ 000001f944493b80] coded y,u,v intra: 91.6% 75.4% 68.2% inter: 76.6% 39.8% 31.6%\n", "[libx264 @ 000001f944493b80] i16 v,h,dc,p: 31% 8% 54% 8%\n", "[libx264 @ 000001f944493b80] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 20% 12% 16% 7% 9% 7% 13% 8% 7%\n", "[libx264 @ 000001f944493b80] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 14% 12% 16% 10% 8% 6% 15% 10% 9%\n", "[libx264 @ 000001f944493b80] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000001f944493b80] ref P L0: 66.4% 22.5% 7.6% 3.5%\n", "[libx264 @ 000001f944493b80] kb/s:184.60\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS12/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 00000234246fc980] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 00000234246fc980] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 00000234246fc980] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/2.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 99kB time=00:00:02.00 bitrate= 406.3kbits/s speed=22.3x \n", "video:98kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.900086%\n", "[libx264 @ 00000234246fc980] frame I:2 Avg QP:17.99 size: 22694\n", "[libx264 @ 00000234246fc980] frame P:2 Avg QP:18.18 size: 19100\n", "[libx264 @ 00000234246fc980] frame B:1 Avg QP:18.56 size: 16394\n", "[libx264 @ 00000234246fc980] consecutive B-frames: 60.0% 40.0% 0.0% 0.0%\n", "[libx264 @ 00000234246fc980] mb I I16..4: 0.4% 26.8% 72.9%\n", "[libx264 @ 00000234246fc980] mb P I16..4: 0.8% 28.1% 47.7% P16..4: 3.1% 11.7% 8.6% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 00000234246fc980] mb B I16..4: 0.8% 7.0% 25.4% B16..8: 10.5% 24.6% 29.3% direct: 2.3% skip: 0.0% L0:54.1% L1:27.0% BI:18.9%\n", "[libx264 @ 00000234246fc980] 8x8 transform intra:30.2% inter:34.3%\n", "[libx264 @ 00000234246fc980] coded y,u,v intra: 96.0% 61.5% 72.1% inter: 85.3% 27.7% 35.1%\n", "[libx264 @ 00000234246fc980] i16 v,h,dc,p: 0% 25% 12% 62%\n", "[libx264 @ 00000234246fc980] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 18% 24% 16% 5% 6% 8% 9% 6% 8%\n", "[libx264 @ 00000234246fc980] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 17% 32% 10% 5% 6% 8% 6% 6% 10%\n", "[libx264 @ 00000234246fc980] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 00000234246fc980] kb/s:159.97\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS13/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001b6f7300e80] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001b6f7300e80] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001b6f7300e80] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/3.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 86kB time=00:00:02.00 bitrate= 350.3kbits/s speed=23.8x \n", "video:85kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 1.021997%\n", "[libx264 @ 000001b6f7300e80] frame I:1 Avg QP:17.98 size: 20223\n", "[libx264 @ 000001b6f7300e80] frame P:4 Avg QP:16.86 size: 16449\n", "[libx264 @ 000001b6f7300e80] mb I I16..4: 2.3% 28.5% 69.1%\n", "[libx264 @ 000001b6f7300e80] mb P I16..4: 0.9% 32.7% 47.9% P16..4: 2.1% 8.7% 7.6% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000001b6f7300e80] 8x8 transform intra:37.4% inter:37.6%\n", "[libx264 @ 000001b6f7300e80] coded y,u,v intra: 88.0% 57.2% 58.8% inter: 90.1% 33.2% 42.6%\n", "[libx264 @ 000001b6f7300e80] i16 v,h,dc,p: 7% 27% 47% 20%\n", "[libx264 @ 000001b6f7300e80] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 17% 19% 19% 6% 6% 4% 8% 5% 16%\n", "[libx264 @ 000001b6f7300e80] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 16% 24% 11% 6% 6% 4% 14% 5% 14%\n", "[libx264 @ 000001b6f7300e80] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000001b6f7300e80] ref P L0: 78.7% 14.2% 7.1%\n", "[libx264 @ 000001b6f7300e80] kb/s:137.63\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS14RL/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001fe9b33d180] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001fe9b33d180] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001fe9b33d180] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/4.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 191kB time=00:00:02.00 bitrate= 782.9kbits/s speed=25.3x \n", "video:190kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.456818%\n", "[libx264 @ 000001fe9b33d180] frame I:2 Avg QP:18.58 size: 40314\n", "[libx264 @ 000001fe9b33d180] frame P:3 Avg QP:19.80 size: 37842\n", "[libx264 @ 000001fe9b33d180] mb I I16..4: 0.0% 29.9% 70.1%\n", "[libx264 @ 000001fe9b33d180] mb P I16..4: 0.0% 31.0% 58.7% P16..4: 1.6% 5.2% 3.5% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000001fe9b33d180] 8x8 transform intra:32.6% inter:21.5%\n", "[libx264 @ 000001fe9b33d180] coded y,u,v intra: 100.0% 89.9% 79.3% inter: 98.1% 26.3% 13.0%\n", "[libx264 @ 000001fe9b33d180] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 7% 20% 26% 7% 5% 5% 8% 7% 15%\n", "[libx264 @ 000001fe9b33d180] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 8% 11% 18% 10% 8% 8% 11% 11% 15%\n", "[libx264 @ 000001fe9b33d180] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000001fe9b33d180] ref P L0: 91.8% 5.7% 2.5%\n", "[libx264 @ 000001fe9b33d180] kb/s:310.64\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS15/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 0000018d53574a00] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 0000018d53574a00] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 0000018d53574a00] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/5.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 144kB time=00:00:02.00 bitrate= 590.8kbits/s speed=29.1x \n", "video:143kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.625387%\n", "[libx264 @ 0000018d53574a00] frame I:1 Avg QP:18.39 size: 34490\n", "[libx264 @ 0000018d53574a00] frame P:1 Avg QP:18.27 size: 28103\n", "[libx264 @ 0000018d53574a00] frame B:3 Avg QP:18.39 size: 27841\n", "[libx264 @ 0000018d53574a00] consecutive B-frames: 20.0% 0.0% 0.0% 80.0%\n", "[libx264 @ 0000018d53574a00] mb I I16..4: 12.9% 26.2% 60.9%\n", "[libx264 @ 0000018d53574a00] mb P I16..4: 0.0% 37.5% 53.9% P16..4: 1.2% 4.3% 3.1% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 0000018d53574a00] mb B I16..4: 0.5% 21.7% 49.0% B16..8: 9.6% 10.5% 5.3% direct: 3.4% skip: 0.0% L0:30.8% L1:17.8% BI:51.4%\n", "[libx264 @ 0000018d53574a00] 8x8 transform intra:31.8% inter:21.8%\n", "[libx264 @ 0000018d53574a00] coded y,u,v intra: 99.9% 75.4% 62.2% inter: 99.7% 18.0% 9.3%\n", "[libx264 @ 0000018d53574a00] i16 v,h,dc,p: 3% 3% 78% 16%\n", "[libx264 @ 0000018d53574a00] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 6% 21% 24% 6% 7% 5% 11% 6% 15%\n", "[libx264 @ 0000018d53574a00] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 9% 14% 19% 9% 9% 9% 12% 9% 13%\n", "[libx264 @ 0000018d53574a00] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 0000018d53574a00] ref B L0: 95.7% 4.3%\n", "[libx264 @ 0000018d53574a00] ref B L1: 94.3% 5.7%\n", "[libx264 @ 0000018d53574a00] kb/s:233.79\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS16/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 00000242f62180c0] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 00000242f62180c0] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 00000242f62180c0] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/6.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 168kB time=00:00:02.00 bitrate= 689.7kbits/s speed= 15x \n", "video:167kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.535227%\n", "[libx264 @ 00000242f62180c0] frame I:1 Avg QP:19.52 size: 39562\n", "[libx264 @ 00000242f62180c0] frame P:1 Avg QP:18.64 size: 31744\n", "[libx264 @ 00000242f62180c0] frame B:3 Avg QP:19.26 size: 33179\n", "[libx264 @ 00000242f62180c0] consecutive B-frames: 20.0% 0.0% 0.0% 80.0%\n", "[libx264 @ 00000242f62180c0] mb I I16..4: 18.4% 23.8% 57.8%\n", "[libx264 @ 00000242f62180c0] mb P I16..4: 0.4% 41.8% 52.3% P16..4: 2.7% 2.3% 0.4% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 00000242f62180c0] mb B I16..4: 0.0% 18.0% 49.0% B16..8: 8.7% 10.7% 9.1% direct: 4.6% skip: 0.0% L0:22.7% L1:23.4% BI:53.9%\n", "[libx264 @ 00000242f62180c0] 8x8 transform intra:30.2% inter:31.3%\n", "[libx264 @ 00000242f62180c0] coded y,u,v intra: 99.9% 84.4% 82.6% inter: 99.5% 46.3% 37.8%\n", "[libx264 @ 00000242f62180c0] i16 v,h,dc,p: 0% 2% 81% 17%\n", "[libx264 @ 00000242f62180c0] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 7% 28% 18% 3% 8% 6% 17% 4% 10%\n", "[libx264 @ 00000242f62180c0] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 11% 7% 19% 8% 12% 15% 11% 9% 10%\n", "[libx264 @ 00000242f62180c0] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 00000242f62180c0] ref B L0: 96.2% 3.8%\n", "[libx264 @ 00000242f62180c0] ref B L1: 96.2% 3.8%\n", "[libx264 @ 00000242f62180c0] kb/s:273.35\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS17/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001fd166e4f40] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001fd166e4f40] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001fd166e4f40] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/7.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 199kB time=00:00:02.00 bitrate= 813.1kbits/s speed=25.2x \n", "video:198kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.439769%\n", "[libx264 @ 000001fd166e4f40] frame I:2 Avg QP:19.20 size: 42154\n", "[libx264 @ 000001fd166e4f40] frame P:3 Avg QP:20.27 size: 39133\n", "[libx264 @ 000001fd166e4f40] mb I I16..4: 0.2% 5.5% 94.3%\n", "[libx264 @ 000001fd166e4f40] mb P I16..4: 0.0% 13.3% 83.3% P16..4: 0.8% 0.8% 1.8% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000001fd166e4f40] 8x8 transform intra:10.4% inter:0.0%\n", "[libx264 @ 000001fd166e4f40] coded y,u,v intra: 99.9% 92.9% 74.8% inter: 100.0% 80.8% 33.7%\n", "[libx264 @ 000001fd166e4f40] i16 v,h,dc,p: 0% 100% 0% 0%\n", "[libx264 @ 000001fd166e4f40] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 11% 21% 19% 6% 8% 7% 8% 7% 14%\n", "[libx264 @ 000001fd166e4f40] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 9% 11% 18% 9% 9% 10% 10% 10% 14%\n", "[libx264 @ 000001fd166e4f40] Weighted P-Frames: Y:33.3% UV:0.0%\n", "[libx264 @ 000001fd166e4f40] ref P L0: 83.7% 6.7% 9.6%\n", "[libx264 @ 000001fd166e4f40] kb/s:322.73\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS18/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001a9594cc580] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001a9594cc580] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001a9594cc580] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/8.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 177kB time=00:00:02.00 bitrate= 726.6kbits/s speed=21.4x \n", "video:177kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.503475%\n", "[libx264 @ 000001a9594cc580] frame I:1 Avg QP:19.30 size: 37476\n", "[libx264 @ 000001a9594cc580] frame P:2 Avg QP:19.51 size: 37468\n", "[libx264 @ 000001a9594cc580] frame B:2 Avg QP:19.55 size: 33829\n", "[libx264 @ 000001a9594cc580] consecutive B-frames: 40.0% 0.0% 60.0% 0.0%\n", "[libx264 @ 000001a9594cc580] mb I I16..4: 0.0% 19.1% 80.9%\n", "[libx264 @ 000001a9594cc580] mb P I16..4: 0.0% 16.2% 81.4% P16..4: 0.0% 1.6% 0.8% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000001a9594cc580] mb B I16..4: 0.0% 19.5% 42.6% B16..8: 12.1% 12.5% 9.0% direct: 4.1% skip: 0.2% L0:54.4% L1: 3.1% BI:42.6%\n", "[libx264 @ 000001a9594cc580] 8x8 transform intra:21.6% inter:6.4%\n", "[libx264 @ 000001a9594cc580] coded y,u,v intra: 99.8% 97.3% 84.2% inter: 92.0% 75.5% 16.0%\n", "[libx264 @ 000001a9594cc580] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 34% 15% 13% 5% 3% 6% 4% 9% 10%\n", "[libx264 @ 000001a9594cc580] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 20% 8% 15% 8% 7% 11% 8% 11% 11%\n", "[libx264 @ 000001a9594cc580] Weighted P-Frames: Y:50.0% UV:50.0%\n", "[libx264 @ 000001a9594cc580] ref P L0: 35.4% 39.6% 25.0%\n", "[libx264 @ 000001a9594cc580] ref B L0: 93.3% 6.7%\n", "[libx264 @ 000001a9594cc580] kb/s:288.11\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS19/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001c3c93a0b40] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001c3c93a0b40] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001c3c93a0b40] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/9.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 123kB time=00:00:02.00 bitrate= 505.1kbits/s speed=29.9x \n", "video:122kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.722707%\n", "[libx264 @ 000001c3c93a0b40] frame I:2 Avg QP:18.28 size: 27908\n", "[libx264 @ 000001c3c93a0b40] frame P:2 Avg QP:19.29 size: 24479\n", "[libx264 @ 000001c3c93a0b40] frame B:1 Avg QP:19.48 size: 19915\n", "[libx264 @ 000001c3c93a0b40] consecutive B-frames: 60.0% 40.0% 0.0% 0.0%\n", "[libx264 @ 000001c3c93a0b40] mb I I16..4: 1.4% 7.6% 91.0%\n", "[libx264 @ 000001c3c93a0b40] mb P I16..4: 0.6% 12.5% 70.9% P16..4: 1.6% 5.9% 8.6% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000001c3c93a0b40] mb B I16..4: 0.0% 4.7% 29.3% B16..8: 8.2% 22.3% 30.2% direct: 4.7% skip: 0.8% L0:69.7% L1: 7.1% BI:23.2%\n", "[libx264 @ 000001c3c93a0b40] 8x8 transform intra:11.2% inter:18.1%\n", "[libx264 @ 000001c3c93a0b40] coded y,u,v intra: 99.9% 87.0% 60.4% inter: 93.5% 42.1% 18.7%\n", "[libx264 @ 000001c3c93a0b40] i16 v,h,dc,p: 0% 10% 30% 60%\n", "[libx264 @ 000001c3c93a0b40] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 7% 20% 12% 5% 9% 6% 16% 6% 21%\n", "[libx264 @ 000001c3c93a0b40] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 8% 18% 11% 7% 11% 8% 16% 6% 16%\n", "[libx264 @ 000001c3c93a0b40] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000001c3c93a0b40] kb/s:199.50\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS1RL/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.24, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000002295c605c00] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000002295c605c00] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000002295c605c00] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/10.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 6 fps=0.0 q=-1.0 Lsize= 124kB time=00:00:03.00 bitrate= 338.9kbits/s speed=30.5x \n", "video:123kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.705157%\n", "[libx264 @ 000002295c605c00] frame I:1 Avg QP:19.27 size: 22800\n", "[libx264 @ 000002295c605c00] frame P:5 Avg QP:19.07 size: 20548\n", "[libx264 @ 000002295c605c00] mb I I16..4: 2.3% 21.9% 75.8%\n", "[libx264 @ 000002295c605c00] mb P I16..4: 0.4% 36.6% 57.8% P16..4: 1.4% 1.7% 2.0% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000002295c605c00] 8x8 transform intra:35.7% inter:12.1%\n", "[libx264 @ 000002295c605c00] coded y,u,v intra: 98.8% 68.7% 65.9% inter: 83.7% 23.1% 28.0%\n", "[libx264 @ 000002295c605c00] i16 v,h,dc,p: 36% 27% 18% 18%\n", "[libx264 @ 000002295c605c00] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 16% 16% 17% 5% 5% 14% 10% 7% 10%\n", "[libx264 @ 000002295c605c00] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 22% 15% 12% 7% 7% 11% 10% 7% 9%\n", "[libx264 @ 000002295c605c00] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000002295c605c00] ref P L0: 63.6% 30.3% 4.2% 1.9%\n", "[libx264 @ 000002295c605c00] kb/s:167.39\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS20/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001de522c15c0] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001de522c15c0] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001de522c15c0] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/11.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 130kB time=00:00:02.00 bitrate= 531.2kbits/s speed=29.4x \n", "video:129kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.689995%\n", "[libx264 @ 000001de522c15c0] frame I:1 Avg QP:19.19 size: 28502\n", "[libx264 @ 000001de522c15c0] frame P:3 Avg QP:19.44 size: 26301\n", "[libx264 @ 000001de522c15c0] frame B:1 Avg QP:19.63 size: 23808\n", "[libx264 @ 000001de522c15c0] consecutive B-frames: 60.0% 40.0% 0.0% 0.0%\n", "[libx264 @ 000001de522c15c0] mb I I16..4: 0.0% 10.5% 89.5%\n", "[libx264 @ 000001de522c15c0] mb P I16..4: 0.1% 11.7% 68.2% P16..4: 1.2% 8.5% 10.3% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000001de522c15c0] mb B I16..4: 0.0% 5.5% 46.5% B16..8: 3.5% 24.6% 17.9% direct: 2.0% skip: 0.0% L0:56.9% L1:23.4% BI:19.7%\n", "[libx264 @ 000001de522c15c0] 8x8 transform intra:13.0% inter:10.2%\n", "[libx264 @ 000001de522c15c0] coded y,u,v intra: 99.8% 90.3% 62.7% inter: 96.5% 48.9% 20.1%\n", "[libx264 @ 000001de522c15c0] i16 v,h,dc,p: 0% 0% 0% 100%\n", "[libx264 @ 000001de522c15c0] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 10% 31% 10% 7% 6% 6% 11% 6% 13%\n", "[libx264 @ 000001de522c15c0] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 9% 23% 11% 7% 8% 10% 10% 8% 13%\n", "[libx264 @ 000001de522c15c0] Weighted P-Frames: Y:33.3% UV:33.3%\n", "[libx264 @ 000001de522c15c0] ref P L0: 46.6% 28.1% 15.2% 10.1%\n", "[libx264 @ 000001de522c15c0] kb/s:209.94\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS21/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001e7641beac0] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001e7641beac0] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001e7641beac0] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/12.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 97kB time=00:00:02.00 bitrate= 395.3kbits/s speed=30.5x \n", "video:96kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.937529%\n", "[libx264 @ 000001e7641beac0] frame I:1 Avg QP:18.25 size: 24399\n", "[libx264 @ 000001e7641beac0] frame P:2 Avg QP:18.55 size: 21118\n", "[libx264 @ 000001e7641beac0] frame B:2 Avg QP:18.75 size: 15304\n", "[libx264 @ 000001e7641beac0] consecutive B-frames: 20.0% 80.0% 0.0% 0.0%\n", "[libx264 @ 000001e7641beac0] mb I I16..4: 0.4% 16.8% 82.8%\n", "[libx264 @ 000001e7641beac0] mb P I16..4: 0.0% 14.6% 64.3% P16..4: 1.0% 7.6% 12.5% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000001e7641beac0] mb B I16..4: 0.0% 2.7% 18.0% B16..8: 2.5% 37.5% 36.8% direct: 2.3% skip: 0.2% L0:28.5% L1:33.2% BI:38.2%\n", "[libx264 @ 000001e7641beac0] 8x8 transform intra:17.2% inter:21.5%\n", "[libx264 @ 000001e7641beac0] coded y,u,v intra: 99.8% 86.6% 54.9% inter: 87.5% 29.3% 9.0%\n", "[libx264 @ 000001e7641beac0] i16 v,h,dc,p: 0% 0% 0% 100%\n", "[libx264 @ 000001e7641beac0] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 5% 19% 13% 6% 9% 8% 12% 8% 20%\n", "[libx264 @ 000001e7641beac0] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 8% 15% 11% 8% 13% 10% 11% 7% 18%\n", "[libx264 @ 000001e7641beac0] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000001e7641beac0] ref P L0: 85.6% 12.3% 2.1%\n", "[libx264 @ 000001e7641beac0] ref B L0: 97.4% 2.6%\n", "[libx264 @ 000001e7641beac0] kb/s:155.59\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS22RL/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001f4e996f5c0] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001f4e996f5c0] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001f4e996f5c0] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/13.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 109kB time=00:00:02.00 bitrate= 448.2kbits/s speed= 26x \n", "video:109kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.826104%\n", "[libx264 @ 000001f4e996f5c0] frame I:1 Avg QP:18.81 size: 29421\n", "[libx264 @ 000001f4e996f5c0] frame P:1 Avg QP:19.88 size: 25065\n", "[libx264 @ 000001f4e996f5c0] frame B:3 Avg QP:19.72 size: 18655\n", "[libx264 @ 000001f4e996f5c0] consecutive B-frames: 20.0% 0.0% 0.0% 80.0%\n", "[libx264 @ 000001f4e996f5c0] mb I I16..4: 1.6% 8.6% 89.8%\n", "[libx264 @ 000001f4e996f5c0] mb P I16..4: 6.2% 3.1% 67.2% P16..4: 6.2% 8.2% 9.0% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000001f4e996f5c0] mb B I16..4: 3.4% 2.3% 20.2% B16..8: 11.7% 29.8% 28.5% direct: 3.8% skip: 0.3% L0:35.8% L1:34.2% BI:30.0%\n", "[libx264 @ 000001f4e996f5c0] 8x8 transform intra:7.4% inter:15.7%\n", "[libx264 @ 000001f4e996f5c0] coded y,u,v intra: 91.1% 77.8% 74.9% inter: 89.9% 30.7% 29.5%\n", "[libx264 @ 000001f4e996f5c0] i16 v,h,dc,p: 2% 83% 11% 4%\n", "[libx264 @ 000001f4e996f5c0] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 26% 29% 15% 3% 3% 9% 3% 7% 5%\n", "[libx264 @ 000001f4e996f5c0] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 17% 25% 11% 5% 6% 10% 8% 9% 9%\n", "[libx264 @ 000001f4e996f5c0] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000001f4e996f5c0] ref B L0: 90.7% 9.3%\n", "[libx264 @ 000001f4e996f5c0] ref B L1: 92.8% 7.2%\n", "[libx264 @ 000001f4e996f5c0] kb/s:176.72\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS23/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000002b73eb05280] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000002b73eb05280] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000002b73eb05280] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/14.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 128kB time=00:00:02.00 bitrate= 523.3kbits/s speed=30.7x \n", "video:127kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.694199%\n", "[libx264 @ 000002b73eb05280] frame I:1 Avg QP:19.43 size: 35427\n", "[libx264 @ 000002b73eb05280] frame P:2 Avg QP:19.87 size: 26292\n", "[libx264 @ 000002b73eb05280] frame B:2 Avg QP:20.56 size: 20624\n", "[libx264 @ 000002b73eb05280] consecutive B-frames: 40.0% 0.0% 60.0% 0.0%\n", "[libx264 @ 000002b73eb05280] mb I I16..4: 0.0% 7.0% 93.0%\n", "[libx264 @ 000002b73eb05280] mb P I16..4: 1.0% 7.8% 40.6% P16..4: 2.9% 19.3% 28.3% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000002b73eb05280] mb B I16..4: 0.2% 0.8% 5.5% B16..8: 4.7% 36.9% 49.5% direct: 2.1% skip: 0.4% L0:46.1% L1:20.9% BI:33.0%\n", "[libx264 @ 000002b73eb05280] 8x8 transform intra:11.4% inter:14.0%\n", "[libx264 @ 000002b73eb05280] coded y,u,v intra: 96.3% 88.0% 86.2% inter: 92.8% 33.7% 33.5%\n", "[libx264 @ 000002b73eb05280] i16 v,h,dc,p: 33% 50% 17% 0%\n", "[libx264 @ 000002b73eb05280] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 6% 18% 18% 5% 8% 4% 11% 6% 23%\n", "[libx264 @ 000002b73eb05280] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 7% 19% 12% 6% 12% 8% 12% 5% 20%\n", "[libx264 @ 000002b73eb05280] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000002b73eb05280] ref P L0: 89.6% 6.6% 3.9%\n", "[libx264 @ 000002b73eb05280] ref B L0: 96.4% 3.6%\n", "[libx264 @ 000002b73eb05280] kb/s:206.82\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS24RL/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001f69be400c0] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001f69be400c0] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001f69be400c0] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/15.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 103kB time=00:00:02.00 bitrate= 421.4kbits/s speed=25.7x \n", "video:102kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.848196%\n", "[libx264 @ 000001f69be400c0] frame I:1 Avg QP:18.40 size: 26155\n", "[libx264 @ 000001f69be400c0] frame P:4 Avg QP:18.84 size: 19407\n", "[libx264 @ 000001f69be400c0] mb I I16..4: 4.7% 13.3% 82.0%\n", "[libx264 @ 000001f69be400c0] mb P I16..4: 1.0% 7.0% 41.6% P16..4: 5.5% 17.3% 27.2% 0.0% 0.0% skip: 0.4%\n", "[libx264 @ 000001f69be400c0] 8x8 transform intra:13.9% inter:23.4%\n", "[libx264 @ 000001f69be400c0] coded y,u,v intra: 93.8% 77.7% 75.3% inter: 82.8% 35.7% 38.1%\n", "[libx264 @ 000001f69be400c0] i16 v,h,dc,p: 18% 9% 18% 55%\n", "[libx264 @ 000001f69be400c0] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 5% 24% 14% 4% 7% 2% 24% 1% 19%\n", "[libx264 @ 000001f69be400c0] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 9% 16% 10% 7% 13% 6% 20% 5% 15%\n", "[libx264 @ 000001f69be400c0] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000001f69be400c0] ref P L0: 73.3% 20.0% 5.1% 1.6%\n", "[libx264 @ 000001f69be400c0] kb/s:166.05\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS25/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001b384b2c7c0] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001b384b2c7c0] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001b384b2c7c0] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/16.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 45kB time=00:00:02.00 bitrate= 182.5kbits/s speed=35.2x \n", "video:44kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 1.980464%\n", "[libx264 @ 000001b384b2c7c0] frame I:1 Avg QP:16.35 size: 13002\n", "[libx264 @ 000001b384b2c7c0] frame P:4 Avg QP:17.24 size: 7766\n", "[libx264 @ 000001b384b2c7c0] mb I I16..4: 1.6% 53.9% 44.5%\n", "[libx264 @ 000001b384b2c7c0] mb P I16..4: 1.3% 12.1% 15.2% P16..4: 7.0% 28.6% 35.3% 0.0% 0.0% skip: 0.5%\n", "[libx264 @ 000001b384b2c7c0] 8x8 transform intra:47.7% inter:40.6%\n", "[libx264 @ 000001b384b2c7c0] coded y,u,v intra: 96.4% 75.6% 78.9% inter: 60.0% 16.3% 16.1%\n", "[libx264 @ 000001b384b2c7c0] i16 v,h,dc,p: 0% 0% 12% 88%\n", "[libx264 @ 000001b384b2c7c0] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 7% 42% 8% 5% 4% 4% 12% 3% 15%\n", "[libx264 @ 000001b384b2c7c0] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 9% 27% 9% 7% 10% 8% 13% 6% 13%\n", "[libx264 @ 000001b384b2c7c0] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000001b384b2c7c0] ref P L0: 86.0% 12.6% 1.2% 0.2%\n", "[libx264 @ 000001b384b2c7c0] kb/s:70.50\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS26/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001e737875980] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001e737875980] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001e737875980] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/17.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 84kB time=00:00:02.00 bitrate= 345.8kbits/s speed=34.5x \n", "video:84kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 1.054514%\n", "[libx264 @ 000001e737875980] frame I:1 Avg QP:18.09 size: 19906\n", "[libx264 @ 000001e737875980] frame P:2 Avg QP:18.81 size: 18136\n", "[libx264 @ 000001e737875980] frame B:2 Avg QP:19.53 size: 14343\n", "[libx264 @ 000001e737875980] consecutive B-frames: 40.0% 0.0% 60.0% 0.0%\n", "[libx264 @ 000001e737875980] mb I I16..4: 0.8% 21.1% 78.1%\n", "[libx264 @ 000001e737875980] mb P I16..4: 0.6% 10.9% 42.6% P16..4: 4.5% 18.2% 23.2% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000001e737875980] mb B I16..4: 0.2% 3.3% 12.1% B16..8: 7.4% 28.9% 44.4% direct: 2.7% skip: 1.0% L0:51.2% L1:25.0% BI:23.7%\n", "[libx264 @ 000001e737875980] 8x8 transform intra:20.7% inter:17.7%\n", "[libx264 @ 000001e737875980] coded y,u,v intra: 91.2% 74.6% 73.1% inter: 83.6% 47.8% 46.7%\n", "[libx264 @ 000001e737875980] i16 v,h,dc,p: 17% 0% 33% 50%\n", "[libx264 @ 000001e737875980] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 48% 11% 12% 2% 2% 10% 3% 8% 4%\n", "[libx264 @ 000001e737875980] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 26% 14% 14% 6% 7% 10% 8% 8% 7%\n", "[libx264 @ 000001e737875980] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000001e737875980] ref P L0: 77.6% 6.8% 15.6%\n", "[libx264 @ 000001e737875980] ref B L0: 85.0% 15.0%\n", "[libx264 @ 000001e737875980] kb/s:135.78\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS28/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000002591f28b000] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000002591f28b000] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000002591f28b000] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/18.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 140kB time=00:00:02.00 bitrate= 575.2kbits/s speed=25.1x \n", "video:140kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.619984%\n", "[libx264 @ 000002591f28b000] frame I:1 Avg QP:19.64 size: 31201\n", "[libx264 @ 000002591f28b000] frame P:4 Avg QP:18.86 size: 27758\n", "[libx264 @ 000002591f28b000] mb I I16..4: 0.4% 47.3% 52.3%\n", "[libx264 @ 000002591f28b000] mb P I16..4: 0.0% 36.0% 57.1% P16..4: 0.1% 3.4% 3.3% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000002591f28b000] 8x8 transform intra:40.5% inter:20.0%\n", "[libx264 @ 000002591f28b000] coded y,u,v intra: 100.0% 34.9% 19.4% inter: 100.0% 0.4% 0.0%\n", "[libx264 @ 000002591f28b000] i16 v,h,dc,p: 0% 100% 0% 0%\n", "[libx264 @ 000002591f28b000] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 13% 16% 27% 7% 5% 4% 7% 7% 14%\n", "[libx264 @ 000002591f28b000] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 10% 11% 23% 10% 7% 7% 9% 10% 13%\n", "[libx264 @ 000002591f28b000] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000002591f28b000] ref P L0: 77.5% 21.8% 0.0% 0.7%\n", "[libx264 @ 000002591f28b000] kb/s:227.57\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS29RL/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000002d797635280] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000002d797635280] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000002d797635280] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/19.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 128kB time=00:00:02.00 bitrate= 523.5kbits/s speed=25.4x \n", "video:127kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.700189%\n", "[libx264 @ 000002d797635280] frame I:1 Avg QP:19.31 size: 30720\n", "[libx264 @ 000002d797635280] frame P:2 Avg QP:17.42 size: 22201\n", "[libx264 @ 000002d797635280] frame B:2 Avg QP:19.87 size: 27085\n", "[libx264 @ 000002d797635280] consecutive B-frames: 40.0% 0.0% 60.0% 0.0%\n", "[libx264 @ 000002d797635280] mb I I16..4: 0.0% 3.5% 96.5%\n", "[libx264 @ 000002d797635280] mb P I16..4: 1.0% 22.3% 57.0% P16..4: 6.6% 4.3% 4.3% 0.0% 0.0% skip: 4.5%\n", "[libx264 @ 000002d797635280] mb B I16..4: 0.6% 4.3% 45.1% B16..8: 9.2% 15.4% 21.2% direct: 1.6% skip: 2.5% L0:35.6% L1:19.8% BI:44.6%\n", "[libx264 @ 000002d797635280] 8x8 transform intra:15.7% inter:14.9%\n", "[libx264 @ 000002d797635280] coded y,u,v intra: 94.8% 63.9% 57.7% inter: 66.6% 30.7% 17.3%\n", "[libx264 @ 000002d797635280] i16 v,h,dc,p: 0% 38% 0% 62%\n", "[libx264 @ 000002d797635280] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 2% 42% 26% 3% 2% 1% 4% 1% 18%\n", "[libx264 @ 000002d797635280] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 7% 24% 16% 6% 10% 6% 13% 6% 14%\n", "[libx264 @ 000002d797635280] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000002d797635280] ref P L0: 75.3% 16.0% 7.1% 1.6%\n", "[libx264 @ 000002d797635280] ref B L0: 88.5% 11.5%\n", "[libx264 @ 000002d797635280] kb/s:206.87\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS2RL/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 00000245abc75280] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 00000245abc75280] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 00000245abc75280] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/20.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 96kB time=00:00:02.00 bitrate= 395.1kbits/s speed=32.1x \n", "video:96kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.905014%\n", "[libx264 @ 00000245abc75280] frame I:1 Avg QP:19.25 size: 24737\n", "[libx264 @ 00000245abc75280] frame P:4 Avg QP:19.00 size: 18122\n", "[libx264 @ 00000245abc75280] mb I I16..4: 1.2% 22.7% 76.2%\n", "[libx264 @ 00000245abc75280] mb P I16..4: 1.5% 31.3% 59.1% P16..4: 2.4% 3.8% 1.9% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 00000245abc75280] 8x8 transform intra:31.7% inter:27.7%\n", "[libx264 @ 00000245abc75280] coded y,u,v intra: 98.3% 63.5% 58.5% inter: 91.9% 20.2% 23.2%\n", "[libx264 @ 00000245abc75280] i16 v,h,dc,p: 6% 28% 11% 56%\n", "[libx264 @ 00000245abc75280] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 21% 23% 14% 5% 5% 7% 7% 8% 11%\n", "[libx264 @ 00000245abc75280] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 24% 22% 12% 6% 6% 7% 7% 7% 9%\n", "[libx264 @ 00000245abc75280] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 00000245abc75280] ref P L0: 85.5% 12.7% 1.2% 0.6%\n", "[libx264 @ 00000245abc75280] kb/s:155.56\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS30/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001c62c478040] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001c62c478040] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001c62c478040] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/21.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 163kB time=00:00:02.00 bitrate= 669.0kbits/s speed=32.4x \n", "video:162kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.544648%\n", "[libx264 @ 000001c62c478040] frame I:2 Avg QP:18.44 size: 38284\n", "[libx264 @ 000001c62c478040] frame P:2 Avg QP:19.15 size: 32164\n", "[libx264 @ 000001c62c478040] frame B:1 Avg QP:19.20 size: 24776\n", "[libx264 @ 000001c62c478040] consecutive B-frames: 60.0% 40.0% 0.0% 0.0%\n", "[libx264 @ 000001c62c478040] mb I I16..4: 0.0% 23.4% 76.6%\n", "[libx264 @ 000001c62c478040] mb P I16..4: 0.0% 29.7% 49.4% P16..4: 2.1% 8.4% 10.4% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000001c62c478040] mb B I16..4: 0.0% 0.0% 9.0% B16..8: 5.5% 41.4% 42.1% direct: 2.0% skip: 0.0% L0:31.5% L1:16.7% BI:51.8%\n", "[libx264 @ 000001c62c478040] 8x8 transform intra:28.9% inter:20.9%\n", "[libx264 @ 000001c62c478040] coded y,u,v intra: 100.0% 87.6% 78.0% inter: 99.2% 31.7% 14.6%\n", "[libx264 @ 000001c62c478040] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 7% 9% 23% 11% 6% 6% 10% 6% 20%\n", "[libx264 @ 000001c62c478040] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 6% 12% 19% 11% 8% 8% 11% 8% 17%\n", "[libx264 @ 000001c62c478040] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000001c62c478040] kb/s:265.08\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS31/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 0000027463de01c0] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 0000027463de01c0] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 0000027463de01c0] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/22.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 171kB time=00:00:02.00 bitrate= 700.9kbits/s speed=30.2x \n", "video:170kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.526654%\n", "[libx264 @ 0000027463de01c0] frame I:1 Avg QP:19.84 size: 33538\n", "[libx264 @ 0000027463de01c0] frame P:1 Avg QP:20.46 size: 37540\n", "[libx264 @ 0000027463de01c0] frame B:3 Avg QP:20.26 size: 34186\n", "[libx264 @ 0000027463de01c0] consecutive B-frames: 20.0% 0.0% 0.0% 80.0%\n", "[libx264 @ 0000027463de01c0] mb I I16..4: 0.4% 12.5% 87.1%\n", "[libx264 @ 0000027463de01c0] mb P I16..4: 0.4% 23.4% 75.4% P16..4: 0.0% 0.4% 0.4% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 0000027463de01c0] mb B I16..4: 0.1% 15.0% 47.0% B16..8: 2.0% 16.8% 18.0% direct: 1.2% skip: 0.0% L0:34.5% L1:14.5% BI:51.0%\n", "[libx264 @ 0000027463de01c0] 8x8 transform intra:21.0% inter:8.2%\n", "[libx264 @ 0000027463de01c0] coded y,u,v intra: 99.2% 80.4% 70.0% inter: 96.9% 29.6% 19.1%\n", "[libx264 @ 0000027463de01c0] i16 v,h,dc,p: 33% 0% 67% 0%\n", "[libx264 @ 0000027463de01c0] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 7% 16% 26% 8% 6% 3% 8% 6% 20%\n", "[libx264 @ 0000027463de01c0] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 9% 13% 19% 9% 7% 7% 12% 6% 19%\n", "[libx264 @ 0000027463de01c0] Weighted P-Frames: Y:100.0% UV:100.0%\n", "[libx264 @ 0000027463de01c0] ref B L0: 98.2% 1.8%\n", "[libx264 @ 0000027463de01c0] ref B L1: 96.3% 3.7%\n", "[libx264 @ 0000027463de01c0] kb/s:277.82\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS32/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001ebb1b511c0] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001ebb1b511c0] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001ebb1b511c0] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/23.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 117kB time=00:00:02.00 bitrate= 477.2kbits/s speed=30.4x \n", "video:116kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.761773%\n", "[libx264 @ 000001ebb1b511c0] frame I:1 Avg QP:17.66 size: 25303\n", "[libx264 @ 000001ebb1b511c0] frame P:2 Avg QP:17.94 size: 24466\n", "[libx264 @ 000001ebb1b511c0] frame B:2 Avg QP:18.32 size: 21750\n", "[libx264 @ 000001ebb1b511c0] consecutive B-frames: 40.0% 0.0% 60.0% 0.0%\n", "[libx264 @ 000001ebb1b511c0] mb I I16..4: 0.4% 30.1% 69.5%\n", "[libx264 @ 000001ebb1b511c0] mb P I16..4: 0.4% 30.7% 56.2% P16..4: 4.7% 4.9% 2.7% 0.0% 0.0% skip: 0.4%\n", "[libx264 @ 000001ebb1b511c0] mb B I16..4: 0.6% 20.9% 46.7% B16..8: 6.1% 12.3% 10.3% direct: 0.8% skip: 2.5% L0:38.2% L1:21.7% BI:40.1%\n", "[libx264 @ 000001ebb1b511c0] 8x8 transform intra:32.4% inter:16.7%\n", "[libx264 @ 000001ebb1b511c0] coded y,u,v intra: 98.2% 46.2% 40.1% inter: 77.0% 40.9% 14.7%\n", "[libx264 @ 000001ebb1b511c0] i16 v,h,dc,p: 0% 33% 17% 50%\n", "[libx264 @ 000001ebb1b511c0] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 11% 9% 23% 8% 10% 11% 5% 13% 11%\n", "[libx264 @ 000001ebb1b511c0] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 9% 13% 15% 10% 11% 10% 11% 8% 12%\n", "[libx264 @ 000001ebb1b511c0] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000001ebb1b511c0] ref P L0: 88.1% 5.6% 6.3%\n", "[libx264 @ 000001ebb1b511c0] ref B L0: 81.7% 18.3%\n", "[libx264 @ 000001ebb1b511c0] kb/s:188.38\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS33/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 0000023dd2c24f40] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 0000023dd2c24f40] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 0000023dd2c24f40] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/24.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 69kB time=00:00:02.00 bitrate= 282.6kbits/s speed=31.7x \n", "video:68kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 1.304978%\n", "[libx264 @ 0000023dd2c24f40] frame I:1 Avg QP:17.62 size: 16818\n", "[libx264 @ 0000023dd2c24f40] frame P:2 Avg QP:16.82 size: 14090\n", "[libx264 @ 0000023dd2c24f40] frame B:2 Avg QP:16.57 size: 12030\n", "[libx264 @ 0000023dd2c24f40] consecutive B-frames: 40.0% 0.0% 60.0% 0.0%\n", "[libx264 @ 0000023dd2c24f40] mb I I16..4: 1.6% 28.5% 69.9%\n", "[libx264 @ 0000023dd2c24f40] mb P I16..4: 3.7% 23.6% 42.6% P16..4: 4.7% 18.4% 7.0% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 0000023dd2c24f40] mb B I16..4: 0.0% 11.7% 25.4% B16..8: 7.0% 33.6% 18.3% direct: 3.7% skip: 0.2% L0:44.5% L1:23.5% BI:32.0%\n", "[libx264 @ 0000023dd2c24f40] 8x8 transform intra:31.6% inter:47.3%\n", "[libx264 @ 0000023dd2c24f40] coded y,u,v intra: 97.9% 66.5% 61.1% inter: 82.3% 24.2% 17.2%\n", "[libx264 @ 0000023dd2c24f40] i16 v,h,dc,p: 9% 61% 9% 22%\n", "[libx264 @ 0000023dd2c24f40] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 24% 21% 16% 7% 4% 6% 6% 6% 10%\n", "[libx264 @ 0000023dd2c24f40] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 39% 12% 10% 5% 6% 12% 4% 7% 5%\n", "[libx264 @ 0000023dd2c24f40] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 0000023dd2c24f40] ref P L0: 73.5% 24.4% 0.6% 1.5%\n", "[libx264 @ 0000023dd2c24f40] ref B L0: 98.3% 1.7%\n", "[libx264 @ 0000023dd2c24f40] kb/s:110.50\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS34RL/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000002c75b5d4840] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000002c75b5d4840] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000002c75b5d4840] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/25.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 84kB time=00:00:02.00 bitrate= 342.2kbits/s speed=17.9x \n", "video:83kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 1.046453%\n", "[libx264 @ 000002c75b5d4840] frame I:1 Avg QP:16.90 size: 19126\n", "[libx264 @ 000002c75b5d4840] frame P:4 Avg QP:17.69 size: 16217\n", "[libx264 @ 000002c75b5d4840] mb I I16..4: 3.9% 48.4% 47.7%\n", "[libx264 @ 000002c75b5d4840] mb P I16..4: 0.7% 13.5% 22.8% P16..4: 8.9% 32.9% 21.3% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 000002c75b5d4840] 8x8 transform intra:41.3% inter:36.5%\n", "[libx264 @ 000002c75b5d4840] coded y,u,v intra: 97.3% 73.9% 74.1% inter: 91.8% 27.4% 27.4%\n", "[libx264 @ 000002c75b5d4840] i16 v,h,dc,p: 76% 0% 6% 18%\n", "[libx264 @ 000002c75b5d4840] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 14% 23% 13% 6% 7% 4% 10% 4% 17%\n", "[libx264 @ 000002c75b5d4840] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 19% 17% 11% 7% 7% 6% 15% 6% 12%\n", "[libx264 @ 000002c75b5d4840] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000002c75b5d4840] ref P L0: 72.9% 22.1% 3.7% 1.2%\n", "[libx264 @ 000002c75b5d4840] kb/s:134.39\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS35RL/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 0000026f3f231080] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 0000026f3f231080] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 0000026f3f231080] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/26.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 72kB time=00:00:02.00 bitrate= 295.1kbits/s speed=32.6x \n", "video:71kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 1.259916%\n", "[libx264 @ 0000026f3f231080] frame I:1 Avg QP:17.63 size: 15326\n", "[libx264 @ 0000026f3f231080] frame P:1 Avg QP:18.37 size: 14402\n", "[libx264 @ 0000026f3f231080] frame B:3 Avg QP:18.22 size: 14154\n", "[libx264 @ 0000026f3f231080] consecutive B-frames: 20.0% 0.0% 0.0% 80.0%\n", "[libx264 @ 0000026f3f231080] mb I I16..4: 3.1% 50.8% 46.1%\n", "[libx264 @ 0000026f3f231080] mb P I16..4: 2.7% 41.8% 52.7% P16..4: 0.8% 0.4% 1.6% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 0000026f3f231080] mb B I16..4: 0.7% 20.3% 32.4% B16..8: 5.9% 21.4% 11.9% direct: 6.9% skip: 0.7% L0:26.6% L1:44.7% BI:28.7%\n", "[libx264 @ 0000026f3f231080] 8x8 transform intra:43.0% inter:49.2%\n", "[libx264 @ 0000026f3f231080] coded y,u,v intra: 97.9% 54.9% 55.1% inter: 93.6% 35.7% 31.9%\n", "[libx264 @ 0000026f3f231080] i16 v,h,dc,p: 15% 65% 5% 15%\n", "[libx264 @ 0000026f3f231080] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 14% 35% 7% 4% 6% 5% 11% 6% 12%\n", "[libx264 @ 0000026f3f231080] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 28% 28% 8% 4% 6% 5% 8% 5% 8%\n", "[libx264 @ 0000026f3f231080] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 0000026f3f231080] ref B L0: 97.5% 2.5%\n", "[libx264 @ 0000026f3f231080] ref B L1: 95.9% 4.1%\n", "[libx264 @ 0000026f3f231080] kb/s:115.50\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS36RL/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 0000011620406840] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 0000011620406840] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 0000011620406840] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/27.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 65kB time=00:00:02.00 bitrate= 266.1kbits/s speed=34.1x \n", "video:64kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 1.399284%\n", "[libx264 @ 0000011620406840] frame I:1 Avg QP:18.00 size: 15274\n", "[libx264 @ 0000011620406840] frame P:1 Avg QP:15.78 size: 10023\n", "[libx264 @ 0000011620406840] frame B:3 Avg QP:17.52 size: 13212\n", "[libx264 @ 0000011620406840] consecutive B-frames: 20.0% 0.0% 0.0% 80.0%\n", "[libx264 @ 0000011620406840] mb I I16..4: 0.8% 38.7% 60.5%\n", "[libx264 @ 0000011620406840] mb P I16..4: 9.8% 47.3% 43.0% P16..4: 0.0% 0.0% 0.0% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 0000011620406840] mb B I16..4: 0.5% 18.1% 29.8% B16..8: 5.7% 27.7% 13.2% direct: 4.7% skip: 0.3% L0:28.4% L1:35.0% BI:36.6%\n", "[libx264 @ 0000011620406840] 8x8 transform intra:40.6% inter:45.3%\n", "[libx264 @ 0000011620406840] coded y,u,v intra: 91.7% 44.5% 40.3% inter: 94.4% 16.2% 11.0%\n", "[libx264 @ 0000011620406840] i16 v,h,dc,p: 77% 3% 13% 6%\n", "[libx264 @ 0000011620406840] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 17% 24% 12% 3% 8% 5% 13% 3% 15%\n", "[libx264 @ 0000011620406840] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 38% 17% 10% 4% 5% 4% 8% 4% 9%\n", "[libx264 @ 0000011620406840] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 0000011620406840] ref B L0: 98.8% 1.2%\n", "[libx264 @ 0000011620406840] ref B L1: 99.5% 0.5%\n", "[libx264 @ 0000011620406840] kb/s:103.89\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS3LR/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 0000022a8f0cfa40] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 0000022a8f0cfa40] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 0000022a8f0cfa40] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/28.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 90kB time=00:00:02.00 bitrate= 367.9kbits/s speed=31.8x \n", "video:89kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.972643%\n", "[libx264 @ 0000022a8f0cfa40] frame I:1 Avg QP:18.10 size: 15391\n", "[libx264 @ 0000022a8f0cfa40] frame P:4 Avg QP:18.81 size: 18757\n", "[libx264 @ 0000022a8f0cfa40] mb I I16..4: 2.3% 51.2% 46.5%\n", "[libx264 @ 0000022a8f0cfa40] mb P I16..4: 0.6% 37.5% 56.4% P16..4: 1.2% 2.1% 2.1% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 0000022a8f0cfa40] 8x8 transform intra:42.1% inter:28.6%\n", "[libx264 @ 0000022a8f0cfa40] coded y,u,v intra: 99.7% 66.8% 71.0% inter: 98.7% 28.1% 40.6%\n", "[libx264 @ 0000022a8f0cfa40] i16 v,h,dc,p: 0% 75% 17% 8%\n", "[libx264 @ 0000022a8f0cfa40] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 15% 31% 9% 5% 7% 8% 6% 8% 10%\n", "[libx264 @ 0000022a8f0cfa40] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 14% 21% 10% 7% 12% 9% 10% 7% 10%\n", "[libx264 @ 0000022a8f0cfa40] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 0000022a8f0cfa40] ref P L0: 61.2% 16.1% 11.2% 11.6%\n", "[libx264 @ 0000022a8f0cfa40] kb/s:144.67\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS4/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 0000024079183280] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 0000024079183280] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 0000024079183280] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/29.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 114kB time=00:00:02.00 bitrate= 467.2kbits/s speed=28.9x \n", "video:113kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.764426%\n", "[libx264 @ 0000024079183280] frame I:1 Avg QP:19.70 size: 23596\n", "[libx264 @ 0000024079183280] frame P:4 Avg QP:19.62 size: 22909\n", "[libx264 @ 0000024079183280] mb I I16..4: 0.0% 31.2% 68.8%\n", "[libx264 @ 0000024079183280] mb P I16..4: 0.1% 29.5% 69.0% P16..4: 0.4% 0.5% 0.5% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 0000024079183280] 8x8 transform intra:30.2% inter:57.1%\n", "[libx264 @ 0000024079183280] coded y,u,v intra: 99.7% 75.1% 74.1% inter: 98.2% 57.1% 57.1%\n", "[libx264 @ 0000024079183280] i16 v,h,dc,p: 0% 0% 0% 100%\n", "[libx264 @ 0000024079183280] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 16% 36% 10% 5% 5% 7% 7% 6% 8%\n", "[libx264 @ 0000024079183280] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 13% 21% 12% 8% 9% 8% 10% 8% 11%\n", "[libx264 @ 0000024079183280] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 0000024079183280] ref P L0: 44.6% 28.6% 19.6% 7.1%\n", "[libx264 @ 0000024079183280] kb/s:184.37\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS5/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 0000016211ac9400] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 0000016211ac9400] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 0000016211ac9400] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/30.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 137kB time=00:00:02.00 bitrate= 561.2kbits/s speed=28.4x \n", "video:136kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.635513%\n", "[libx264 @ 0000016211ac9400] frame I:1 Avg QP:20.05 size: 27908\n", "[libx264 @ 0000016211ac9400] frame P:4 Avg QP:20.07 size: 27708\n", "[libx264 @ 0000016211ac9400] mb I I16..4: 0.8% 7.4% 91.8%\n", "[libx264 @ 0000016211ac9400] mb P I16..4: 1.0% 13.1% 70.2% P16..4: 0.5% 4.6% 10.6% 0.0% 0.0% skip: 0.0%\n", "[libx264 @ 0000016211ac9400] 8x8 transform intra:13.7% inter:6.2%\n", "[libx264 @ 0000016211ac9400] coded y,u,v intra: 99.8% 80.3% 78.2% inter: 99.7% 30.1% 37.3%\n", "[libx264 @ 0000016211ac9400] i16 v,h,dc,p: 0% 0% 25% 75%\n", "[libx264 @ 0000016211ac9400] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 6% 9% 16% 12% 5% 5% 16% 8% 22%\n", "[libx264 @ 0000016211ac9400] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 9% 10% 14% 10% 9% 8% 17% 8% 16%\n", "[libx264 @ 0000016211ac9400] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 0000016211ac9400] ref P L0: 74.1% 19.9% 4.0% 2.0%\n", "[libx264 @ 0000016211ac9400] kb/s:221.99\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS6/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 0000028353904840] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 0000028353904840] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 0000028353904840] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/31.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 48kB time=00:00:02.00 bitrate= 197.4kbits/s speed=32.1x \n", "video:47kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 1.836604%\n", "[libx264 @ 0000028353904840] frame I:2 Avg QP:15.01 size: 10311\n", "[libx264 @ 0000028353904840] frame P:3 Avg QP:16.74 size: 9055\n", "[libx264 @ 0000028353904840] mb I I16..4: 23.4% 9.2% 67.4%\n", "[libx264 @ 0000028353904840] mb P I16..4: 7.2% 5.3% 47.3% P16..4: 12.2% 14.3% 9.4% 0.0% 0.0% skip: 4.3%\n", "[libx264 @ 0000028353904840] 8x8 transform intra:9.1% inter:19.6%\n", "[libx264 @ 0000028353904840] coded y,u,v intra: 66.0% 37.0% 33.6% inter: 44.7% 11.5% 7.2%\n", "[libx264 @ 0000028353904840] i16 v,h,dc,p: 53% 38% 8% 1%\n", "[libx264 @ 0000028353904840] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 16% 18% 47% 3% 8% 1% 2% 1% 4%\n", "[libx264 @ 0000028353904840] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 22% 36% 15% 4% 5% 5% 4% 4% 4%\n", "[libx264 @ 0000028353904840] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 0000028353904840] ref P L0: 73.0% 6.4% 14.5% 6.1%\n", "[libx264 @ 0000028353904840] kb/s:76.46\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS7RL/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 0000018672e24740] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 0000018672e24740] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 0000018672e24740] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/32.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 55kB time=00:00:02.00 bitrate= 224.5kbits/s speed= 27x \n", "video:54kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 1.603620%\n", "[libx264 @ 0000018672e24740] frame I:1 Avg QP:15.90 size: 9993\n", "[libx264 @ 0000018672e24740] frame P:4 Avg QP:16.64 size: 11146\n", "[libx264 @ 0000018672e24740] mb I I16..4: 7.8% 23.4% 68.8%\n", "[libx264 @ 0000018672e24740] mb P I16..4: 8.1% 16.3% 63.2% P16..4: 3.8% 5.3% 3.1% 0.0% 0.0% skip: 0.2%\n", "[libx264 @ 0000018672e24740] 8x8 transform intra:19.7% inter:29.7%\n", "[libx264 @ 0000018672e24740] coded y,u,v intra: 65.4% 44.2% 39.8% inter: 54.9% 25.8% 20.1%\n", "[libx264 @ 0000018672e24740] i16 v,h,dc,p: 53% 34% 10% 3%\n", "[libx264 @ 0000018672e24740] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 30% 36% 18% 2% 1% 3% 2% 3% 4%\n", "[libx264 @ 0000018672e24740] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 26% 35% 11% 4% 5% 7% 5% 4% 4%\n", "[libx264 @ 0000018672e24740] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 0000018672e24740] ref P L0: 73.4% 9.0% 13.6% 4.0%\n", "[libx264 @ 0000018672e24740] kb/s:87.32\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS8RL/0.png\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 0000015564b67e00] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 0000015564b67e00] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 0000015564b67e00] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/33.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 60kB time=00:00:02.00 bitrate= 245.6kbits/s speed=30.6x \n", "video:59kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 1.464221%\n", "[libx264 @ 0000015564b67e00] frame I:1 Avg QP:16.23 size: 10754\n", "[libx264 @ 0000015564b67e00] frame P:4 Avg QP:17.58 size: 12271\n", "[libx264 @ 0000015564b67e00] mb I I16..4: 8.6% 18.0% 73.4%\n", "[libx264 @ 0000015564b67e00] mb P I16..4: 8.4% 10.7% 66.8% P16..4: 6.2% 4.8% 2.6% 0.0% 0.0% skip: 0.4%\n", "[libx264 @ 0000015564b67e00] 8x8 transform intra:13.7% inter:11.1%\n", "[libx264 @ 0000015564b67e00] coded y,u,v intra: 72.6% 46.8% 41.0% inter: 55.4% 12.5% 9.0%\n", "[libx264 @ 0000015564b67e00] i16 v,h,dc,p: 44% 43% 8% 5%\n", "[libx264 @ 0000015564b67e00] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 35% 27% 20% 3% 2% 3% 3% 2% 5%\n", "[libx264 @ 0000015564b67e00] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 22% 38% 11% 4% 4% 6% 4% 5% 5%\n", "[libx264 @ 0000015564b67e00] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 0000015564b67e00] ref P L0: 59.8% 3.0% 23.9% 13.2%\n", "[libx264 @ 0000015564b67e00] kb/s:95.74\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "working image: raw/3dDS9/0.png\n", "minFileCount: 5 folder: 3dDS10\n" ] }, { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, image2, from 'output/tmp/%d.png':\n", " Duration: 00:00:00.20, start: 0.000000, bitrate: N/A\n", " Stream #0:0: Video: png, rgb24(pc, gbr/unknown/unknown), 256x256, 25 fps, 25 tbr, 25 tbn\n", "Stream mapping:\n", " Stream #0:0 -> #0:0 (png (native) -> h264 (libx264))\n", "Press [q] to stop, [?] for help\n", "[libx264 @ 000001e237d533c0] using cpu capabilities: MMX2 SSE2Fast SSSE3 SSE4.2 AVX FMA3 BMI2 AVX2 AVX512\n", "[libx264 @ 000001e237d533c0] profile High 4:4:4 Predictive, level 1.2, 4:4:4, 8-bit\n", "[libx264 @ 000001e237d533c0] 264 - core 164 - H.264/MPEG-4 AVC codec - Copyleft 2003-2023 - http://www.videolan.org/x264.html - options: cabac=1 ref=3 deblock=1:0:0 analyse=0x3:0x113 me=hex subme=7 psy=1 psy_rd=1.00:0.00 mixed_ref=1 me_range=16 chroma_me=1 trellis=1 8x8dct=1 cqm=0 deadzone=21,11 fast_pskip=1 chroma_qp_offset=4 threads=8 lookahead_threads=1 sliced_threads=0 nr=0 decimate=1 interlaced=0 bluray_compat=0 constrained_intra=0 bframes=3 b_pyramid=2 b_adapt=1 b_bias=0 direct=1 weightb=1 open_gop=0 weightp=2 keyint=250 keyint_min=1 scenecut=40 intra_refresh=0 rc_lookahead=40 rc=crf mbtree=1 crf=23.0 qcomp=0.60 qpmin=0 qpmax=69 qpstep=4 ip_ratio=1.40 aq=1:1.00\n", "Output #0, mp4, to 'output/34.mp4':\n", " Metadata:\n", " encoder : Lavf60.4.101\n", " Stream #0:0: Video: h264 (avc1 / 0x31637661), yuv444p(tv, progressive), 256x256, q=2-31, 1 fps, 16384 tbn\n", " Metadata:\n", " encoder : Lavc60.7.100 libx264\n", " Side data:\n", " cpb: bitrate max/min/avg: 0/0/0 buffer size: 0 vbv_delay: N/A\n", "frame= 0 fps=0.0 q=0.0 size= 0kB time=-577014:32:22.77 bitrate= -0.0kbits/s speed=N/A \n", "frame= 5 fps=0.0 q=-1.0 Lsize= 92kB time=00:00:02.00 bitrate= 378.2kbits/s speed= 28x \n", "video:91kB audio:0kB subtitle:0kB other streams:0kB global headers:0kB muxing overhead: 0.946046%\n", "[libx264 @ 000001e237d533c0] frame I:1 Avg QP:17.01 size: 16001\n", "[libx264 @ 000001e237d533c0] frame P:4 Avg QP:17.26 size: 19245\n", "[libx264 @ 000001e237d533c0] mb I I16..4: 7.8% 33.6% 58.6%\n", "[libx264 @ 000001e237d533c0] mb P I16..4: 2.2% 37.3% 46.1% P16..4: 5.2% 5.2% 3.4% 0.0% 0.0% skip: 0.6%\n", "[libx264 @ 000001e237d533c0] 8x8 transform intra:41.3% inter:30.7%\n", "[libx264 @ 000001e237d533c0] coded y,u,v intra: 97.3% 63.6% 57.4% inter: 78.7% 24.1% 19.0%\n", "[libx264 @ 000001e237d533c0] i16 v,h,dc,p: 23% 14% 28% 35%\n", "[libx264 @ 000001e237d533c0] i8 v,h,dc,ddl,ddr,vr,hd,vl,hu: 10% 23% 28% 5% 4% 3% 10% 5% 12%\n", "[libx264 @ 000001e237d533c0] i4 v,h,dc,ddl,ddr,vr,hd,vl,hu: 27% 20% 12% 5% 6% 6% 9% 5% 9%\n", "[libx264 @ 000001e237d533c0] Weighted P-Frames: Y:0.0% UV:0.0%\n", "[libx264 @ 000001e237d533c0] ref P L0: 74.5% 19.7% 3.4% 2.5%\n", "[libx264 @ 000001e237d533c0] kb/s:148.77\n" ] } ], "source": [ "from PIL import Image\n", "from torchvision.transforms.functional import InterpolationMode\n", "import cv2\n", "\n", "testing = False\n", "\n", "count = os.listdir(f'raw')\n", "print(count)\n", "minFileCount = 1000\n", "folder = 1\n", "\n", "# create csv file\n", "import pandas as pd\n", "df = pd.DataFrame(columns=['videoid', 'name', 'page_dir'])\n", "\n", "!rm -rf output\n", "\n", "for i,dirname in enumerate(count):\n", " # get list of images from raw/{i} folder\n", " images = os.listdir(f'raw/{dirname}')\n", " \n", " if len(images) < minFileCount:\n", " minFileCount = len(images)\n", " folder = dirname\n", " \n", " # rename images to 1.jpg, 2.jpg, 3.jpg, etc\n", " for j in range(len(images)):\n", " os.rename(f'raw/{dirname}/{images[j]}', f'raw/{dirname}/{j}.png')\n", " images[j] = f'raw/{dirname}/{j}.png'\n", " \n", " img_file_name = images[0]\n", " \n", " async with aiofiles.open(img_file_name, \"rb\") as input_file:\n", " print(\"working image: \", img_file_name)\n", "\n", " image_bin = await input_file.read()\n", " image = Image.open(io.BytesIO(image_bin))\n", "\n", " if not image.mode == \"RGB\":\n", " image = image.convert(\"RGB\")\n", "\n", " image = load_image(image, device=torch.device(\"cuda\"))\n", " # caption the image\n", " captions = blip_decoder.generate(image, sample=False, num_beams=16, min_length=22, max_length=48, repetition_penalty=1.0)\n", " \n", " isRightToLeft = dirname.endswith(\"RL\")\n", " \n", " if isRightToLeft:\n", " caption = \"camera panning right to left, \" + captions[0]\n", " else:\n", " caption = \"camera panning left to right, \" + captions[0]\n", " # save caption as name to csv file\n", " df.loc[len(df)] = [i, caption, f'raw/{dirname}']\n", " \n", " # print(caption)\n", " \n", " # turn images into video\n", " # Get the images\n", " images = [cv2.imread(image_path) for image_path in images]\n", " # crop image to center square shape using the shortest side\n", " images = [image[:, int((image.shape[1] - image.shape[0]) / 2):int((image.shape[1] + image.shape[0]) / 2)] for image in images]\n", " # resize images to 256x256\n", " images = [cv2.resize(image, (256, 256)) for image in images]\n", " \n", " !rm -rf output\\tmp\n", " !mkdir output\\tmp\n", " \n", " # save frames to output/tmp folder for debugging\n", " for j,image in enumerate(images):\n", " cv2.imwrite(f'output/tmp/{j}.png', image)\n", " \n", " \n", " \n", " !ffmpeg -r 1 -i output/tmp/%d.png -c:v libx264 -vf fps=1 output/{i}.mp4\n", " \n", "\n", " # # Create a video writer\n", " # video_writer = cv2.VideoWriter(f'output/{i}.mp4', cv2.VideoWriter_fourcc(*'MP4V'), 1, (256, 256))\n", " \n", " # # fix moov atom not found error\n", " # # https://stackoverflow.com/questions/30140432/how-to-fix-moov-atom-not-found\n", "\n", " # # Write the images to the video writer\n", " # for image in images:\n", " # video_writer.write(image)\n", " \n", " \n", " # # Close the writer\n", " # video_writer.release()\n", " \n", " \n", " if testing and i > 11:\n", " break\n", " \n", "print(\"minFileCount: \", minFileCount, \"folder: \", folder)\n", " \n", "# save csv file\n", "df.to_csv('output.csv', index=False)" ] }, { "cell_type": "code", "execution_count": 9, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "minFileCount: 5 folder: 3dDS10\n" ] } ], "source": [ "print(\"minFileCount: \", minFileCount, \"folder: \", folder)" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "ffmpeg version N-110126-g4d216654ca-20230330 Copyright (c) 2000-2023 the FFmpeg developers\n", " built with gcc 12.2.0 (crosstool-NG 1.25.0.152_89671bf)\n", " configuration: --prefix=/ffbuild/prefix --pkg-config-flags=--static --pkg-config=pkg-config --cross-prefix=x86_64-w64-mingw32- --arch=x86_64 --target-os=mingw32 --enable-gpl --enable-version3 --disable-debug --disable-w32threads --enable-pthreads --enable-iconv --enable-libxml2 --enable-zlib --enable-libfreetype --enable-libfribidi --enable-gmp --enable-lzma --enable-fontconfig --enable-libvorbis --enable-opencl --disable-libpulse --enable-libvmaf --disable-libxcb --disable-xlib --enable-amf --enable-libaom --enable-libaribb24 --enable-avisynth --enable-chromaprint --enable-libdav1d --enable-libdavs2 --disable-libfdk-aac --enable-ffnvcodec --enable-cuda-llvm --enable-frei0r --enable-libgme --enable-libkvazaar --enable-libass --enable-libbluray --enable-libjxl --enable-libmp3lame --enable-libopus --enable-librist --enable-libssh --enable-libtheora --enable-libvpx --enable-libwebp --enable-lv2 --disable-libmfx --enable-libvpl --enable-openal --enable-libopencore-amrnb --enable-libopencore-amrwb --enable-libopenh264 --enable-libopenjpeg --enable-libopenmpt --enable-librav1e --enable-librubberband --enable-schannel --enable-sdl2 --enable-libsoxr --enable-libsrt --enable-libsvtav1 --enable-libtwolame --enable-libuavs3d --disable-libdrm --disable-vaapi --enable-libvidstab --enable-vulkan --enable-libshaderc --enable-libplacebo --enable-libx264 --enable-libx265 --enable-libxavs2 --enable-libxvid --enable-libzimg --enable-libzvbi --extra-cflags=-DLIBTWOLAME_STATIC --extra-cxxflags= --extra-ldflags=-pthread --extra-ldexeflags= --extra-libs=-lgomp --extra-version=20230330\n", " libavutil 58. 5.100 / 58. 5.100\n", " libavcodec 60. 7.100 / 60. 7.100\n", " libavformat 60. 4.101 / 60. 4.101\n", " libavdevice 60. 2.100 / 60. 2.100\n", " libavfilter 9. 5.100 / 9. 5.100\n", " libswscale 7. 2.100 / 7. 2.100\n", " libswresample 4. 11.100 / 4. 11.100\n", " libpostproc 57. 2.100 / 57. 2.100\n", "Input #0, mov,mp4,m4a,3gp,3g2,mj2, from 'output/0.mp4':\n", " Metadata:\n", " major_brand : isom\n", " minor_version : 512\n", " compatible_brands: isomiso2avc1mp41\n", " encoder : Lavf60.4.101\n", " Duration: 00:00:06.00, start: 0.000000, bitrate: 169 kb/s\n", " Stream #0:0[0x1](und): Video: h264 (High 4:4:4 Predictive) (avc1 / 0x31637661), yuv444p(progressive), 256x256, 168 kb/s, 1 fps, 1 tbr, 16384 tbn (default)\n", " Metadata:\n", " handler_name : VideoHandler\n", " vendor_id : [0][0][0][0]\n", " encoder : Lavc60.7.100 libx264\n", "At least one output file must be specified\n" ] } ], "source": [ "!ffmpeg -i output/0.mp4" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "config_yaml = f\"\"\"\n", "City:\n", " base: \"\"\n", " path: \"\"\n", " motion_module:\n", " - \"/mm.pth\"\n", "\n", "\n", " seed: [1]\n", " steps: 50\n", " guidance_scale: 16\n", "\n", " prompt:\n", " - f\"{test_prompt}, masterpiece, best quality, empty New York City street, tall buildings, no people, high definition\"\n", "\n", " n_prompt:\n", " - \"\"\n", "\"\"\"\n", "\n", "with open(f'configs/prompts/.yaml', 'w') as f:\n", " f.write(config_yaml)" ] } ], "metadata": { "kernelspec": { "display_name": "animatediff", "language": "python", "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", "version": "3.10.13" } }, "nbformat": 4, "nbformat_minor": 2 }