diff --git a/.gitignore b/.gitignore index e9a537e..0a933fc 100644 --- a/.gitignore +++ b/.gitignore @@ -16,5 +16,5 @@ .DS_Store # Temp - +BuildDetails/202412wip diff --git a/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/BuildInfo.txt b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/BuildInfo.txt new file mode 100644 index 0000000..da3cb6d --- /dev/null +++ b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/BuildInfo.txt @@ -0,0 +1,17 @@ + +CTPO_FROM=nvidia/cuda:12.5.1-devel-ubuntu24.04 +CTPO_BUILD=GPU +CTPO_TENSORFLOW_VERSION=None +CTPO_PYTORCH_VERSION=2.5.1 +CTPO_CUDA_VERSION=12.5.1 +CTPO_OPENCV_VERSION=4.10.0 +CTPO_RELEASE=20241219 +FOUND_UBUNTU=24.04 +OpenCV_Built=4.10.0 +CUDA_found=12.5.82 +cuDNN_found=9.3.0 +FFmpeg_Built=7.1 +Torch_Built=2.5.1 +TorchVision_Built=0.20.0 +TorchAudio_Built=2.5.0 +TorchData_Built=0.9.0 diff --git a/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/Dockerfile b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/Dockerfile new file mode 100644 index 0000000..c01d52d --- /dev/null +++ b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/Dockerfile @@ -0,0 +1,417 @@ +##### Splitting installation into controlled parts: +## - Base container setup (all apt-get + system + ldd extension) +## - Python pip3 preparation + First batch of python tools installs +## - Tensorflow build and install (optional) +## - FFmpeg build and install +## - OpenCV build and install (using FFmpeg) +## - Additional python tools installs +## - Magma build and install (GPU only, optional) +## - PyTorch (+ vison + audio) build and install (using FFmpeg + OpenCV, optional) +## - Final steps: /iti setup, ... + +# The idea is to have a base Dockerfile that will be tailored to specific builds +# so that each build has their own final Dockerfile available for inspection + +ARG CTPO_FROM=nvidia/cuda:12.5.1-devel-ubuntu24.04 +FROM ${CTPO_FROM} + +# Adapted from https://gitlab.com/nvidia/container-images/cuda/-/blob/master/dist/12.2.2/ubuntu2204/devel/cudnn8/Dockerfile +ENV NV_CUDNN_VERSION=9.3.0.75-1 +ENV NV_CUDNN_PACKAGE_BASENAME="libcudnn9" +ENV NV_CUDA_ADD=cuda-12 +ENV NV_CUDNN_PACKAGE="$NV_CUDNN_PACKAGE_BASENAME-$NV_CUDA_ADD=$NV_CUDNN_VERSION" +ENV NV_CUDNN_PACKAGE_DEV="$NV_CUDNN_PACKAGE_BASENAME-dev-$NV_CUDA_ADD=$NV_CUDNN_VERSION" +LABEL com.nvidia.cudnn.version="${NV_CUDNN_VERSION}" + +RUN apt-get update && apt-get install -y --no-install-recommends \ + ${NV_CUDNN_PACKAGE} \ + ${NV_CUDNN_PACKAGE_DEV} \ + && apt-mark hold ${NV_CUDNN_PACKAGE_BASENAME}-${NV_CUDA_ADD} + +ARG CTPO_NUMPROC=32 + +##### Base + +# Install system packages +ENV DEBIAN_FRONTEND=noninteractive +RUN apt-get update -y --fix-missing\ + && apt-get install -y \ + apt-utils \ + locales \ + wget \ + ca-certificates \ + && apt-get clean + +# UTF-8 +RUN localedef -i en_US -c -f UTF-8 -A /usr/share/locale/locale.alias en_US.UTF-8 +ENV LANG=en_US.utf8 + +# Install system packages +RUN apt-get install -y \ + # Base + build-essential \ + checkinstall \ + cmake \ + curl \ + g++ \ + gcc \ + git \ + ninja-build \ + perl \ + patchelf \ + pkg-config \ + protobuf-compiler \ + python3-dev \ + rsync \ + time \ + unzip \ + wget \ + zip \ + zlib1g \ + zlib1g-dev \ + # OpenCV + doxygen \ + file \ + gfortran \ + gnupg \ + gstreamer1.0-plugins-good \ + imagemagick \ + libatk-adaptor \ + libatlas-base-dev \ + libboost-all-dev \ + libcanberra-gtk-module \ + libdc1394-dev \ + libeigen3-dev \ + libfaac-dev \ + libfreetype6-dev \ + libgflags-dev \ + libglew-dev \ + libglu1-mesa \ + libglu1-mesa-dev \ + libgoogle-glog-dev \ + libgphoto2-dev \ + libgstreamer1.0-dev \ + libgstreamer-plugins-bad1.0-0 \ + libgstreamer-plugins-base1.0-dev \ + libgtk2.0-dev \ + libgtk-3-dev \ + libhdf5-dev \ + libhdf5-serial-dev \ + libjpeg-dev \ + liblapack-dev \ + libmp3lame-dev \ + libopenblas-dev \ + libopencore-amrnb-dev \ + libopencore-amrwb-dev \ + libopenjp2-7 \ + libopenjp2-7-dev \ + libopenjp2-tools \ + libopenjpip-server \ + libpng-dev \ + libpostproc-dev \ + libprotobuf-dev \ + libtbbmalloc2 \ + libtbb-dev \ + libtheora-dev \ + libtiff5-dev \ + libv4l-dev \ + libvorbis-dev \ + libwebp-dev \ + libx264-dev \ + libx265-dev \ + libxi-dev \ + libxine2-dev \ + libxmu-dev \ + libxvidcore-dev \ + libzmq3-dev \ + v4l-utils \ + x11-apps \ + x264 \ + yasm \ + # Torch + libomp-dev \ + libsox-dev \ + libsox-fmt-all \ + libsphinxbase-dev \ + sphinxbase-utils \ + # FFMpeg (source install, do not install packages: libavcodec-dev libavformat-dev libavresample-dev libavutil-dev libswscale-dev) + libass-dev \ + libc6 \ + libc6-dev \ + libnuma1 \ + libnuma-dev \ + libopus-dev \ + libtool \ + libvpx-dev \ + && apt-get clean + +# No Additional CUDA apt installs + + + +ENV CTPO_CLANG_VERSION=17 +RUN apt-get install -y lsb-release software-properties-common gnupg \ + && mkdir /tmp/clang \ + && cd /tmp/clang \ + && wget https://apt.llvm.org/llvm.sh \ + && chmod +x llvm.sh \ + && ./llvm.sh ${CTPO_CLANG_VERSION} \ + && cd / \ + && rm -rf /tmp/clang +RUN which clang-${CTPO_CLANG_VERSION} \ + && which clang++-${CTPO_CLANG_VERSION} \ + && clang-${CTPO_CLANG_VERSION} --version \ + && clang++-${CTPO_CLANG_VERSION} --version + +ENV CTPO_BUILD=GPU +RUN touch /tmp/.${CTPO_BUILD}_build + +# - Avoid "RPC failed; curl 56 GnuTLS" issue on some pulls, while keeping the system installed git +# - Some tools expect a "python" binary +# - Prepare ldconfig +RUN git config --global http.postBuffer 1048576000 \ + && mkdir -p /usr/local/bin && ln -s $(which python3) /usr/local/bin/python \ + && mkdir -p /usr/local/lib && sh -c 'echo "/usr/local/lib" >> /etc/ld.so.conf.d/usrlocallib.conf' && ldconfig + +ENV LD_LIBRARY_PATH=/usr/local/lib:$LD_LIBRARY_PATH + +# Misc GPU fixes +RUN cd /usr/local \ + && if [ -e cuda ]; then if [ ! -e nvidia ]; then ln -s cuda nvidia; fi; fi \ + && tmp="/usr/local/cuda/extras/CUPTI/lib64" \ + && if [ -d $tmp ]; then \ + echo $tmp >> /etc/ld.so.conf.d/nvidia-cupti.conf; \ + ldconfig; \ + echo "***** CUPTI added to LD path"; \ + fi + + +# Setup pip +RUN mv /usr/lib/python3.12/EXTERNALLY-MANAGED /usr/lib/python3.12/EXTERNALLY-MANAGED.old \ + && wget -q -O /tmp/get-pip.py --no-check-certificate https://bootstrap.pypa.io/get-pip.py \ + && python3 /tmp/get-pip.py \ + && pip3 install -U pip \ + && rm /tmp/get-pip.py + +# No TensorRT support + +# Install Python tools (for buiding) +RUN pip3 install -U --ignore-installed \ + # Base + cmake \ + future \ + mkl \ + mkl-include \ + mock \ + numpy \ + opt_einsum \ + packaging \ + pyyaml \ + requests \ + setuptools \ + six \ + wheel \ + # OpenCV + lxml \ + Pillow \ + # Torch + cffi \ + typing \ + ninja \ + # Extra + scikit-image \ + scikit-learn \ + matplotlib \ + moviepy \ + pandas \ + mkl-static mkl-include \ + # No keras + && rm -rf /root/.cache/pip + +# No TensorFlow build +RUN echo "No TensorFlow built" > /tmp/tf_env.dump + + +##### FFMPEG + +ENV CTPO_FFMPEG_VERSION=7.1 +ENV CTPO_FFMPEG_NVCODEC=12.2.72.0 +ENV CTPO_FFMPEG_NONFREE="" +RUN mkdir -p /usr/local/src/builder \ + && cd /usr/local/src \ + && wget -q https://github.com/FFmpeg/nv-codec-headers/archive/refs/tags/n${CTPO_FFMPEG_NVCODEC}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder \ + && cd /usr/local/src/builder \ + && make install \ + && rm -rf /usr/local/src/builder +RUN mkdir -p /usr/local/src/builder \ + && cd /usr/local/src \ + && wget -q https://ffmpeg.org/releases/ffmpeg-${CTPO_FFMPEG_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder \ + && cd /usr/local/src/builder \ + && time ./configure --enable-cuda --enable-cuvid --enable-nvdec --enable-nvenc ${CTPO_FFMPEG_NONFREE} --extra-cflags="-I/usr/local/cuda/include/ -fPIC" --extra-ldflags="-L/usr/local/cuda/lib64/ -Wl,-Bsymbolic" --enable-shared --disable-static --enable-gpl --enable-libv4l2 --enable-libvorbis --enable-libvpx --enable-libwebp --enable-libxvid --enable-libopus --enable-pic --enable-libass --enable-libx264 --enable-libx265 | tee /tmp/ffmpeg_config.txt \ + && make -j${CTPO_NUMPROC} install \ + && ldconfig \ + && rm -rf /usr/local/src/builder +# From https://docs.nvidia.com/video-technologies/video-codec-sdk/ffmpeg-with-nvidia-gpu/#basic-testing +# GPU Testing: ffmpeg -y -vsync 0 -hwaccel cuda -hwaccel_output_format cuda -i input.mp4 -c:a copy -c:v h264_nvenc -b:v 5M output.mp4 +# GPU Testing: ffmpeg -y -vsync 0 -hwaccel cuvid -c:v h264_cuvid -i in.mp4 -c:v hevc_nvenc out.mkv + +RUN echo "${CTPO_FFMPEG_VERSION}" > /tmp/.ffmpeg_built + +#### OpenCV + +# Download & Build OpenCV in same RUN +## FYI: We are removing the OpenCV source and build directory in /usr/local/src to attempt to save additional disk space +# Comment the last line if you want to rerun cmake with additional/modified options. For example: +# cd /usr/local/src/opencv/build +# cmake -DOPENCV_ENABLE_NONFREE=ON -DBUILD_EXAMPLES=ON -DBUILD_DOCS=ON -DBUILD_TESTS=ON -DBUILD_PERF_TESTS=ON .. && make install +ENV CTPO_OPENCV_VERSION=4.10.0 +ENV CTPO_OPENCV_CUDA="-D WITH_CUDA=ON -D CUDA_TOOLKIT_ROOT_DIR=/usr/local/cuda -D CMAKE_LIBRARY_PATH=/usr/local/cuda/lib64/stubs -D CUDA_FAST_MATH=1 -D WITH_CUBLAS=1 -D WITH_NVCUVID=1 -DCUDA_ARCH_BIN=6.0,6.1,7.0,7.5,8.0,8.6,8.9,9.0 -DCUDA_ARCH_PTX=6.0,6.1,7.0,7.5,8.0,8.6,8.9,9.0" +ENV CTPO_OPENCV_NONFREE="" +RUN mkdir -p /usr/local/src/opencv/build /usr/local/src/opencv_contrib \ + && cd /usr/local/src \ + && wget -q https://github.com/opencv/opencv/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv \ + && wget -q https://github.com/opencv/opencv_contrib/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv_contrib \ + && cd /usr/local/src/opencv/build \ + && time cmake \ + -DBUILD_DOCS=0 \ + -DBUILD_EXAMPLES=0 \ + -DBUILD_PERF_TESTS=0 \ + -DBUILD_TESTS=0 \ + -DBUILD_opencv_python2=0 \ + -DBUILD_opencv_python3=1 \ + -DCMAKE_BUILD_TYPE=Release \ + -DCMAKE_INSTALL_PREFIX=$(python3 -c "import sys; print(sys.prefix)") \ + -DOPENCV_PYTHON3_INSTALL_PATH=$(python3 -c "from distutils.sysconfig import get_python_lib; print(get_python_lib())") \ + -DPYTHON_EXECUTABLE=$(which python3) \ + -DCMAKE_INSTALL_TYPE=Release \ + -DENABLE_FAST_MATH=1 \ + -DFORCE_VTK=1 \ + -DINSTALL_C_EXAMPLES=0 \ + -DINSTALL_PYTHON_EXAMPLES=0 \ + -DOPENCV_EXTRA_MODULES_PATH=/usr/local/src/opencv_contrib/modules \ + -DOPENCV_GENERATE_PKGCONFIG=1 \ + -DOPENCV_PC_FILE_NAME=opencv.pc \ + -DWITH_CSTRIPES=1 \ + -DWITH_EIGEN=1 \ + -DWITH_GDAL=1 \ + -DWITH_GSTREAMER=1 \ + -DWITH_GSTREAMER_0_10=OFF \ + -DWITH_GTK=1 \ + -DWITH_IPP=1 \ + -DWITH_OPENCL=1 \ + -DWITH_OPENMP=1 \ + -DWITH_TBB=1 \ + -DWITH_V4L=1 \ + -DWITH_WEBP=1 \ + -DWITH_XINE=1 \ + ${CTPO_OPENCV_CUDA} \ + ${CTPO_OPENCV_NONFREE} \ + -GNinja \ + .. \ + && time ninja install \ + && ldconfig \ + && rm -rf /usr/local/src/opencv /usr/local/src/opencv_contrib + +RUN python3 -c 'import cv2; print(f"{cv2.__version__}")' > /tmp/.opencv_built + +##### Magma (for PyTorch GPU only) + +ENV CTPO_MAGMA=2.8.0 +ENV CTPO_MAGMA_ARCH="Pascal Volta Turing Ampere Hopper" +RUN mkdir -p /usr/local/src/builder/build; \ + cd /usr/local/src; \ + wget -q http://icl.utk.edu/projectsfiles/magma/downloads/magma-${CTPO_MAGMA}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder; \ + cd /usr/local/src/builder/build; \ + time cmake -DGPU_TARGET="${CTPO_MAGMA_ARCH}" ..; \ + time make -j${CTPO_NUMPROC} install; \ + rm -rf /usr/local/src/magma /usr/local/src/builder + +##### Torch (using FFMpeg + OpenCV + Magma [GPU only]) + +ENV CTPO_TORCH_CUDA_ARCH="6.0 6.1 7.0 7.5 8.0 8.6 8.9 9.0+PTX" + +ENV CTPO_TORCH=2.5.1 +# For details on the TORCH_CUDA_ARCH_LIST, see https://pytorch.org/docs/stable/cpp_extension.html +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCH} https://github.com/pytorch/pytorch.git \ + && cd /usr/local/src/pytorch \ + && pip3 install -r requirements.txt \ + && time env PYTORCH_BUILD_VERSION=${CTPO_TORCH} PYTORCH_BUILD_NUMBER=0 USE_CUDA=1 USE_CUDNN=1 CAFFE2_USE_CUDNN=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" USE_MKLDNN=1 USE_FFMPEG=1 USE_OPENCV=1 python3 ./setup.py bdist_wheel | tee /tmp/torch_config.txt \ + && time pip3 install /usr/local/src/pytorch/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torch_config.txt \ + && sh -c "cmp --silent torch_config.txt torch_config.txt.bak && exit 1 || rm torch_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/pytorch + +RUN python3 -c 'import torch; print(f"{torch.__version__}")' > /tmp/.torch_built + +# Note: NOT building with Video Codec SDK as it requires an Nvidia account +ENV CTPO_TORCHVISION=0.20.0 +# setup.py options from https://github.com/pytorch/vision/blob/main/setup.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHVISION} https://github.com/pytorch/vision.git \ + && cd /usr/local/src/vision \ + && time env BUILD_VERSION=${CTPO_TORCHVISION} FORCE_CUDA=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" TORCHVISION_USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchvision_config.txt \ + && time pip3 install /usr/local/src/vision/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^running bdist_wheel%' torchvision_config.txt \ + && sh -c "cmp --silent torchvision_config.txt torchvision_config.txt.bak && exit 1 || rm torchvision_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/vision + +RUN python3 -c 'import torchvision; print(f"{torchvision.__version__}")' > /tmp/.torchvision_built + +ENV CTPO_TORCHAUDIO=2.5.0 +# Need to patch torchaudio https://github.com/pytorch/audio/pull/3811 +COPY torchaudio.patch /tmp/torchaudio.patch +# setup.py options from https://github.com/pytorch/audio/blob/main/tools/setup_helpers/extension.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHAUDIO} https://github.com/pytorch/audio.git \ + && cd /usr/local/src/audio \ + && patch -p1 < /tmp/torchaudio.patch \ + && time env BUILD_VERSION=${CTPO_TORCHAUDIO} USE_CUDA=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchaudio_config.txt \ + && time pip3 install /usr/local/src/audio/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torchaudio_config.txt \ + && sh -c "cmp --silent torchaudio_config.txt torchaudio_config.txt.bak && exit 1 || rm torchaudio_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/audio + +RUN python3 -c 'import torchaudio; print(f"{torchaudio.__version__}")' > /tmp/.torchaudio_built + +ENV CTPO_TORCHDATA=0.9.0 +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHDATA} https://github.com/pytorch/data.git \ + && cd /usr/local/src/data \ + && BUILD_VERSION=${CTPO_TORCHDATA} pip3 install . | tee /tmp/torchdata_config.txt \ + && rm -rf /root/.cache/pip /usr/local/src/data + +RUN python3 -c 'import torchdata; print(f"{torchdata.__version__}")' > /tmp/.torchdata_built + +##### Final steps + +# Add Jupyter lab & venv requirements +RUN apt-get install -y python3-venv \ + && pip3 install -U jupyterlab +# https://jupyterlab.readthedocs.io/en/stable/getting_started/changelog.html +# with v4 extensions are installed using the extension manager, see https://jupyterlab.readthedocs.io/en/stable/user/extensions.html#id11 + +RUN touch /.within_container +COPY withincontainer_checker.sh /tmp/withincontainer_checker.sh +RUN chmod +x /tmp/withincontainer_checker.sh \ + && /tmp/withincontainer_checker.sh + +# Setting up working directory +RUN mkdir /iti +WORKDIR /iti + +# Uncomment as needed +#ENV NVIDIA_VISIBLE_DEVICES all +#ENV NVIDIA_DRIVER_CAPABILITIES video,compute,utility + +CMD ["/bin/bash"] \ No newline at end of file diff --git a/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/FFmpeg--Details.txt b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/FFmpeg--Details.txt new file mode 100644 index 0000000..1100701 --- /dev/null +++ b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/FFmpeg--Details.txt @@ -0,0 +1,727 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_pytorch_opencv:12.5.1_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** FFmpeg configuration: +install prefix /usr/local +source path . +C compiler gcc +C library glibc +ARCH x86 (generic) +big-endian no +runtime cpu detection yes +standalone assembly yes +x86 assembler yasm +MMX enabled yes +MMXEXT enabled yes +3DNow! enabled yes +3DNow! extended enabled yes +SSE enabled yes +SSSE3 enabled yes +AESNI enabled yes +AVX enabled yes +AVX2 enabled yes +AVX-512 enabled yes +AVX-512ICL enabled yes +XOP enabled yes +FMA3 enabled yes +FMA4 enabled yes +i686 features enabled yes +CMOV is fast yes +EBX available yes +EBP available yes +debug symbols yes +strip symbols yes +optimize for size no +optimizations yes +static no +shared yes +postprocessing support yes +network support yes +threading support pthreads +safe bitstream reader yes +texi2html enabled no +perl enabled yes +pod2man enabled yes +makeinfo enabled no +makeinfo supports HTML no +xmllint enabled yes + +External libraries: +bzlib libvorbis libxcb +iconv libvpx libxcb_shm +libass libwebp libxvid +libopus libx264 lzma +libv4l2 libx265 zlib + +External libraries providing hardware acceleration: +cuda libdrm v4l2_m2m +cuvid nvdec +ffnvcodec nvenc + +Libraries: +avcodec avformat swresample +avdevice avutil swscale +avfilter postproc + +Programs: +ffmpeg ffprobe + +Enabled decoders: +aac fourxm pgmyuv +aac_fixed fraps pgssub +aac_latm frwu pgx +aasc ftr phm +ac3 g2m photocd +ac3_fixed g723_1 pictor +acelp_kelvin g729 pixlet +adpcm_4xm gdv pjs +adpcm_adx gem png +adpcm_afc gif ppm +adpcm_agm gremlin_dpcm prores +adpcm_aica gsm prosumer +adpcm_argo gsm_ms psd +adpcm_ct h261 ptx +adpcm_dtk h263 qcelp +adpcm_ea h263_v4l2m2m qdm2 +adpcm_ea_maxis_xa h263i qdmc +adpcm_ea_r1 h263p qdraw +adpcm_ea_r2 h264 qoa +adpcm_ea_r3 h264_cuvid qoi +adpcm_ea_xas h264_v4l2m2m qpeg +adpcm_g722 hap qtrle +adpcm_g726 hca r10k +adpcm_g726le hcom r210 +adpcm_ima_acorn hdr ra_144 +adpcm_ima_alp hevc ra_288 +adpcm_ima_amv hevc_cuvid ralf +adpcm_ima_apc hevc_v4l2m2m rasc +adpcm_ima_apm hnm4_video rawvideo +adpcm_ima_cunning hq_hqa realtext +adpcm_ima_dat4 hqx rka +adpcm_ima_dk3 huffyuv rl2 +adpcm_ima_dk4 hymt roq +adpcm_ima_ea_eacs iac roq_dpcm +adpcm_ima_ea_sead idcin rpza +adpcm_ima_iss idf rscc +adpcm_ima_moflex iff_ilbm rtv1 +adpcm_ima_mtf ilbc rv10 +adpcm_ima_oki imc rv20 +adpcm_ima_qt imm4 rv30 +adpcm_ima_rad imm5 rv40 +adpcm_ima_smjpeg indeo2 s302m +adpcm_ima_ssi indeo3 sami +adpcm_ima_wav indeo4 sanm +adpcm_ima_ws indeo5 sbc +adpcm_ms interplay_acm scpr +adpcm_mtaf interplay_dpcm screenpresso +adpcm_psx interplay_video sdx2_dpcm +adpcm_sbpro_2 ipu sga +adpcm_sbpro_3 jacosub sgi +adpcm_sbpro_4 jpeg2000 sgirle +adpcm_swf jpegls sheervideo +adpcm_thp jv shorten +adpcm_thp_le kgv1 simbiosis_imx +adpcm_vima kmvc sipr +adpcm_xa lagarith siren +adpcm_xmd lead smackaud +adpcm_yamaha libopus smacker +adpcm_zork libvorbis smc +agm libvpx_vp8 smvjpeg +aic libvpx_vp9 snow +alac loco sol_dpcm +alias_pix lscr sonic +als m101 sp5x +amrnb mace3 speedhq +amrwb mace6 speex +amv magicyuv srgc +anm mdec srt +ansi media100 ssa +anull metasound stl +apac microdvd subrip +ape mimic subviewer +apng misc4 subviewer1 +aptx mjpeg sunrast +aptx_hd mjpeg_cuvid svq1 +arbc mjpegb svq3 +argo mlp tak +ass mmvideo targa +asv1 mobiclip targa_y216 +asv2 motionpixels tdsc +atrac1 movtext text +atrac3 mp1 theora +atrac3al mp1float thp +atrac3p mp2 tiertexseqvideo +atrac3pal mp2float tiff +atrac9 mp3 tmv +aura mp3adu truehd +aura2 mp3adufloat truemotion1 +av1 mp3float truemotion2 +av1_cuvid mp3on4 truemotion2rt +avrn mp3on4float truespeech +avrp mpc7 tscc +avs mpc8 tscc2 +avui mpeg1_cuvid tta +bethsoftvid mpeg1_v4l2m2m twinvq +bfi mpeg1video txd +bink mpeg2_cuvid ulti +binkaudio_dct mpeg2_v4l2m2m utvideo +binkaudio_rdft mpeg2video v210 +bintext mpeg4 v210x +bitpacked mpeg4_cuvid v308 +bmp mpeg4_v4l2m2m v408 +bmv_audio mpegvideo v410 +bmv_video mpl2 vb +bonk msa1 vble +brender_pix mscc vbn +c93 msmpeg4v1 vc1 +cavs msmpeg4v2 vc1_cuvid +cbd2_dpcm msmpeg4v3 vc1_v4l2m2m +ccaption msnsiren vc1image +cdgraphics msp2 vcr1 +cdtoons msrle vmdaudio +cdxl mss1 vmdvideo +cfhd mss2 vmix +cinepak msvideo1 vmnc +clearvideo mszh vnull +cljr mts2 vorbis +cllc mv30 vp3 +comfortnoise mvc1 vp4 +cook mvc2 vp5 +cpia mvdv vp6 +cri mvha vp6a +cscd mwsc vp6f +cyuv mxpeg vp7 +dca nellymoser vp8 +dds notchlc vp8_cuvid +derf_dpcm nuv vp8_v4l2m2m +dfa on2avc vp9 +dfpwm opus vp9_cuvid +dirac osq vp9_v4l2m2m +dnxhd paf_audio vplayer +dolby_e paf_video vqa +dpx pam vqc +dsd_lsbf pbm vvc +dsd_lsbf_planar pcm_alaw wady_dpcm +dsd_msbf pcm_bluray wavarc +dsd_msbf_planar pcm_dvd wavpack +dsicinaudio pcm_f16le wbmp +dsicinvideo pcm_f24le wcmv +dss_sp pcm_f32be webp +dst pcm_f32le webvtt +dvaudio pcm_f64be wmalossless +dvbsub pcm_f64le wmapro +dvdsub pcm_lxf wmav1 +dvvideo pcm_mulaw wmav2 +dxa pcm_s16be wmavoice +dxtory pcm_s16be_planar wmv1 +dxv pcm_s16le wmv2 +eac3 pcm_s16le_planar wmv3 +eacmv pcm_s24be wmv3image +eamad pcm_s24daud wnv1 +eatgq pcm_s24le wrapped_avframe +eatgv pcm_s24le_planar ws_snd1 +eatqi pcm_s32be xan_dpcm +eightbps pcm_s32le xan_wc3 +eightsvx_exp pcm_s32le_planar xan_wc4 +eightsvx_fib pcm_s64be xbin +escape124 pcm_s64le xbm +escape130 pcm_s8 xface +evrc pcm_s8_planar xl +exr pcm_sga xma1 +fastaudio pcm_u16be xma2 +ffv1 pcm_u16le xpm +ffvhuff pcm_u24be xsub +ffwavesynth pcm_u24le xwd +fic pcm_u32be y41p +fits pcm_u32le ylc +flac pcm_u8 yop +flashsv pcm_vidc yuv4 +flashsv2 pcx zero12v +flic pdv zerocodec +flv pfm zlib +fmvc pgm zmbv + +Enabled encoders: +a64multi hevc_v4l2m2m pgm +a64multi5 huffyuv pgmyuv +aac jpeg2000 phm +ac3 jpegls png +ac3_fixed libopus ppm +adpcm_adx libvorbis prores +adpcm_argo libvpx_vp8 prores_aw +adpcm_g722 libvpx_vp9 prores_ks +adpcm_g726 libwebp qoi +adpcm_g726le libwebp_anim qtrle +adpcm_ima_alp libx264 r10k +adpcm_ima_amv libx264rgb r210 +adpcm_ima_apm libx265 ra_144 +adpcm_ima_qt libxvid rawvideo +adpcm_ima_ssi ljpeg roq +adpcm_ima_wav magicyuv roq_dpcm +adpcm_ima_ws mjpeg rpza +adpcm_ms mlp rv10 +adpcm_swf movtext rv20 +adpcm_yamaha mp2 s302m +alac mp2fixed sbc +alias_pix mpeg1video sgi +amv mpeg2video smc +anull mpeg4 snow +apng mpeg4_v4l2m2m sonic +aptx msmpeg4v2 sonic_ls +aptx_hd msmpeg4v3 speedhq +ass msrle srt +asv1 msvideo1 ssa +asv2 nellymoser subrip +av1_nvenc opus sunrast +avrp pam svq1 +avui pbm targa +bitpacked pcm_alaw text +bmp pcm_bluray tiff +cfhd pcm_dvd truehd +cinepak pcm_f32be tta +cljr pcm_f32le ttml +comfortnoise pcm_f64be utvideo +dca pcm_f64le v210 +dfpwm pcm_mulaw v308 +dnxhd pcm_s16be v408 +dpx pcm_s16be_planar v410 +dvbsub pcm_s16le vbn +dvdsub pcm_s16le_planar vc2 +dvvideo pcm_s24be vnull +dxv pcm_s24daud vorbis +eac3 pcm_s24le vp8_v4l2m2m +exr pcm_s24le_planar wavpack +ffv1 pcm_s32be wbmp +ffvhuff pcm_s32le webvtt +fits pcm_s32le_planar wmav1 +flac pcm_s64be wmav2 +flashsv pcm_s64le wmv1 +flashsv2 pcm_s8 wmv2 +flv pcm_s8_planar wrapped_avframe +g723_1 pcm_u16be xbm +gif pcm_u16le xface +h261 pcm_u24be xsub +h263 pcm_u24le xwd +h263_v4l2m2m pcm_u32be y41p +h263p pcm_u32le yuv4 +h264_nvenc pcm_u8 zlib +h264_v4l2m2m pcm_vidc zmbv +hdr pcx +hevc_nvenc pfm + +Enabled hwaccels: +av1_nvdec mpeg1_nvdec vp8_nvdec +h264_nvdec mpeg2_nvdec vp9_nvdec +hevc_nvdec mpeg4_nvdec wmv3_nvdec +mjpeg_nvdec vc1_nvdec + +Enabled parsers: +aac dvdsub mpegaudio +aac_latm evc mpegvideo +ac3 flac opus +adx ftr png +amr g723_1 pnm +av1 g729 qoi +avs2 gif rv34 +avs3 gsm sbc +bmp h261 sipr +cavsvideo h263 tak +cook h264 vc1 +cri hdr vorbis +dca hevc vp3 +dirac ipu vp8 +dnxhd jpeg2000 vp9 +dolby_e jpegxl vvc +dpx misc4 webp +dvaudio mjpeg xbm +dvbsub mlp xma +dvd_nav mpeg4video xwd + +Enabled demuxers: +aa idf pcm_s16be +aac iff pcm_s16le +aax ifv pcm_s24be +ac3 ilbc pcm_s24le +ac4 image2 pcm_s32be +ace image2_alias_pix pcm_s32le +acm image2_brender_pix pcm_s8 +act image2pipe pcm_u16be +adf image_bmp_pipe pcm_u16le +adp image_cri_pipe pcm_u24be +ads image_dds_pipe pcm_u24le +adx image_dpx_pipe pcm_u32be +aea image_exr_pipe pcm_u32le +afc image_gem_pipe pcm_u8 +aiff image_gif_pipe pcm_vidc +aix image_hdr_pipe pdv +alp image_j2k_pipe pjs +amr image_jpeg_pipe pmp +amrnb image_jpegls_pipe pp_bnk +amrwb image_jpegxl_pipe pva +anm image_pam_pipe pvf +apac image_pbm_pipe qcp +apc image_pcx_pipe qoa +ape image_pfm_pipe r3d +apm image_pgm_pipe rawvideo +apng image_pgmyuv_pipe rcwt +aptx image_pgx_pipe realtext +aptx_hd image_phm_pipe redspark +aqtitle image_photocd_pipe rka +argo_asf image_pictor_pipe rl2 +argo_brp image_png_pipe rm +argo_cvg image_ppm_pipe roq +asf image_psd_pipe rpl +asf_o image_qdraw_pipe rsd +ass image_qoi_pipe rso +ast image_sgi_pipe rtp +au image_sunrast_pipe rtsp +av1 image_svg_pipe s337m +avi image_tiff_pipe sami +avr image_vbn_pipe sap +avs image_webp_pipe sbc +avs2 image_xbm_pipe sbg +avs3 image_xpm_pipe scc +bethsoftvid image_xwd_pipe scd +bfi ingenient sdns +bfstm ipmovie sdp +bink ipu sdr2 +binka ircam sds +bintext iss sdx +bit iv8 segafilm +bitpacked ivf ser +bmv ivr sga +boa jacosub shorten +bonk jpegxl_anim siff +brstm jv simbiosis_imx +c93 kux sln +caf kvag smacker +cavsvideo laf smjpeg +cdg lc3 smush +cdxl live_flv sol +cine lmlm4 sox +codec2 loas spdif +codec2raw lrc srt +concat luodat stl +data lvf str +daud lxf subviewer +dcstr m4v subviewer1 +derf matroska sup +dfa mca svag +dfpwm mcc svs +dhav mgsts swf +dirac microdvd tak +dnxhd mjpeg tedcaptions +dsf mjpeg_2000 thp +dsicin mlp threedostr +dss mlv tiertexseq +dts mm tmv +dtshd mmf truehd +dv mods tta +dvbsub moflex tty +dvbtxt mov txd +dxa mp3 ty +ea mpc usm +ea_cdata mpc8 v210 +eac3 mpegps v210x +epaf mpegts vag +evc mpegtsraw vc1 +ffmetadata mpegvideo vc1t +filmstrip mpjpeg vividas +fits mpl2 vivo +flac mpsub vmd +flic msf vobsub +flv msnwc_tcp voc +fourxm msp vpk +frm mtaf vplayer +fsb mtv vqf +fwse musx vvc +g722 mv w64 +g723_1 mvi wady +g726 mxf wav +g726le mxg wavarc +g729 nc wc3 +gdv nistsphere webm_dash_manifest +genh nsp webvtt +gif nsv wsaud +gsm nut wsd +gxf nuv wsvqa +h261 obu wtv +h263 ogg wv +h264 oma wve +hca osq xa +hcom paf xbin +hevc pcm_alaw xmd +hls pcm_f32be xmv +hnm pcm_f32le xvag +iamf pcm_f64be xwma +ico pcm_f64le yop +idcin pcm_mulaw yuv4mpegpipe + +Enabled muxers: +a64 h263 pcm_s16le +ac3 h264 pcm_s24be +ac4 hash pcm_s24le +adts hds pcm_s32be +adx hevc pcm_s32le +aea hls pcm_s8 +aiff iamf pcm_u16be +alp ico pcm_u16le +amr ilbc pcm_u24be +amv image2 pcm_u24le +apm image2pipe pcm_u32be +apng ipod pcm_u32le +aptx ircam pcm_u8 +aptx_hd ismv pcm_vidc +argo_asf ivf psp +argo_cvg jacosub rawvideo +asf kvag rcwt +asf_stream latm rm +ass lc3 roq +ast lrc rso +au m4v rtp +avi matroska rtp_mpegts +avif matroska_audio rtsp +avm2 md5 sap +avs2 microdvd sbc +avs3 mjpeg scc +bit mkvtimestamp_v2 segafilm +caf mlp segment +cavsvideo mmf smjpeg +codec2 mov smoothstreaming +codec2raw mp2 sox +crc mp3 spdif +dash mp4 spx +data mpeg1system srt +daud mpeg1vcd stream_segment +dfpwm mpeg1video streamhash +dirac mpeg2dvd sup +dnxhd mpeg2svcd swf +dts mpeg2video tee +dv mpeg2vob tg2 +eac3 mpegts tgp +evc mpjpeg truehd +f4v mxf tta +ffmetadata mxf_d10 ttml +fifo mxf_opatom uncodedframecrc +filmstrip null vc1 +fits nut vc1t +flac obu voc +flv oga vvc +framecrc ogg w64 +framehash ogv wav +framemd5 oma webm +g722 opus webm_chunk +g723_1 pcm_alaw webm_dash_manifest +g726 pcm_f32be webp +g726le pcm_f32le webvtt +gif pcm_f64be wsaud +gsm pcm_f64le wtv +gxf pcm_mulaw wv +h261 pcm_s16be yuv4mpegpipe + +Enabled protocols: +async gopher rtmp +cache hls rtmpt +concat http rtp +concatf httpproxy srtp +crypto icecast subfile +data md5 tcp +fd mmsh tee +ffrtmphttp mmst udp +file pipe udplite +ftp prompeg unix + +Enabled filters: +a3dscope corr oscilloscope +aap cover_rect overlay +abench crop owdenoise +abitscope cropdetect pad +acompressor crossfeed pal100bars +acontrast crystalizer pal75bars +acopy cue palettegen +acrossfade curves paletteuse +acrossover datascope pan +acrusher dblur perlin +acue dcshift perms +addroi dctdnoiz perspective +adeclick deband phase +adeclip deblock photosensitivity +adecorrelate decimate pixdesctest +adelay deconvolve pixelize +adenorm dedot pixscope +aderivative deesser pp +adrawgraph deflate pp7 +adrc deflicker premultiply +adynamicequalizer dejudder prewitt +adynamicsmooth delogo pseudocolor +aecho deshake psnr +aemphasis despill pullup +aeval detelecine qp +aevalsrc dialoguenhance random +aexciter dilation readeia608 +afade displace readvitc +afdelaysrc doubleweave realtime +afftdn drawbox remap +afftfilt drawgraph removegrain +afir drawgrid removelogo +afireqsrc drmeter repeatfields +afirsrc dynaudnorm replaygain +aformat earwax reverse +afreqshift ebur128 rgbashift +afwtdn edgedetect rgbtestsrc +agate elbg roberts +agraphmonitor entropy rotate +ahistogram epx sab +aiir eq scale +aintegral equalizer scale2ref +ainterleave erosion scdet +alatency estdif scharr +alimiter exposure scroll +allpass extractplanes segment +allrgb extrastereo select +allyuv fade selectivecolor +aloop feedback sendcmd +alphaextract fftdnoiz separatefields +alphamerge fftfilt setdar +amerge field setfield +ametadata fieldhint setparams +amix fieldmatch setpts +amovie fieldorder setrange +amplify fillborders setsar +amultiply find_rect settb +anequalizer firequalizer shear +anlmdn flanger showcqt +anlmf floodfill showcwt +anlms format showfreqs +anoisesrc fps showinfo +anull framepack showpalette +anullsink framerate showspatial +anullsrc framestep showspectrum +apad freezedetect showspectrumpic +aperms freezeframes showvolume +aphasemeter fspp showwaves +aphaser fsync showwavespic +aphaseshift gblur shuffleframes +apsnr geq shufflepixels +apsyclip gradfun shuffleplanes +apulsator gradients sidechaincompress +arealtime graphmonitor sidechaingate +aresample grayworld sidedata +areverse greyedge sierpinski +arls guided signalstats +arnndn haas signature +asdr haldclut silencedetect +asegment haldclutsrc silenceremove +aselect hdcd sinc +asendcmd headphone sine +asetnsamples hflip siti +asetpts highpass smartblur +asetrate highshelf smptebars +asettb hilbert smptehdbars +ashowinfo histeq sobel +asidedata histogram spectrumsynth +asisdr hqdn3d speechnorm +asoftclip hqx split +aspectralstats hstack spp +asplit hsvhold ssim +ass hsvkey ssim360 +astats hue stereo3d +astreamselect huesaturation stereotools +asubboost hwdownload stereowiden +asubcut hwmap streamselect +asupercut hwupload subtitles +asuperpass hwupload_cuda super2xsai +asuperstop hysteresis superequalizer +atadenoise identity surround +atempo idet swaprect +atilt il swapuv +atrim inflate tblend +avectorscope interlace telecine +avgblur interleave testsrc +avsynctest join testsrc2 +axcorrelate kerndeint thistogram +backgroundkey kirsch threshold +bandpass lagfun thumbnail +bandreject latency tile +bass lenscorrection tiltandshift +bbox life tiltshelf +bench limitdiff tinterlace +bilateral limiter tlut2 +biquad loop tmedian +bitplanenoise loudnorm tmidequalizer +blackdetect lowpass tmix +blackframe lowshelf tonemap +blend lumakey tpad +blockdetect lut transpose +blurdetect lut1d treble +bm3d lut2 tremolo +boxblur lut3d trim +bwdif lutrgb unpremultiply +cas lutyuv unsharp +ccrepack mandelbrot untile +cellauto maskedclamp uspp +channelmap maskedmax v360 +channelsplit maskedmerge vaguedenoiser +chorus maskedmin varblur +chromahold maskedthreshold vectorscope +chromakey maskfun vflip +chromanr mcdeint vfrdet +chromashift mcompand vibrance +ciescope median vibrato +codecview mergeplanes vif +color mestimate vignette +colorbalance metadata virtualbass +colorchannelmixer midequalizer vmafmotion +colorchart minterpolate volume +colorcontrast mix volumedetect +colorcorrect monochrome vstack +colorhold morpho w3fdif +colorize movie waveform +colorkey mpdecimate weave +colorlevels mptestsrc xbr +colormap msad xcorrelate +colormatrix multiply xfade +colorspace negate xmedian +colorspectrum nlmeans xpsnr +colortemperature nnedi xstack +compand noformat yadif +compensationdelay noise yaepblur +concat normalize yuvtestsrc +convolution null zoneplate +convolve nullsink zoompan +copy nullsrc + +Enabled bsfs: +aac_adtstoasc h264_mp4toannexb pcm_rechunk +av1_frame_merge h264_redundant_pps pgs_frame_merge +av1_frame_split hapqa_extract prores_metadata +av1_metadata hevc_metadata remove_extradata +chomp hevc_mp4toannexb setts +dca_core imx_dump_header showinfo +dovi_rpu media100_to_mjpegb text2movsub +dts2pts mjpeg2jpeg trace_headers +dump_extradata mjpega_dump_header truehd_core +dv_error_marker mov2textsub vp9_metadata +eac3_core mpeg2_metadata vp9_raw_reorder +evc_frame_merge mpeg4_unpack_bframes vp9_superframe +extract_extradata noise vp9_superframe_split +filter_units null vvc_metadata +h264_metadata opus_metadata vvc_mp4toannexb + +Enabled indevs: +fbdev lavfi v4l2 +kmsgrab oss xcbgrab + +Enabled outdevs: +fbdev oss v4l2 + +License: GPL version 2 or later diff --git a/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/OpenCV--Details.txt b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/OpenCV--Details.txt new file mode 100644 index 0000000..0a4379b --- /dev/null +++ b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/OpenCV--Details.txt @@ -0,0 +1,148 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_pytorch_opencv:12.5.1_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** OpenCV configuration: +-- Confirming OpenCV Python is installed. Version: 4.10.0 + + +General configuration for OpenCV 4.10.0 ===================================== + Version control: unknown + + Extra modules: + Location (extra): /usr/local/src/opencv_contrib/modules + Version control (extra): unknown + + Platform: + Timestamp: 2024-12-19T05:10:41Z + Host: Linux 6.8.0-51-generic x86_64 + CMake: 3.31.2 + CMake generator: Ninja + CMake build tool: /usr/local/bin/ninja + Configuration: Release + + CPU/HW features: + Baseline: SSE SSE2 SSE3 + requested: SSE3 + Dispatched code generation: SSE4_1 SSE4_2 FP16 AVX AVX2 AVX512_SKX + requested: SSE4_1 SSE4_2 AVX FP16 AVX2 AVX512_SKX + SSE4_1 (16 files): + SSSE3 SSE4_1 + SSE4_2 (1 files): + SSSE3 SSE4_1 POPCNT SSE4_2 + FP16 (0 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 AVX + AVX (8 files): + SSSE3 SSE4_1 POPCNT SSE4_2 AVX + AVX2 (36 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2 + AVX512_SKX (5 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2 AVX_512F AVX512_COMMON AVX512_SKX + + C/C++: + Built as dynamic libs?: YES + C++ standard: 11 + C++ Compiler: /usr/bin/c++ (ver 13.3.0) + C++ flags (Release): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Wnon-virtual-dtor -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Wsuggest-override -Wno-delete-non-virtual-dtor -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -fopenmp -O3 -DNDEBUG -DNDEBUG + C++ flags (Debug): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Wnon-virtual-dtor -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Wsuggest-override -Wno-delete-non-virtual-dtor -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -fopenmp -g -O0 -DDEBUG -D_DEBUG + C Compiler: /usr/bin/cc + C flags (Release): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fopenmp -O3 -DNDEBUG -DNDEBUG + C flags (Debug): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fopenmp -g -O0 -DDEBUG -D_DEBUG + Linker flags (Release): -Wl,--exclude-libs,libippicv.a -Wl,--exclude-libs,libippiw.a -Wl,--gc-sections -Wl,--as-needed -Wl,--no-undefined + Linker flags (Debug): -Wl,--exclude-libs,libippicv.a -Wl,--exclude-libs,libippiw.a -Wl,--gc-sections -Wl,--as-needed -Wl,--no-undefined + ccache: NO + Precompiled headers: NO + Extra dependencies: m pthread cudart_static dl rt nppc nppial nppicc nppidei nppif nppig nppim nppist nppisu nppitc npps cublas cudnn cufft -L/usr/local/cuda/lib64 -L/usr/lib/x86_64-linux-gnu + 3rdparty dependencies: + + OpenCV modules: + To be built: alphamat aruco bgsegm bioinspired calib3d ccalib core cudaarithm cudabgsegm cudacodec cudafeatures2d cudafilters cudaimgproc cudalegacy cudaobjdetect cudaoptflow cudastereo cudawarping cudev datasets dnn dnn_objdetect dnn_superres dpm face features2d flann freetype fuzzy gapi hdf hfs highgui img_hash imgcodecs imgproc intensity_transform line_descriptor mcc ml objdetect optflow phase_unwrapping photo plot python3 quality rapid reg rgbd saliency sfm shape signal stereo stitching structured_light superres surface_matching text tracking video videoio videostab wechat_qrcode xfeatures2d ximgproc xobjdetect xphoto + Disabled: world + Disabled by dependency: - + Unavailable: cannops cvv java julia matlab ovis python2 ts viz + Applications: apps + Documentation: NO + Non-free algorithms: NO + + GUI: GTK3 + GTK+: YES (ver 3.24.41) + GThread : YES (ver 2.80.0) + GtkGlExt: NO + VTK support: NO + + Media I/O: + ZLib: /usr/lib/x86_64-linux-gnu/libz.so (ver 1.3) + JPEG: /usr/lib/x86_64-linux-gnu/libjpeg.so (ver 80) + WEBP: /usr/lib/x86_64-linux-gnu/libwebp.so (ver encoder: 0x020f) + PNG: /usr/lib/x86_64-linux-gnu/libpng.so (ver 1.6.43) + TIFF: /usr/lib/x86_64-linux-gnu/libtiff.so (ver 42 / 4.5.1) + JPEG 2000: OpenJPEG (ver 2.5.0) + OpenEXR: build (ver 2.3.0) + GDAL: NO + HDR: YES + SUNRASTER: YES + PXM: YES + PFM: YES + + Video I/O: + DC1394: YES (2.2.6) + FFMPEG: YES + avcodec: YES (61.19.100) + avformat: YES (61.7.100) + avutil: YES (59.39.100) + swscale: YES (8.3.100) + avresample: NO + GStreamer: YES (1.24.2) + v4l/v4l2: YES (linux/videodev2.h) + Xine: YES (ver 1.2.13) + + Parallel framework: TBB (ver 2022.0 interface 12140) + + Trace: YES (with Intel ITT) + + Other third-party libraries: + Intel IPP: 2021.11.0 [2021.11.0] + at: /usr/local/src/opencv/build/3rdparty/ippicv/ippicv_lnx/icv + Intel IPP IW: sources (2021.11.0) + at: /usr/local/src/opencv/build/3rdparty/ippicv/ippicv_lnx/iw + VA: NO + Lapack: YES (/usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a /usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a /usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a -lpthread -lm -ldl) + Eigen: YES (ver 3.4.0) + Custom HAL: NO + Protobuf: build (3.19.1) + Flatbuffers: builtin/3rdparty (23.5.9) + + NVIDIA CUDA: YES (ver 12.5, CUFFT CUBLAS FAST_MATH) + NVIDIA GPU arch: 60 61 70 75 80 86 89 90 + NVIDIA PTX archs: 60 61 70 75 80 86 89 90 + + cuDNN: YES (ver 9.3.0) + + OpenCL: YES (no extra features) + Include path: /usr/local/src/opencv/3rdparty/include/opencl/1.2 + Link libraries: Dynamic load + + Python 3: + Interpreter: /usr/bin/python3 (ver 3.12.3) + Libraries: /usr/lib/x86_64-linux-gnu/libpython3.12.so (ver 3.12.3) + Limited API: NO + numpy: /usr/local/lib/python3.12/dist-packages/numpy/_core/include (ver 2.2.0) + install path: /usr/lib/python3/dist-packages/cv2/python-3.12 + + Python (for build): /usr/bin/python3 + + Java: + ant: NO + Java: NO + JNI: NO + Java wrappers: NO + Java tests: NO + + Install to: /usr +----------------------------------------------------------------- + + + +cuDNN_FOUND: 9.3.0 diff --git a/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/PyTorch--Details.txt b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/PyTorch--Details.txt new file mode 100644 index 0000000..5e25157 --- /dev/null +++ b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/PyTorch--Details.txt @@ -0,0 +1,435 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_pytorch_opencv:12.5.1_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** PyTorch configuration: +-- The CXX compiler identification is GNU 13.3.0 +-- The C compiler identification is GNU 13.3.0 +-- Detecting CXX compiler ABI info +-- Detecting CXX compiler ABI info - done +-- Check for working CXX compiler: /usr/bin/c++ - skipped +-- Detecting CXX compile features +-- Detecting CXX compile features - done +-- Detecting C compiler ABI info +-- Detecting C compiler ABI info - done +-- Check for working C compiler: /usr/bin/cc - skipped +-- Detecting C compile features +-- Detecting C compile features - done +-- /usr/bin/c++ /usr/local/src/pytorch/torch/abi-check.cpp -o /usr/local/src/pytorch/build/abi-check +-- Determined _GLIBCXX_USE_CXX11_ABI=1 +-- Not forcing any particular BLAS to be found +-- Could not find ccache. Consider installing ccache to speed up compilation. +-- Performing Test C_HAS_AVX_1 +-- Performing Test C_HAS_AVX_1 - Failed +-- Performing Test C_HAS_AVX_2 +-- Performing Test C_HAS_AVX_2 - Success +-- Performing Test C_HAS_AVX2_1 +-- Performing Test C_HAS_AVX2_1 - Failed +-- Performing Test C_HAS_AVX2_2 +-- Performing Test C_HAS_AVX2_2 - Success +-- Performing Test C_HAS_AVX512_1 +-- Performing Test C_HAS_AVX512_1 - Failed +-- Performing Test C_HAS_AVX512_2 +-- Performing Test C_HAS_AVX512_2 - Success +-- Performing Test CXX_HAS_AVX_1 +-- Performing Test CXX_HAS_AVX_1 - Failed +-- Performing Test CXX_HAS_AVX_2 +-- Performing Test CXX_HAS_AVX_2 - Success +-- Performing Test CXX_HAS_AVX2_1 +-- Performing Test CXX_HAS_AVX2_1 - Failed +-- Performing Test CXX_HAS_AVX2_2 +-- Performing Test CXX_HAS_AVX2_2 - Success +-- Performing Test CXX_HAS_AVX512_1 +-- Performing Test CXX_HAS_AVX512_1 - Failed +-- Performing Test CXX_HAS_AVX512_2 +-- Performing Test CXX_HAS_AVX512_2 - Success +-- Current compiler supports avx2 extension. Will build perfkernels. +-- Performing Test CAFFE2_COMPILER_SUPPORTS_AVX512_EXTENSIONS +-- Performing Test CAFFE2_COMPILER_SUPPORTS_AVX512_EXTENSIONS - Success +-- Current compiler supports avx512f extension. Will build fbgemm. +-- Performing Test COMPILER_SUPPORTS_HIDDEN_VISIBILITY +-- Performing Test COMPILER_SUPPORTS_HIDDEN_VISIBILITY - Success +-- Performing Test COMPILER_SUPPORTS_HIDDEN_INLINE_VISIBILITY +-- Performing Test COMPILER_SUPPORTS_HIDDEN_INLINE_VISIBILITY - Success +-- Performing Test COMPILER_SUPPORTS_RDYNAMIC +-- Performing Test COMPILER_SUPPORTS_RDYNAMIC - Success +-- Found CUDA: /usr/local/nvidia (found version "12.5") +-- The CUDA compiler identification is NVIDIA 12.5.82 with host compiler GNU 13.3.0 +-- Detecting CUDA compiler ABI info +-- Detecting CUDA compiler ABI info - done +-- Check for working CUDA compiler: /usr/local/nvidia/bin/nvcc - skipped +-- Detecting CUDA compile features +-- Detecting CUDA compile features - done +-- Found CUDAToolkit: /usr/local/nvidia/include (found version "12.5.82") +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD - Success +-- Found Threads: TRUE +-- Caffe2: CUDA detected: 12.5 +-- Caffe2: CUDA nvcc is: /usr/local/nvidia/bin/nvcc +-- Caffe2: CUDA toolkit directory: /usr/local/nvidia +-- Caffe2: Header version is: 12.5 +-- Found Python: /usr/bin/python3 (found version "3.12.3") found components: Interpreter +-- Found nvtx3: /usr/local/src/pytorch/third_party/NVTX/c/include +-- Found CUDNN: /usr/lib/x86_64-linux-gnu/libcudnn.so +-- Could NOT find CUSPARSELT (missing: CUSPARSELT_LIBRARY_PATH CUSPARSELT_INCLUDE_PATH) +-- Could NOT find CUDSS (missing: CUDSS_LIBRARY_PATH CUDSS_INCLUDE_PATH) +-- USE_CUFILE is set to 0. Compiling without cuFile support +-- Added CUDA NVCC flags for: -gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_80,code=sm_80;-gencode;arch=compute_86,code=sm_86;-gencode;arch=compute_89,code=sm_89;-gencode;arch=compute_90,code=sm_90;-gencode;arch=compute_90,code=compute_90 +-- Building using own protobuf under third_party per request. +-- Use custom protobuf build. +-- +-- 3.13.0.0 +-- Performing Test protobuf_HAVE_BUILTIN_ATOMICS +-- Performing Test protobuf_HAVE_BUILTIN_ATOMICS - Success +-- Caffe2 protobuf include directory: $$ +-- Trying to find preferred BLAS backend of choice: MKL +-- MKL_THREADING = OMP +-- Looking for sys/types.h +-- Looking for sys/types.h - found +-- Looking for stdint.h +-- Looking for stdint.h - found +-- Looking for stddef.h +-- Looking for stddef.h - found +-- Check size of void* +-- Check size of void* - done +-- MKL_THREADING = OMP +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- Looking for cblas_sgemm +-- Looking for cblas_sgemm - found +-- Looking for cblas_gemm_bf16bf16f32 +-- Looking for cblas_gemm_bf16bf16f32 - found +-- Looking for cblas_gemm_f16f16f32 +-- Looking for cblas_gemm_f16f16f32 - found +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- MKL libraries: /usr/local/lib/libmkl_intel_lp64.a;/usr/local/lib/libmkl_gnu_thread.a;/usr/local/lib/libmkl_core.a;-fopenmp;/usr/lib/x86_64-linux-gnu/libpthread.a;/usr/lib/x86_64-linux-gnu/libm.so;/usr/lib/x86_64-linux-gnu/libdl.a +-- MKL include directory: /usr/local/include +-- MKL OpenMP type: GNU +-- MKL OpenMP library: -fopenmp +-- The ASM compiler identification is GNU +-- Found assembler: /usr/bin/cc +-- Brace yourself, we are building NNPACK +-- Performing Test NNPACK_ARCH_IS_X86_32 +-- Performing Test NNPACK_ARCH_IS_X86_32 - Failed +-- Found PythonInterp: /usr/local/bin/python (found version "3.12.3") +-- NNPACK backend is x86-64 +-- Downloading six (Python package) to /usr/local/src/pytorch/build/confu-srcs/six (define PYTHON_SIX_SOURCE_DIR to avoid it) + + +***** TorchVision configuration: +Torchvision build configuration: +FORCE_CUDA = True +FORCE_MPS = False +DEBUG = False +USE_PNG = True +USE_JPEG = True +USE_WEBP = True +USE_HEIC = False +USE_AVIF = False +USE_NVJPEG = True +NVCC_FLAGS = None +USE_CPU_VIDEO_DECODER = True +USE_GPU_VIDEO_DECODER = True +TORCHVISION_INCLUDE = [] +TORCHVISION_LIBRARY = [] +IS_ROCM = False +BUILD_CUDA_SOURCES = True +Building wheel torchvision-0.20.0 +Building _C extension +Building image extension +Building torchvision with PNG support +png_include_dir = '/usr/include/libpng16' +png_library_dir = 'libpng-config: --libdir option is disabled in Debian/Ubuntu' +Searching for jpeglib.h. Didn't find in TORCHVISION_INCLUDE. +Searching for jpeglib.h. Didn't find in BUILD_PREFIX. +Searching for jpeglib.h. Didn't find in CONDA_PREFIX. +Searching for jpeglib.h. Found in /usr/include. +Building torchvision with JPEG support +jpeg_include_dir = None +jpeg_library_dir = None +Searching for webp/decode.h. Didn't find in TORCHVISION_INCLUDE. +Searching for webp/decode.h. Didn't find in BUILD_PREFIX. +Searching for webp/decode.h. Didn't find in CONDA_PREFIX. +Searching for webp/decode.h. Found in /usr/include. +Building torchvision with WEBP support +webp_include_dir = None +webp_library_dir = None +Building torchvision with NVJPEG image support +Building video decoder extensions +Found ffmpeg: + ffmpeg include path: ['/usr/local/include', '/usr/local/include/x86_64-linux-gnu'] + ffmpeg library_dir: ['/usr/local/lib', '/usr/local/lib/x86_64-linux-gnu'] +Building with CPU video decoder support +Could not find necessary dependencies. Refer the setup.py to check which ones are needed. +Building without GPU video decoder support + + +***** TorchAudio configuration: +-- Git branch: HEAD +-- Git SHA: 56bc006d56a0d4960de6a1e0b6340cba4eda05cd +-- Git tag: v2.5.0 +-- PyTorch dependency: torch +-- Building version 2.5.0 +running bdist_wheel +running build +running build_py +creating build +creating build/lib.linux-x86_64-cpython-312 +creating build/lib.linux-x86_64-cpython-312/torio +copying src/torio/__init__.py -> build/lib.linux-x86_64-cpython-312/torio +creating build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/version.py -> build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/kaldi_io.py -> build/lib.linux-x86_64-cpython-312/torchaudio +creating build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/_streaming_media_decoder.py -> build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/_streaming_media_encoder.py -> build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/io +creating build/lib.linux-x86_64-cpython-312/torio/_extension +copying src/torio/_extension/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/_extension +copying src/torio/_extension/utils.py -> build/lib.linux-x86_64-cpython-312/torio/_extension +creating build/lib.linux-x86_64-cpython-312/torio/utils +copying src/torio/utils/ffmpeg_utils.py -> build/lib.linux-x86_64-cpython-312/torio/utils +copying src/torio/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/utils +creating build/lib.linux-x86_64-cpython-312/torio/lib +copying src/torio/lib/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/lib +creating build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/sox_io_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/_sox_io_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/_no_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/common.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/no_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/soundfile_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +creating build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/filtering.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/functional.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/_alignment.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +creating build/lib.linux-x86_64-cpython-312/torchaudio/compliance +copying src/torchaudio/compliance/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/compliance +copying src/torchaudio/compliance/kaldi.py -> build/lib.linux-x86_64-cpython-312/torchaudio/compliance +creating build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/speechcommands.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/musdb_hq.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/snips.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/fluentcommands.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librispeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librilight_limited.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/ljspeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/libritts.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/dr_vctk.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/tedlium.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/iemocap.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/vctk.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/yesno.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librispeech_biasing.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librimix.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/cmudict.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/voxceleb1.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/commonvoice.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/gtzan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/quesst14.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/cmuarctic.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +creating build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/sox.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/ffmpeg.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/soundfile.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/common.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/soundfile_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype +copying src/torchaudio/prototype/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype +creating build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +copying src/torchaudio/sox_effects/sox_effects.py -> build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +copying src/torchaudio/sox_effects/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +creating build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/_effector.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/_playback.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +creating build/lib.linux-x86_64-cpython-312/torchaudio/_internal +copying src/torchaudio/_internal/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_internal +copying src/torchaudio/_internal/module_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_internal +creating build/lib.linux-x86_64-cpython-312/torchaudio/_extension +copying src/torchaudio/_extension/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_extension +copying src/torchaudio/_extension/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_extension +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/_squim_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/rnnt_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/_source_separation_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +creating build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/_transforms.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/_multi_channel.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +creating build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/download.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/sox_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/ffmpeg_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +creating build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/conformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/conv_tasnet.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/_hdemucs.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/tacotron2.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/emformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/wavernn.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/deepspeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/rnnt_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/rnnt.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/wav2letter.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +creating build/lib.linux-x86_64-cpython-312/torchaudio/lib +copying src/torchaudio/lib/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/lib +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/_dsp.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/_rir.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/functional.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +copying src/torchaudio/prototype/datasets/musan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +copying src/torchaudio/prototype/datasets/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/hifigan_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/rnnt_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +copying src/torchaudio/prototype/transforms/_transforms.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +copying src/torchaudio/prototype/transforms/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/_emformer_hubert.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/conv_emformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/_conformer_wav2vec2.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/rnnt_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/hifi_gan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/rnnt.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/_vggish_impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/_vggish_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/interface.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/aligner.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/subjective.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/objective.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/components.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/wavlm_attention.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/model.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/_cuda_ctc_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/_ctc_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/import_fairseq.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/import_huggingface.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +running build_ext +-- The C compiler identification is GNU 13.3.0 +-- The CXX compiler identification is GNU 13.3.0 +-- Detecting C compiler ABI info +-- Detecting C compiler ABI info - done +-- Check for working C compiler: /usr/bin/cc - skipped +-- Detecting C compile features +-- Detecting C compile features - done +-- Detecting CXX compiler ABI info +-- Detecting CXX compiler ABI info - done +-- Check for working CXX compiler: /usr/bin/c++ - skipped +-- Detecting CXX compile features +-- Detecting CXX compile features - done +-- The CUDA compiler identification is NVIDIA 12.5.82 with host compiler GNU 13.3.0 +-- Detecting CUDA compiler ABI info +-- Detecting CUDA compiler ABI info - done +-- Check for working CUDA compiler: /usr/local/nvidia/bin/nvcc - skipped +-- Detecting CUDA compile features +-- Detecting CUDA compile features - done +-- Found CUDA: /usr/local/nvidia (found version "12.5") +-- Found CUDAToolkit: /usr/local/nvidia/include (found version "12.5.82") +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD - Success +-- Found Threads: TRUE +-- Caffe2: CUDA detected: 12.5 +-- Caffe2: CUDA nvcc is: /usr/local/nvidia/bin/nvcc +-- Caffe2: CUDA toolkit directory: /usr/local/nvidia +-- Caffe2: Header version is: 12.5 +-- Found Python: /usr/local/bin/python (found version "3.12.3") found components: Interpreter +-- Could NOT find nvtx3 (missing: nvtx3_dir) +-- USE_CUDNN is set to 0. Compiling without cuDNN support +-- USE_CUSPARSELT is set to 0. Compiling without cuSPARSELt support +-- USE_CUDSS is set to 0. Compiling without cuDSS support +-- USE_CUFILE is set to 0. Compiling without cuFile support +-- Added CUDA NVCC flags for: -gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_80,code=sm_80;-gencode;arch=compute_86,code=sm_86;-gencode;arch=compute_89,code=sm_89;-gencode;arch=compute_90,code=sm_90;-gencode;arch=compute_90,code=compute_90 +-- Found Torch: /usr/local/lib/python3.12/dist-packages/torch/lib/libtorch.so +-- Found OpenMP_C: -fopenmp (found version "4.5") +-- Found OpenMP_CXX: -fopenmp (found version "4.5") +-- Found OpenMP_CUDA: -fopenmp (found version "4.5") +-- Found OpenMP: TRUE (found version "4.5") +-- Could not find ccache. Consider installing ccache to speed up compilation. +-- Building FFmpeg integration with multi version support + + +***** TorchData configuration: +Processing /usr/local/src/data + Installing build dependencies: started + Installing build dependencies: still running... + Installing build dependencies: finished with status 'done' + Getting requirements to build wheel: started + Getting requirements to build wheel: finished with status 'done' + Preparing metadata (pyproject.toml): started + Preparing metadata (pyproject.toml): finished with status 'done' +Requirement already satisfied: urllib3>=1.25 in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.2.3) +Requirement already satisfied: requests in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.32.3) +Requirement already satisfied: torch>=2 in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.5.1) +Requirement already satisfied: filelock in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.16.1) +Requirement already satisfied: typing-extensions>=4.8.0 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (4.12.2) +Requirement already satisfied: networkx in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.4.2) +Requirement already satisfied: jinja2 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.1.4) +Requirement already satisfied: fsspec in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (2024.10.0) +Requirement already satisfied: setuptools in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (72.1.0) +Requirement already satisfied: sympy==1.13.1 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (1.13.1) +Requirement already satisfied: mpmath<1.4,>=1.1.0 in /usr/local/lib/python3.12/dist-packages (from sympy==1.13.1->torch>=2->torchdata==0.9.0) (1.3.0) +Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (3.4.0) +Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (3.10) +Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (2024.12.14) +Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.12/dist-packages (from jinja2->torch>=2->torchdata==0.9.0) (3.0.2) +Building wheels for collected packages: torchdata + Building wheel for torchdata (pyproject.toml): started + Building wheel for torchdata (pyproject.toml): finished with status 'done' + Created wheel for torchdata: filename=torchdata-0.9.0-py3-none-any.whl size=211160 sha256=41f04382e55e49bf985e1e6753ed1160111d7d487ce95704805850321767a8d0 + Stored in directory: /tmp/pip-ephem-wheel-cache-cwz5uxs0/wheels/25/b8/b8/ff61539c4e41d2a205fcfcd350155d070c90a2a7b40f7dadfe +Successfully built torchdata +Installing collected packages: torchdata +Successfully installed torchdata-0.9.0 + + + + ##### PyTorch: Version and Device check ##### + + +*** PyTorch version : 2.5.1 + *** PyTorch Audio : 2.5.0 + *** PyTorch Vision : 0.20.0 + *** PyTorch Data : 0.9.0 diff --git a/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/System--Details.txt b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/System--Details.txt new file mode 100644 index 0000000..d97769b --- /dev/null +++ b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/System--Details.txt @@ -0,0 +1,1372 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_pytorch_opencv:12.5.1_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** Python configuration: +Python location: /usr/bin/python3 +Python version: Python 3.12.3 + +[pip list] +Package Version +------------------------- -------------- +anyio 4.7.0 +argon2-cffi 23.1.0 +argon2-cffi-bindings 21.2.0 +arrow 1.3.0 +asttokens 3.0.0 +astunparse 1.6.3 +async-lru 2.0.4 +attrs 24.3.0 +babel 2.16.0 +beautifulsoup4 4.12.3 +bleach 6.2.0 +blinker 1.7.0 +certifi 2024.12.14 +cffi 1.17.1 +charset-normalizer 3.4.0 +cmake 3.31.2 +comm 0.2.2 +contourpy 1.3.1 +cryptography 41.0.7 +cycler 0.12.1 +dbus-python 1.3.2 +debugpy 1.8.11 +decorator 5.1.1 +defusedxml 0.7.1 +distro 1.9.0 +distro-info 1.7+build1 +executing 2.1.0 +expecttest 0.3.0 +fastjsonschema 2.21.1 +filelock 3.16.1 +fonttools 4.55.3 +fqdn 1.5.1 +fsspec 2024.10.0 +future 1.0.0 +h11 0.14.0 +httpcore 1.0.7 +httplib2 0.20.4 +httpx 0.28.1 +hypothesis 6.122.4 +idna 3.10 +imageio 2.36.1 +imageio-ffmpeg 0.5.1 +intel-cmplr-lib-ur 2025.0.4 +intel-openmp 2025.0.4 +ipykernel 6.29.5 +ipython 8.30.0 +isoduration 20.11.0 +jedi 0.19.2 +Jinja2 3.1.4 +joblib 1.4.2 +json5 0.10.0 +jsonpointer 3.0.0 +jsonschema 4.23.0 +jsonschema-specifications 2024.10.1 +jupyter_client 8.6.3 +jupyter_core 5.7.2 +jupyter-events 0.11.0 +jupyter-lsp 2.2.5 +jupyter_server 2.14.2 +jupyter_server_terminals 0.5.3 +jupyterlab 4.3.4 +jupyterlab_pygments 0.3.0 +jupyterlab_server 2.27.3 +kiwisolver 1.4.7 +launchpadlib 1.11.0 +lazr.restfulclient 0.14.6 +lazr.uri 1.0.6 +lazy_loader 0.4 +lintrunner 0.12.7 +lxml 5.3.0 +MarkupSafe 3.0.2 +matplotlib 3.10.0 +matplotlib-inline 0.1.7 +mistune 3.0.2 +mkl 2025.0.1 +mkl-include 2025.0.1 +mkl-static 2025.0.1 +mock 5.1.0 +moviepy 2.1.1 +mpmath 1.3.0 +nbclient 0.10.1 +nbconvert 7.16.4 +nbformat 5.10.4 +nest-asyncio 1.6.0 +networkx 3.4.2 +ninja 1.11.1.3 +notebook_shim 0.2.4 +numpy 2.2.0 +oauthlib 3.2.2 +opt_einsum 3.4.0 +optree 0.13.1 +overrides 7.7.0 +packaging 24.2 +pandas 2.2.3 +pandocfilters 1.5.1 +parso 0.8.4 +pexpect 4.9.0 +pillow 10.4.0 +pip 24.3.1 +platformdirs 4.3.6 +proglog 0.1.10 +prometheus_client 0.21.1 +prompt_toolkit 3.0.48 +psutil 6.1.0 +ptyprocess 0.7.0 +pure_eval 0.2.3 +pycparser 2.22 +Pygments 2.17.2 +PyGObject 3.48.2 +PyJWT 2.7.0 +pyparsing 3.2.0 +python-apt 2.7.7+ubuntu3 +python-dateutil 2.9.0.post0 +python-dotenv 1.0.1 +python-json-logger 3.2.1 +pytz 2024.2 +PyYAML 6.0.2 +pyzmq 26.2.0 +referencing 0.35.1 +requests 2.32.3 +rfc3339-validator 0.1.4 +rfc3986-validator 0.1.1 +rpds-py 0.22.3 +scikit-image 0.25.0 +scikit-learn 1.6.0 +scipy 1.14.1 +Send2Trash 1.8.3 +setuptools 72.1.0 +six 1.17.0 +sniffio 1.3.1 +sortedcontainers 2.4.0 +soupsieve 2.6 +stack-data 0.6.3 +sympy 1.13.1 +tbb 2022.0.0 +tbb-devel 2022.0.0 +tcmlib 1.2.0 +terminado 0.18.1 +threadpoolctl 3.5.0 +tifffile 2024.12.12 +tinycss2 1.4.0 +torch 2.5.1 +torchaudio 2.5.0 +torchdata 0.9.0 +torchvision 0.20.0 +tornado 6.4.2 +tqdm 4.67.1 +traitlets 5.14.3 +types-dataclasses 0.6.6 +types-python-dateutil 2.9.0.20241206 +typing 3.7.4.3 +typing_extensions 4.12.2 +tzdata 2024.2 +umf 0.9.1 +unattended-upgrades 0.1 +uri-template 1.3.0 +urllib3 2.2.3 +wadllib 1.3.6 +wcwidth 0.2.13 +webcolors 24.11.1 +webencodings 0.5.1 +websocket-client 1.8.0 +wheel 0.45.1 + +[apt list] +Listing... +adduser/noble,now 3.137ubuntu1 all [installed,automatic] +adwaita-icon-theme/noble,now 46.0-1 all [installed,automatic] +alsa-topology-conf/noble,now 1.2.5.1-2 all [installed,automatic] +alsa-ucm-conf/noble-updates,now 1.2.10-1ubuntu5.3 all [installed,automatic] +apache2-bin/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +apache2-data/noble-updates,now 2.4.58-1ubuntu8.5 all [installed,automatic] +apache2-utils/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +apache2/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +appstream/noble,now 1.0.2-1build6 amd64 [installed,automatic] +apt-utils/noble,now 2.7.14build2 amd64 [installed] +apt/noble,now 2.7.14build2 amd64 [installed] +at-spi2-common/noble,now 2.52.0-1build1 all [installed,automatic] +at-spi2-core/noble,now 2.52.0-1build1 amd64 [installed,automatic] +autoconf/noble,now 2.71-3 all [installed,automatic] +automake/noble,now 1:1.16.5-1.3ubuntu1 all [installed,automatic] +autopoint/noble,now 0.21-14ubuntu2 all [installed,automatic] +autotools-dev/noble,now 20220109.1 all [installed,automatic] +base-files/noble,now 13ubuntu10 amd64 [installed,upgradable to: 13ubuntu10.1] +base-passwd/noble,now 3.6.3build1 amd64 [installed] +bash/noble,now 5.2.21-2ubuntu4 amd64 [installed] +binutils-common/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +binutils-x86-64-linux-gnu/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +binutils/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +bsdextrautils/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +bsdutils/noble-updates,now 1:2.39.3-9ubuntu6.1 amd64 [installed] +build-essential/noble,now 12.10ubuntu1 amd64 [installed] +bzip2-doc/noble-updates,now 1.0.8-5.1build0.1 all [installed,automatic] +bzip2/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed,automatic] +ca-certificates/noble,now 20240203 all [installed] +checkinstall/noble,now 1.6.2+git20170426.d24a630-4 amd64 [installed] +clang-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +clangd-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +cmake-data/noble,now 3.28.3-1build7 all [installed,automatic] +cmake/noble,now 3.28.3-1build7 amd64 [installed] +comerr-dev/noble-updates,now 2.1-1.47.0-2.4~exp1ubuntu4.1 amd64 [installed,automatic] +coreutils/noble,now 9.4-3ubuntu6 amd64 [installed] +cpp-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +cpp-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +cpp-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +cpp/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +cppzmq-dev/noble,now 4.10.0-1build1 amd64 [installed,automatic] +cuda-cccl-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-command-line-tools-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-compat-12-5/unknown,now 555.42.06-1 amd64 [installed] +cuda-compiler-12-5/unknown,now 12.5.1-1 amd64 [installed,automatic] +cuda-crt-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-cudart-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-cudart-dev-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-cuobjdump-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-cupti-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-cupti-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-cuxxfilt-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-driver-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-gdb-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-libraries-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-libraries-dev-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-minimal-build-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-nsight-compute-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-nvcc-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvdisasm-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-nvml-dev-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-nvprof-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-nvprune-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvrtc-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvrtc-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvtx-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-nvvm-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-opencl-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-opencl-dev-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-profiler-api-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-sanitizer-12-5/unknown,now 12.5.81-1 amd64 [installed,automatic] +cuda-toolkit-12-5-config-common/unknown,now 12.5.82-1 all [installed,automatic] +cuda-toolkit-12-config-common/unknown,now 12.5.82-1 all [installed,upgradable to: 12.6.77-1] +cuda-toolkit-config-common/unknown,now 12.5.82-1 all [installed,upgradable to: 12.6.77-1] +curl/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed] +dash/noble,now 0.5.12-6ubuntu5 amd64 [installed] +dbus-bin/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus-daemon/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus-session-bus-common/noble-updates,now 1.14.10-4ubuntu4.1 all [installed,automatic] +dbus-system-bus-common/noble-updates,now 1.14.10-4ubuntu4.1 all [installed,automatic] +dbus-user-session/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dconf-gsettings-backend/noble,now 0.40.0-4build2 amd64 [installed,automatic] +dconf-service/noble,now 0.40.0-4build2 amd64 [installed,automatic] +debconf/noble,now 1.5.86ubuntu1 all [installed] +debhelper/noble,now 13.14.1ubuntu5 all [installed,automatic] +debianutils/noble,now 5.17build1 amd64 [installed] +debugedit/noble,now 1:5.0-5build2 amd64 [installed,automatic] +dh-autoreconf/noble,now 20 all [installed,automatic] +dh-strip-nondeterminism/noble,now 1.13.1-1 all [installed,automatic] +diffutils/noble,now 1:3.10-1build1 amd64 [installed] +dirmngr/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +distro-info-data/noble-updates,now 0.60ubuntu0.2 all [installed,automatic] +dmsetup/noble-updates,now 2:1.02.185-3ubuntu3.1 amd64 [installed,automatic] +doxygen/noble,now 1.9.8+ds-2build5 amd64 [installed] +dpkg-dev/noble,now 1.22.6ubuntu6 all [installed,upgradable to: 1.22.6ubuntu6.1] +dpkg/noble,now 1.22.6ubuntu6 amd64 [installed,upgradable to: 1.22.6ubuntu6.1] +dwz/noble,now 0.15-1build6 amd64 [installed,automatic] +e2fsprogs/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +file/noble,now 1:5.45-3build1 amd64 [installed] +findutils/noble,now 4.9.0-5build1 amd64 [installed] +fontconfig-config/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +fontconfig/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +fonts-dejavu-core/noble,now 2.37-8 all [installed,automatic] +fonts-dejavu-mono/noble,now 2.37-8 all [installed,automatic] +fonts-droid-fallback/noble,now 1:6.0.1r16-1.1build1 all [installed,automatic] +fonts-noto-mono/noble,now 20201225-2 all [installed,automatic] +fonts-urw-base35/noble,now 20200910-8 all [installed,automatic] +g++-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +g++-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +g++-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +g++/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +gcc-13-base/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-14-base/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +gcc-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +gcc/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +gettext-base/noble,now 0.21-14ubuntu2 amd64 [installed,automatic] +gettext/noble,now 0.21-14ubuntu2 amd64 [installed,automatic] +gfortran-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gfortran-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gfortran-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +gfortran/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +ghostscript/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 amd64 [installed,automatic] +gir1.2-atk-1.0/noble,now 2.52.0-1build1 amd64 [installed,automatic] +gir1.2-atspi-2.0/noble,now 2.52.0-1build1 amd64 [installed,automatic] +gir1.2-freedesktop-dev/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-freedesktop/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-gdkpixbuf-2.0/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +gir1.2-girepository-2.0/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-glib-2.0-dev/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +gir1.2-glib-2.0/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +gir1.2-gst-plugins-base-1.0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gir1.2-gstreamer-1.0/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed,automatic] +gir1.2-gtk-2.0/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +gir1.2-gtk-3.0/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +gir1.2-gudev-1.0/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +gir1.2-harfbuzz-0.0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +gir1.2-packagekitglib-1.0/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +gir1.2-pango-1.0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +git-man/noble-updates,noble-security,now 1:2.43.0-1ubuntu7.1 all [installed,automatic] +git/noble-updates,noble-security,now 1:2.43.0-1ubuntu7.1 amd64 [installed] +glib-networking-common/noble,now 2.80.0-1build1 all [installed,automatic] +glib-networking-services/noble,now 2.80.0-1build1 amd64 [installed,automatic] +glib-networking/noble,now 2.80.0-1build1 amd64 [installed,automatic] +gnupg-utils/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gnupg2/noble,now 2.4.4-2ubuntu17 all [installed] +gnupg/noble,now 2.4.4-2ubuntu17 all [installed] +gpg-agent/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpg/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgconf/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgsm/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgv/noble,now 2.4.4-2ubuntu17 amd64 [installed] +grep/noble,now 3.11-4build1 amd64 [installed] +groff-base/noble,now 1.23.0-3build2 amd64 [installed,automatic] +gsettings-desktop-schemas/noble-updates,now 46.1-0ubuntu1 all [installed,automatic] +gstreamer1.0-gl/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gstreamer1.0-plugins-base/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gstreamer1.0-plugins-good/noble-updates,noble-security,now 1.24.2-1ubuntu1.1 amd64 [installed] +gstreamer1.0-x/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gtk-update-icon-cache/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +gzip/noble,now 1.12-1ubuntu3 amd64 [installed] +hdf5-helpers/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +hicolor-icon-theme/noble,now 0.17-2 all [installed,automatic] +hostname/noble,now 3.23+nmu2ubuntu2 amd64 [installed] +humanity-icon-theme/noble,now 0.6.16 all [installed,automatic] +i965-va-driver/noble,now 2.4.1+dfsg1-1build2 amd64 [installed,automatic] +ibverbs-providers/noble,now 50.0-2build2 amd64 [installed,automatic] +icu-devtools/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +imagemagick-6-common/noble,now 8:6.9.12.98+dfsg1-5.2build2 all [installed,automatic] +imagemagick-6.q16/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +imagemagick/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed] +init-system-helpers/noble,now 1.66ubuntu1 all [installed] +intel-media-va-driver/noble,now 24.1.0+dfsg1-1 amd64 [installed,automatic] +intltool-debian/noble,now 0.35.0+20060710.6 all [installed,automatic] +iso-codes/noble,now 4.16.0-1 all [installed,automatic] +javascript-common/noble,now 11+nmu1 all [installed,automatic] +keyboxd/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +krb5-locales/noble-updates,now 1.20.1-6ubuntu2.2 all [installed,automatic] +krb5-multidev/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +less/noble-updates,noble-security,now 590-2ubuntu2.1 amd64 [installed,automatic] +libaa1/noble,now 1.4p5-51.1 amd64 [installed,automatic] +libaacs0/noble,now 0.11.1-2build1 amd64 [installed,automatic] +libabsl20220623t64/noble,now 20220623.1-3.1ubuntu3 amd64 [installed,automatic] +libacl1/noble,now 2.3.2-1build1 amd64 [installed,upgradable to: 2.3.2-1build1.1] +libaec-dev/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libaec0/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libamd-comgr2/noble,now 6.0+git20231212.4510c28+dfsg-3build2 amd64 [installed,automatic] +libamdhip64-5/noble,now 5.7.1-3 amd64 [installed,automatic] +libao-common/noble,now 1.2.2+20180113-1.1ubuntu4 all [installed,automatic] +libao4/noble,now 1.2.2+20180113-1.1ubuntu4 amd64 [installed,automatic] +libaom3/noble-updates,noble-security,now 3.8.2-2ubuntu0.1 amd64 [installed,automatic] +libapparmor1/noble-updates,now 4.0.1really4.0.1-0ubuntu0.24.04.3 amd64 [installed,automatic] +libappstream5/noble,now 1.0.2-1build6 amd64 [installed,automatic] +libapr1t64/noble-updates,noble-security,now 1.7.2-3.1ubuntu0.1 amd64 [installed,automatic] +libaprutil1-dbd-sqlite3/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libaprutil1-ldap/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libaprutil1t64/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libapt-pkg6.0t64/noble,now 2.7.14build2 amd64 [installed] +libarchive-cpio-perl/noble,now 0.10-3 all [installed,automatic] +libarchive-zip-perl/noble,now 1.68-1 all [installed,automatic] +libarchive13t64/noble-updates,noble-security,now 3.7.2-2ubuntu0.3 amd64 [installed,automatic] +libargon2-1/noble,now 0~20190702+dfsg-4build1 amd64 [installed,automatic] +libasan8/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libasound2-data/noble,now 1.2.11-1build2 all [installed,automatic] +libasound2t64/noble,now 1.2.11-1build2 amd64 [installed,automatic] +libass-dev/noble,now 1:0.17.1-2build1 amd64 [installed] +libass9/noble,now 1:0.17.1-2build1 amd64 [installed,automatic] +libassuan0/noble,now 2.5.6-1build1 amd64 [installed] +libasyncns0/noble,now 0.8-6build4 amd64 [installed,automatic] +libatk-adaptor/noble,now 2.52.0-1build1 amd64 [installed] +libatk-bridge2.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk-bridge2.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk1.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk1.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatlas-base-dev/noble,now 3.10.3-13ubuntu1 amd64 [installed] +libatlas3-base/noble,now 3.10.3-13ubuntu1 amd64 [installed,automatic] +libatomic1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libatspi2.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatspi2.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libattr1/noble,now 1:2.5.2-1build1 amd64 [installed] +libaudit-common/noble,now 1:3.1.2-2.1build1 all [installed,upgradable to: 1:3.1.2-2.1build1.1] +libaudit1/noble,now 1:3.1.2-2.1build1 amd64 [installed,upgradable to: 1:3.1.2-2.1build1.1] +libauthen-sasl-perl/noble,now 2.1700-1 all [installed,automatic] +libavahi-client3/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavahi-common-data/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavahi-common3/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavc1394-0/noble,now 0.5.4-5build3 amd64 [installed,automatic] +libavcodec60/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavformat60/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavutil-dev/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavutil58/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libbdplus0/noble,now 0.2.0-3build1 amd64 [installed,automatic] +libbinutils/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libblkid-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libblkid1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libbluray2/noble,now 1:1.3.4-1build1 amd64 [installed,automatic] +libboost-all-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed] +libboost-atomic-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-atomic1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-atomic1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-chrono-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-chrono1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-chrono1.83.0t64/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-container-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-container1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-container1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-context-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-context1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-context1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-coroutine-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-coroutine1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-coroutine1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-date-time-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-date-time1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-date-time1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-exception-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-exception1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-fiber-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-fiber1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-fiber1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-filesystem-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-filesystem1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-filesystem1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-graph-parallel-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-graph-parallel1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph-parallel1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-iostreams-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-iostreams1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-iostreams1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-json-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-json1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-json1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-locale-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-locale1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-locale1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-log-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-log1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-log1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-math-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-math1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-math1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-mpi-python-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-mpi-python1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi-python1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-nowide-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-nowide1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-nowide1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-numpy-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-numpy1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-numpy1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-program-options-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-program-options1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-program-options1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-python-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-python1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-python1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-random-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-random1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-random1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-regex-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-regex1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-regex1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-serialization-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-serialization1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-serialization1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-stacktrace-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-stacktrace1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-stacktrace1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-system-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-system1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-system1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-test-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-test1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-test1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-thread-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-thread1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-thread1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-timer-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-timer1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-timer1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-tools-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-type-erasure-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-type-erasure1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-type-erasure1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-url-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-url1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-url1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-wave-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-wave1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-wave1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost1.83-tools-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libbrotli-dev/noble,now 1.1.0-2build2 amd64 [installed,automatic] +libbrotli1/noble,now 1.1.0-2build2 amd64 [installed,automatic] +libbsd-dev/noble,now 0.12.1-1build1 amd64 [installed,automatic] +libbsd0/noble,now 0.12.1-1build1 amd64 [installed,automatic] +libbz2-1.0/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed] +libbz2-dev/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed,automatic] +libc-bin/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libc-dev-bin/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed,automatic] +libc6-dev/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libc6/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libcaca0/noble,now 0.99.beta20-4build2 amd64 [installed,automatic] +libcaf-openmpi-3t64/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcairo-gobject2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo-script-interpreter2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo2-dev/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcanberra-gtk-module/noble,now 0.30-10ubuntu10 amd64 [installed] +libcanberra-gtk0/noble,now 0.30-10ubuntu10 amd64 [installed,automatic] +libcanberra0t64/noble,now 0.30-10ubuntu10 amd64 [installed,automatic] +libcap-ng0/noble,now 0.8.4-2build2 amd64 [installed] +libcap2-bin/noble,now 1:2.66-5ubuntu2 amd64 [installed,automatic] +libcap2/noble,now 1:2.66-5ubuntu2 amd64 [installed] +libcares2/noble,now 1.27.0-1.0ubuntu1 amd64 [installed,automatic] +libcbor0.10/noble,now 0.10.2-1.2ubuntu2 amd64 [installed,automatic] +libcc1-0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libcdparanoia0/noble,now 3.10.2+debian-14build3 amd64 [installed,automatic] +libchromaprint1/noble,now 1.5.1-5 amd64 [installed,automatic] +libcjson1/noble,now 1.7.17-1 amd64 [installed,automatic] +libclang-common-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang-cpp17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang-cpp18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libclang-rt-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang1-17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang1-18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libclone-perl/noble,now 0.46-1build3 amd64 [installed,automatic] +libcoarrays-dev/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcoarrays-openmpi-dev/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcodec2-1.2/noble,now 1.2.0-2build1 amd64 [installed,automatic] +libcolord2/noble,now 1.4.7-1build2 amd64 [installed,automatic] +libcom-err2/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libcrypt-dev/noble,now 1:4.4.36-4build1 amd64 [installed,automatic] +libcrypt1/noble,now 1:4.4.36-4build1 amd64 [installed] +libcryptsetup12/noble-updates,now 2:2.7.0-1ubuntu4.1 amd64 [installed,automatic] +libctf-nobfd0/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libctf0/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libcublas-12-5/unknown,now 12.5.3.2-1 amd64 [installed] +libcublas-dev-12-5/unknown,now 12.5.3.2-1 amd64 [installed] +libcudnn9-cuda-12/unknown,now 9.3.0.75-1 amd64 [installed,upgradable to: 9.6.0.74-1] +libcudnn9-dev-cuda-12/unknown,now 9.3.0.75-1 amd64 [installed,upgradable to: 9.6.0.74-1] +libcufft-12-5/unknown,now 11.2.3.61-1 amd64 [installed,automatic] +libcufft-dev-12-5/unknown,now 11.2.3.61-1 amd64 [installed,automatic] +libcufile-12-5/unknown,now 1.10.1.7-1 amd64 [installed,automatic] +libcufile-dev-12-5/unknown,now 1.10.1.7-1 amd64 [installed,automatic] +libcups2t64/noble-updates,noble-security,now 2.4.7-1.2ubuntu7.3 amd64 [installed,automatic] +libcurand-12-5/unknown,now 10.3.6.82-1 amd64 [installed,automatic] +libcurand-dev-12-5/unknown,now 10.3.6.82-1 amd64 [installed,automatic] +libcurl3t64-gnutls/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcurl4-openssl-dev/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcurl4t64/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcusolver-12-5/unknown,now 11.6.3.83-1 amd64 [installed,automatic] +libcusolver-dev-12-5/unknown,now 11.6.3.83-1 amd64 [installed,automatic] +libcusparse-12-5/unknown,now 12.5.1.3-1 amd64 [installed] +libcusparse-dev-12-5/unknown,now 12.5.1.3-1 amd64 [installed] +libdata-dump-perl/noble,now 1.25-1 all [installed,automatic] +libdatrie-dev/noble,now 0.2.13-3build1 amd64 [installed,automatic] +libdatrie1/noble,now 0.2.13-3build1 amd64 [installed,automatic] +libdav1d7/noble,now 1.4.1-1build1 amd64 [installed,automatic] +libdb5.3t64/noble,now 5.3.28+dfsg2-7 amd64 [installed,automatic] +libdbus-1-3/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +libdbus-1-dev/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +libdc1394-25/noble,now 2.2.6-4build1 amd64 [installed,automatic] +libdc1394-dev/noble,now 2.2.6-4build1 amd64 [installed] +libdconf1/noble,now 0.40.0-4build2 amd64 [installed,automatic] +libde265-0/noble,now 1.0.15-1build3 amd64 [installed,automatic] +libdebconfclient0/noble,now 0.271ubuntu3 amd64 [installed] +libdebhelper-perl/noble,now 13.14.1ubuntu5 all [installed,automatic] +libdeflate-dev/noble-updates,now 1.19-1build1.1 amd64 [installed,automatic] +libdeflate0/noble-updates,now 1.19-1build1.1 amd64 [installed,automatic] +libdevmapper1.02.1/noble-updates,now 2:1.02.185-3ubuntu3.1 amd64 [installed,automatic] +libdjvulibre-text/noble,now 3.5.28-2build4 all [installed,automatic] +libdjvulibre21/noble,now 3.5.28-2build4 amd64 [installed,automatic] +libdpkg-perl/noble,now 1.22.6ubuntu6 all [installed,upgradable to: 1.22.6ubuntu6.1] +libdrm-amdgpu1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-common/noble,now 2.4.120-2build1 all [installed,automatic] +libdrm-dev/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-intel1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-nouveau2/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-radeon1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm2/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libduktape207/noble,now 2.7.0+tests-0ubuntu3 amd64 [installed,automatic] +libdv4t64/noble,now 1.0.0-17.1build1 amd64 [installed,automatic] +libdw-dev/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libdw1t64/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libedit2/noble,now 3.1-20230828-1build1 amd64 [installed,automatic] +libegl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libegl-mesa0/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libegl1-mesa-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libegl1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libeigen3-dev/noble,now 3.4.0-4 all [installed] +libelf-dev/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libelf1t64/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libencode-locale-perl/noble,now 1.05-3 all [installed,automatic] +libepoxy-dev/noble,now 1.5.10-1build1 amd64 [installed,automatic] +libepoxy0/noble,now 1.5.10-1build1 amd64 [installed,automatic] +liberror-perl/noble,now 0.17029-2 all [installed,automatic] +libevent-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-core-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-dev/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-extra-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-openssl-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-pthreads-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libexif-dev/noble,now 0.6.24-1build2 amd64 [installed,automatic] +libexif-doc/noble,now 0.6.24-1build2 all [installed,automatic] +libexif12/noble,now 0.6.24-1build2 amd64 [installed,automatic] +libexpat1-dev/noble-updates,noble-security,now 2.6.1-2ubuntu0.2 amd64 [installed,automatic] +libexpat1/noble-updates,noble-security,now 2.6.1-2ubuntu0.2 amd64 [installed,automatic] +libext2fs2t64/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libfaac-dev/noble,now 1.30-1 amd64 [installed] +libfaac0/noble,now 1.30-1 amd64 [installed,automatic] +libfabric1/noble,now 1.17.0-3build2 amd64 [installed,automatic] +libfcgi-bin/noble,now 2.4.2-2.1build1 amd64 [installed,automatic] +libfcgi0t64/noble,now 2.4.2-2.1build1 amd64 [installed,automatic] +libfdisk1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libffi-dev/noble,now 3.4.6-1build1 amd64 [installed,automatic] +libffi8/noble,now 3.4.6-1build1 amd64 [installed] +libffms2-5/noble,now 5.0~rc2-1build1 amd64 [installed,automatic] +libfftw3-double3/noble,now 3.3.10-1ubuntu3 amd64 [installed,automatic] +libfido2-1/noble,now 1.14.0-1build3 amd64 [installed,automatic] +libfile-listing-perl/noble,now 6.16-1 all [installed,automatic] +libfile-stripnondeterminism-perl/noble,now 1.13.1-1 all [installed,automatic] +libflac12t64/noble,now 1.4.3+ds-2.1ubuntu2 amd64 [installed,automatic] +libfmt9/noble,now 9.1.0+ds1-2 amd64 [installed,automatic] +libfont-afm-perl/noble,now 1.20-4 all [installed,automatic] +libfontconfig-dev/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +libfontconfig1/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +libfontenc1/noble,now 1:1.1.8-1build1 amd64 [installed,automatic] +libfreetype-dev/noble,now 2.13.2+dfsg-1build3 amd64 [installed] +libfreetype6/noble,now 2.13.2+dfsg-1build3 amd64 [installed,automatic] +libfribidi-dev/noble,now 1.0.13-3build1 amd64 [installed,automatic] +libfribidi0/noble,now 1.0.13-3build1 amd64 [installed,automatic] +libgail-common/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgail18t64/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgbm-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgbm1/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgc1/noble,now 1:8.2.6-1build1 amd64 [installed,automatic] +libgcc-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libgcc-s1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +libgcrypt20/noble,now 1.10.3-2build1 amd64 [installed] +libgd3/noble,now 2.3.3-9ubuntu5 amd64 [installed,automatic] +libgdbm-compat4t64/noble,now 1.23-5.1build1 amd64 [installed,automatic] +libgdbm6t64/noble,now 1.23-5.1build1 amd64 [installed,automatic] +libgdk-pixbuf-2.0-0/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf-2.0-dev/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf2.0-bin/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf2.0-common/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 all [installed,automatic] +libgflags-dev/noble,now 2.2.2-2build1 amd64 [installed] +libgflags2.2/noble,now 2.2.2-2build1 amd64 [installed,automatic] +libgfortran-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libgfortran5/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libgirepository-1.0-1/noble,now 1.80.1-1 amd64 [installed,automatic] +libgirepository-2.0-0/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libgl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgl1-amber-dri/noble,now 21.3.9-0ubuntu2 amd64 [installed,automatic] +libgl1-mesa-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgl1-mesa-dri/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgl1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglapi-mesa/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgles-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgles1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgles2/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglew-dev/noble,now 2.2.0-4build1 amd64 [installed] +libglew2.2/noble,now 2.2.0-4build1 amd64 [installed,automatic] +libglib2.0-0t64/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-bin/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-data/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 all [installed,automatic] +libglib2.0-dev-bin/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-dev/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglu1-mesa-dev/noble,now 9.0.2-1.1build1 amd64 [installed] +libglu1-mesa/noble,now 9.0.2-1.1build1 amd64 [installed] +libglvnd-core-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglvnd-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglvnd0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglx-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglx-mesa0/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libglx0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgme0/noble,now 0.6.3-7build1 amd64 [installed,automatic] +libgmp10/noble,now 2:6.3.0+dfsg-2ubuntu6 amd64 [installed] +libgnutls30t64/noble-security,now 3.8.3-1.1ubuntu3.1 amd64 [installed,upgradable to: 3.8.3-1.1ubuntu3.2] +libgomp1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libgoogle-glog-dev/noble,now 0.6.0-2.1build1 amd64 [installed] +libgoogle-glog0v6t64/noble,now 0.6.0-2.1build1 amd64 [installed,automatic] +libgpg-error0/noble,now 1.47-3build2 amd64 [installed] +libgphoto2-6t64/noble,now 2.5.31-2.1build2 amd64 [installed,automatic] +libgphoto2-dev/noble,now 2.5.31-2.1build2 amd64 [installed] +libgphoto2-l10n/noble,now 2.5.31-2.1build2 all [installed,automatic] +libgphoto2-port12t64/noble,now 2.5.31-2.1build2 amd64 [installed,automatic] +libgpm2/noble,now 1.20.7-11 amd64 [installed,automatic] +libgprofng0/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libgraphene-1.0-0/noble,now 1.10.8-3build2 amd64 [installed,automatic] +libgraphite2-3/noble,now 1.3.14-2build1 amd64 [installed,automatic] +libgraphite2-dev/noble,now 1.3.14-2build1 amd64 [installed,automatic] +libgrpc++1.51t64/noble,now 1.51.1-4.1build5 amd64 [installed,automatic] +libgrpc29t64/noble,now 1.51.1-4.1build5 amd64 [installed,automatic] +libgs-common/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 all [installed,automatic] +libgs10-common/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 all [installed,automatic] +libgs10/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 amd64 [installed,automatic] +libgsm1/noble,now 1.0.22-1build1 amd64 [installed,automatic] +libgssapi-krb5-2/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libgssdp-1.6-0/noble,now 1.6.3-1build3 amd64 [installed,automatic] +libgssrpc4t64/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libgstreamer-gl1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +libgstreamer-plugins-bad1.0-0/noble,now 1.24.2-1ubuntu4 amd64 [installed] +libgstreamer-plugins-base1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +libgstreamer-plugins-base1.0-dev/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed] +libgstreamer-plugins-good1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu1.1 amd64 [installed,automatic] +libgstreamer1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed,automatic] +libgstreamer1.0-dev/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed] +libgtk-3-0t64/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +libgtk-3-bin/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +libgtk-3-common/noble-updates,now 3.24.41-4ubuntu1.2 all [installed,automatic] +libgtk-3-dev/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed] +libgtk2.0-0t64/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgtk2.0-bin/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgtk2.0-common/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 all [installed,automatic] +libgtk2.0-dev/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed] +libgudev-1.0-0/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +libgudev-1.0-dev/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +libgupnp-1.6-0/noble,now 1.6.6-1build3 amd64 [installed,automatic] +libgupnp-igd-1.6-0/noble,now 1.6.0-3build3 amd64 [installed,automatic] +libharfbuzz-cairo0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-dev/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-gobject0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-icu0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-subset0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz0b/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libhdf5-103-1t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-cpp-103-1t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-dev/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed] +libhdf5-fortran-102t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-cpp-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-fortran-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libheif-plugin-aomdec/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif-plugin-aomenc/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif-plugin-libde265/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif1/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libhogweed6t64/noble,now 3.9.1-2.2build1 amd64 [installed,upgradable to: 3.9.1-2.2build1.1] +libhsa-runtime64-1/noble,now 5.7.1-2build1 amd64 [installed,automatic] +libhsakmt1/noble,now 5.7.0-1build1 amd64 [installed,automatic] +libhtml-form-perl/noble,now 6.11-1 all [installed,automatic] +libhtml-format-perl/noble,now 2.16-2 all [installed,automatic] +libhtml-parser-perl/noble,now 3.81-1build3 amd64 [installed,automatic] +libhtml-tagset-perl/noble,now 3.20-6 all [installed,automatic] +libhtml-tree-perl/noble,now 5.07-3 all [installed,automatic] +libhttp-cookies-perl/noble,now 6.11-1 all [installed,automatic] +libhttp-daemon-perl/noble,now 6.16-1 all [installed,automatic] +libhttp-date-perl/noble,now 6.06-1 all [installed,automatic] +libhttp-message-perl/noble,now 6.45-1ubuntu1 all [installed,automatic] +libhttp-negotiate-perl/noble,now 6.01-2 all [installed,automatic] +libhwasan0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libhwloc-dev/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwloc-plugins/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwloc15/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwy1t64/noble,now 1.0.7-8.1build1 amd64 [installed,automatic] +libibverbs-dev/noble,now 50.0-2build2 amd64 [installed,automatic] +libibverbs1/noble,now 50.0-2build2 amd64 [installed,automatic] +libice-dev/noble,now 2:1.0.10-1build3 amd64 [installed,automatic] +libice6/noble,now 2:1.0.10-1build3 amd64 [installed,automatic] +libicu-dev/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +libicu74/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +libid3tag0/noble,now 0.15.1b-14build1 amd64 [installed,automatic] +libidn12/noble,now 1.42-1build1 amd64 [installed,automatic] +libidn2-0/noble,now 2.3.7-2build1 amd64 [installed] +libiec61883-0/noble,now 1.2.0-6build1 amd64 [installed,automatic] +libigdgmm12/noble,now 22.3.17+ds1-1 amd64 [installed,automatic] +libijs-0.35/noble,now 0.35-15.1build1 amd64 [installed,automatic] +libimath-3-1-29t64/noble,now 3.1.9-3.1ubuntu2 amd64 [installed,automatic] +libio-html-perl/noble,now 1.004-3 all [installed,automatic] +libio-socket-ssl-perl/noble,now 2.085-1 all [installed,automatic] +libisl23/noble,now 0.26-3build1 amd64 [installed,automatic] +libitm1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libjansson4/noble,now 2.14-2build2 amd64 [installed,automatic] +libjbig-dev/noble,now 2.1-6.1ubuntu2 amd64 [installed,automatic] +libjbig0/noble,now 2.1-6.1ubuntu2 amd64 [installed,automatic] +libjbig2dec0/noble,now 0.20-1build3 amd64 [installed,automatic] +libjpeg-dev/noble,now 8c-2ubuntu11 amd64 [installed] +libjpeg-turbo8-dev/noble,now 2.1.5-2ubuntu2 amd64 [installed,automatic] +libjpeg-turbo8/noble,now 2.1.5-2ubuntu2 amd64 [installed,automatic] +libjpeg8-dev/noble,now 8c-2ubuntu11 amd64 [installed,automatic] +libjpeg8/noble,now 8c-2ubuntu11 amd64 [installed,automatic] +libjs-jquery-ui/noble,now 1.13.2+dfsg-1 all [installed,automatic] +libjs-jquery/noble,now 3.6.1+dfsg+~3.5.14-1 all [installed,automatic] +libjs-sphinxdoc/noble,now 7.2.6-6 all [installed,automatic] +libjs-underscore/noble,now 1.13.4~dfsg+~1.11.4-3 all [installed,automatic] +libjson-c5/noble,now 0.17-1build1 amd64 [installed,automatic] +libjsoncpp25/noble,now 1.9.5-6build1 amd64 [installed,automatic] +libjxl0.7/noble,now 0.7.0-10.2ubuntu6 amd64 [installed,automatic] +libjxr-tools/noble,now 1.2~git20170615.f752187-5.1ubuntu2 amd64 [installed,automatic] +libjxr0t64/noble,now 1.2~git20170615.f752187-5.1ubuntu2 amd64 [installed,automatic] +libk5crypto3/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkadm5clnt-mit12/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkadm5srv-mit12/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkdb5-10t64/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkeyutils1/noble,now 1.6.3-3build1 amd64 [installed,automatic] +libkmod2/noble,now 31+20240202-2ubuntu7 amd64 [installed,automatic] +libkrb5-3/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkrb5-dev/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkrb5support0/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libksba8/noble,now 1.6.6-1build1 amd64 [installed,automatic] +liblapack-dev/noble-updates,now 3.12.0-3build1.1 amd64 [installed] +liblapack3/noble-updates,now 3.12.0-3build1.1 amd64 [installed,automatic] +liblcms2-2/noble,now 2.14-2build1 amd64 [installed,automatic] +libldap2/noble,now 2.6.7+dfsg-1~exp1ubuntu8 amd64 [installed,upgradable to: 2.6.7+dfsg-1~exp1ubuntu8.1] +liblerc-dev/noble,now 4.0.0+ds-4ubuntu2 amd64 [installed,automatic] +liblerc4/noble,now 4.0.0+ds-4ubuntu2 amd64 [installed,automatic] +liblldb-17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libllvm17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libllvm18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +liblqr-1-0/noble,now 0.4.2-2.1build2 amd64 [installed,automatic] +liblsan0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libltdl-dev/noble,now 2.4.7-7build1 amd64 [installed,automatic] +libltdl7/noble,now 2.4.7-7build1 amd64 [installed,automatic] +liblua5.4-0/noble,now 5.4.6-3build2 amd64 [installed,automatic] +liblwp-mediatypes-perl/noble,now 6.04-2 all [installed,automatic] +liblwp-protocol-https-perl/noble,now 6.13-1 all [installed,automatic] +liblz4-1/noble,now 1.9.4-1build1 amd64 [installed,upgradable to: 1.9.4-1build1.1] +liblzma-dev/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed,automatic] +liblzma5/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed] +liblzo2-2/noble,now 2.10-2build4 amd64 [installed,automatic] +libmad0/noble,now 0.15.1b-10.2ubuntu1 amd64 [installed,automatic] +libmagic-mgc/noble,now 1:5.45-3build1 amd64 [installed,automatic] +libmagic1t64/noble,now 1:5.45-3build1 amd64 [installed,automatic] +libmagickcore-6.q16-7-extra/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmagickcore-6.q16-7t64/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmagickwand-6.q16-7t64/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmail-sendmail-perl/noble,now 0.80-3 all [installed,automatic] +libmailtools-perl/noble,now 2.21-2 all [installed,automatic] +libmbedcrypto7t64/noble,now 2.28.8-1 amd64 [installed,automatic] +libmd-dev/noble,now 1.1.0-2build1 amd64 [installed,automatic] +libmd0/noble,now 1.1.0-2build1 amd64 [installed] +libmount-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libmount1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libmp3lame-dev/noble,now 3.100-6build1 amd64 [installed] +libmp3lame0/noble,now 3.100-6build1 amd64 [installed,automatic] +libmpc3/noble,now 1.3.1-1build1 amd64 [installed,automatic] +libmpfr6/noble,now 4.2.1-1build1 amd64 [installed,automatic] +libmpg123-0t64/noble-updates,noble-security,now 1.32.5-1ubuntu1.1 amd64 [installed,automatic] +libmunge2/noble,now 0.5.15-4build1 amd64 [installed,automatic] +libncurses-dev/noble,now 6.4+20240113-1ubuntu2 amd64 [installed,automatic] +libncurses6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed,automatic] +libncursesw6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +libnet-http-perl/noble,now 6.23-1 all [installed,automatic] +libnet-smtp-ssl-perl/noble,now 1.04-2 all [installed,automatic] +libnet-ssleay-perl/noble,now 1.94-1build4 amd64 [installed,automatic] +libnetpbm11t64/noble,now 2:11.05.02-1.1build1 amd64 [installed,automatic] +libnettle8t64/noble,now 3.9.1-2.2build1 amd64 [installed,upgradable to: 3.9.1-2.2build1.1] +libnghttp2-14/noble-updates,noble-security,now 1.59.0-1ubuntu0.1 amd64 [installed,automatic] +libnice10/noble,now 0.1.21-2build3 amd64 [installed,automatic] +libnl-3-200/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-3-dev/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-route-3-200/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-route-3-dev/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnorm-dev/noble,now 1.5.9+dfsg-3.1build1 amd64 [installed,automatic] +libnorm1t64/noble,now 1.5.9+dfsg-3.1build1 amd64 [installed,automatic] +libnpp-12-5/unknown,now 12.3.0.159-1 amd64 [installed] +libnpp-dev-12-5/unknown,now 12.3.0.159-1 amd64 [installed] +libnpth0t64/noble,now 1.6-3.1build1 amd64 [installed] +libnss-systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libnuma-dev/noble,now 2.0.18-1build1 amd64 [installed] +libnuma1/noble,now 2.0.18-1build1 amd64 [installed] +libnvfatbin-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvfatbin-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvjitlink-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvjitlink-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvjpeg-12-5/unknown,now 12.3.2.81-1 amd64 [installed,automatic] +libnvjpeg-dev-12-5/unknown,now 12.3.2.81-1 amd64 [installed,automatic] +libobjc-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libobjc4/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libogg-dev/noble,now 1.3.5-3build1 amd64 [installed,automatic] +libogg0/noble,now 1.3.5-3build1 amd64 [installed,automatic] +libomp-18-dev/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libomp-dev/noble,now 1:18.0-59~exp2 amd64 [installed] +libomp5-18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libopenblas-dev/noble,now 0.3.26+ds-1 amd64 [installed] +libopenblas-pthread-dev/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopenblas0-pthread/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopenblas0/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopencore-amrnb-dev/noble,now 0.1.6-1build1 amd64 [installed] +libopencore-amrnb0/noble,now 0.1.6-1build1 amd64 [installed,automatic] +libopencore-amrwb-dev/noble,now 0.1.6-1build1 amd64 [installed] +libopencore-amrwb0/noble,now 0.1.6-1build1 amd64 [installed,automatic] +libopenexr-3-1-30/noble,now 3.1.5-5.1build3 amd64 [installed,automatic] +libopengl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libopengl0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libopenjp2-7-dev/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjp2-7/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjp2-tools/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjpip-server/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenmpi-dev/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +libopenmpi3t64/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +libopenmpt0t64/noble,now 0.7.3-1.1build3 amd64 [installed,automatic] +libopus-dev/noble,now 1.4-1build1 amd64 [installed] +libopus0/noble,now 1.4-1build1 amd64 [installed,automatic] +liborc-0.4-0t64/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +liborc-0.4-dev-bin/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +liborc-0.4-dev/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +libp11-kit0/noble,now 0.25.3-4ubuntu2 amd64 [installed,upgradable to: 0.25.3-4ubuntu2.1] +libpackagekit-glib2-18/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +libpam-cap/noble,now 1:2.66-5ubuntu2 amd64 [installed,automatic] +libpam-modules-bin/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpam-modules/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpam-runtime/noble-updates,now 1.5.3-5ubuntu5.1 all [installed] +libpam-systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libpam0g/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpango-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpango1.0-dev/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangocairo-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangoft2-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangoxft-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpaper-utils/noble,now 1.1.29build1 amd64 [installed,automatic] +libpaper1/noble,now 1.1.29build1 amd64 [installed,automatic] +libpciaccess-dev/noble,now 0.17-3build1 amd64 [installed,automatic] +libpciaccess0/noble,now 0.17-3build1 amd64 [installed,automatic] +libpcre2-16-0/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-32-0/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-8-0/noble,now 10.42-4ubuntu2 amd64 [installed] +libpcre2-dev/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-posix3/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libperl5.38t64/noble,now 5.38.2-3.2build2 amd64 [installed,automatic] +libpfm4/noble,now 4.13.0+git32-g0d4ed0e-1 amd64 [installed,automatic] +libpgm-5.3-0t64/noble,now 5.3.128~dfsg-2.1build1 amd64 [installed,automatic] +libpgm-dev/noble,now 5.3.128~dfsg-2.1build1 amd64 [installed,automatic] +libpipeline1/noble,now 1.5.7-2 amd64 [installed,automatic] +libpixman-1-0/noble,now 0.42.2-1build1 amd64 [installed,automatic] +libpixman-1-dev/noble,now 0.42.2-1build1 amd64 [installed,automatic] +libpkgconf3/noble,now 1.8.1-2build1 amd64 [installed,automatic] +libpmix-dev/noble,now 5.0.1-4.1build1 amd64 [installed,automatic] +libpmix2t64/noble,now 5.0.1-4.1build1 amd64 [installed,automatic] +libpng-dev/noble,now 1.6.43-5build1 amd64 [installed] +libpng-tools/noble,now 1.6.43-5build1 amd64 [installed,automatic] +libpng16-16t64/noble,now 1.6.43-5build1 amd64 [installed,automatic] +libpolkit-agent-1-0/noble,now 124-2ubuntu1 amd64 [installed,automatic] +libpolkit-gobject-1-0/noble,now 124-2ubuntu1 amd64 [installed,automatic] +libpopt0/noble,now 1.19+dfsg-1build1 amd64 [installed,automatic] +libpostproc-dev/noble,now 7:6.1.1-3ubuntu5 amd64 [installed] +libpostproc57/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libproc2-0/noble,now 2:4.0.4-4ubuntu3 amd64 [installed,upgradable to: 2:4.0.4-4ubuntu3.2] +libprotobuf-dev/noble,now 3.21.12-8.2build1 amd64 [installed] +libprotobuf-lite32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libprotobuf32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libprotoc32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libproxy1v5/noble,now 0.5.4-4build1 amd64 [installed,automatic] +libpsl5t64/noble,now 0.21.2-1.1build1 amd64 [installed,automatic] +libpsm-infinipath1/noble,now 3.3+20.604758e7-6.3build1 amd64 [installed,automatic] +libpsm2-2/noble,now 11.2.185-2build1 amd64 [installed,automatic] +libpthread-stubs0-dev/noble,now 0.4-1build3 amd64 [installed,automatic] +libpulse-dev/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpulse-mainloop-glib0/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpulse0/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpython3-dev/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +libpython3-stdlib/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +libpython3.12-dev/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12-minimal/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12-stdlib/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12t64/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libquadmath0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +librabbitmq4/noble,now 0.11.0-1build2 amd64 [installed,automatic] +librav1e0/noble,now 0.7.1-2 amd64 [installed,automatic] +libraw1394-11/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw1394-dev/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw1394-tools/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw23t64/noble,now 0.21.2-2.1build1 amd64 [installed,automatic] +librdmacm1t64/noble,now 50.0-2build2 amd64 [installed,automatic] +libre2-10/noble,now 20230301-3build1 amd64 [installed,automatic] +libreadline8t64/noble,now 8.2-4build1 amd64 [installed,automatic] +librhash0/noble,now 1.4.3-3build1 amd64 [installed,automatic] +librist4/noble,now 0.2.10+dfsg-2 amd64 [installed,automatic] +librsvg2-2/noble,now 2.58.0+dfsg-1build1 amd64 [installed,automatic] +librsvg2-common/noble,now 2.58.0+dfsg-1build1 amd64 [installed,automatic] +librtmp1/noble,now 2.4+20151223.gitfa8646d.1-2build7 amd64 [installed,automatic] +libsasl2-2/noble,now 2.1.28+dfsg1-5ubuntu3 amd64 [installed,upgradable to: 2.1.28+dfsg1-5ubuntu3.1] +libsasl2-modules-db/noble,now 2.1.28+dfsg1-5ubuntu3 amd64 [installed,upgradable to: 2.1.28+dfsg1-5ubuntu3.1] +libseccomp2/noble,now 2.5.5-1ubuntu3 amd64 [installed,upgradable to: 2.5.5-1ubuntu3.1] +libselinux1-dev/noble,now 3.5-2ubuntu2 amd64 [installed,automatic] +libselinux1/noble,now 3.5-2ubuntu2 amd64 [installed] +libsemanage-common/noble,now 3.5-1build5 all [installed] +libsemanage2/noble,now 3.5-1build5 amd64 [installed] +libsensors-config/noble,now 1:3.6.0-9build1 all [installed,automatic] +libsensors5/noble,now 1:3.6.0-9build1 amd64 [installed,automatic] +libsepol-dev/noble,now 3.5-2build1 amd64 [installed,automatic] +libsepol2/noble,now 3.5-2build1 amd64 [installed] +libsframe1/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libsharpyuv-dev/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libsharpyuv0/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libshine3/noble,now 3.1.1-2build1 amd64 [installed,automatic] +libshout3/noble,now 2.4.6-1build2 amd64 [installed,automatic] +libslang2/noble,now 2.3.3-3build2 amd64 [installed,automatic] +libsm-dev/noble,now 2:1.2.3-1build3 amd64 [installed,automatic] +libsm6/noble,now 2:1.2.3-1build3 amd64 [installed,automatic] +libsmartcols1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libsnappy1v5/noble,now 1.1.10-1build1 amd64 [installed,automatic] +libsndfile1/noble,now 1.2.2-1ubuntu5 amd64 [installed,automatic] +libsodium-dev/noble,now 1.0.18-1build3 amd64 [installed,automatic] +libsodium23/noble,now 1.0.18-1build3 amd64 [installed,automatic] +libsoup-3.0-0/noble-updates,noble-security,now 3.4.4-5ubuntu0.1 amd64 [installed,automatic] +libsoup-3.0-common/noble-updates,noble-security,now 3.4.4-5ubuntu0.1 all [installed,automatic] +libsox-dev/noble,now 14.4.2+git20190427-4build4 amd64 [installed] +libsox-fmt-all/noble,now 14.4.2+git20190427-4build4 amd64 [installed] +libsox-fmt-alsa/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-ao/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-base/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-mp3/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-oss/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-pulse/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox3/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsoxr0/noble,now 0.1.3-4build3 amd64 [installed,automatic] +libspeex1/noble-updates,now 1.2.1-2ubuntu2.24.04.1 amd64 [installed,automatic] +libsphinxbase-dev/noble,now 0.8+5prealpha+1-17build2 amd64 [installed] +libsphinxbase3t64/noble,now 0.8+5prealpha+1-17build2 amd64 [installed,automatic] +libsqlite3-0/noble,now 3.45.1-1ubuntu2 amd64 [installed,automatic] +libsrt1.5-gnutls/noble,now 1.5.3-1build2 amd64 [installed,automatic] +libss2/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libssh-4/noble,now 0.10.6-2build2 amd64 [installed,automatic] +libssh-gcrypt-4/noble,now 0.10.6-2build2 amd64 [installed,automatic] +libssl-dev/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed,automatic] +libssl3t64/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed] +libstdc++-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libstdc++6/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +libstemmer0d/noble,now 2.2.0-4build1 amd64 [installed,automatic] +libsub-override-perl/noble,now 0.10-1 all [installed,automatic] +libsvtav1enc1d1/noble,now 1.7.0+dfsg-2build1 amd64 [installed,automatic] +libswresample4/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libswscale7/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libsys-hostname-long-perl/noble,now 1.5-3 all [installed,automatic] +libsystemd-shared/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libsystemd0/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed] +libsz2/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libtag1v5-vanilla/noble,now 1.13.1-1build1 amd64 [installed,automatic] +libtag1v5/noble,now 1.13.1-1build1 amd64 [installed,automatic] +libtasn1-6/noble,now 4.19.0-3build1 amd64 [installed] +libtbb-dev/noble,now 2021.11.0-2ubuntu2 amd64 [installed] +libtbb12/noble,now 2021.11.0-2ubuntu2 amd64 [installed,automatic] +libtbbbind-2-5/noble,now 2021.11.0-2ubuntu2 amd64 [installed,automatic] +libtbbmalloc2/noble,now 2021.11.0-2ubuntu2 amd64 [installed] +libtdb1/noble,now 1.4.10-1build1 amd64 [installed,automatic] +libthai-data/noble,now 0.1.29-2build1 all [installed,automatic] +libthai-dev/noble,now 0.1.29-2build1 amd64 [installed,automatic] +libthai0/noble,now 0.1.29-2build1 amd64 [installed,automatic] +libtheora-dev/noble,now 1.1.1+dfsg.1-16.1build3 amd64 [installed] +libtheora0/noble,now 1.1.1+dfsg.1-16.1build3 amd64 [installed,automatic] +libtiff-dev/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtiff5-dev/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed] +libtiff6/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtiffxx6/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtimedate-perl/noble,now 2.3300-2 all [installed,automatic] +libtinfo6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +libtool/noble,now 2.4.7-7build1 all [installed] +libtry-tiny-perl/noble,now 0.31-2 all [installed,automatic] +libtsan2/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libtwolame0/noble,now 0.4.0-2build3 amd64 [installed,automatic] +libubsan1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libuchardet0/noble,now 0.0.8-1build1 amd64 [installed,automatic] +libucx0/noble,now 1.16.0+ds-5ubuntu1 amd64 [installed,automatic] +libudev-dev/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libudev1/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed] +libudfread0/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libunibreak-dev/noble,now 5.1-2build1 amd64 [installed,automatic] +libunibreak5/noble,now 5.1-2build1 amd64 [installed,automatic] +libunistring5/noble,now 1.1-2build1 amd64 [installed] +libunwind-dev/noble,now 1.6.2-3build1 amd64 [installed,automatic] +libunwind8/noble,now 1.6.2-3build1 amd64 [installed,automatic] +liburi-perl/noble,now 5.27-1 all [installed,automatic] +libusb-1.0-0/noble,now 2:1.0.27-1 amd64 [installed,automatic] +libuuid1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libuv1t64/noble,now 1.48.0-1.1build1 amd64 [installed,automatic] +libv4l-0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libv4l-dev/noble,now 1.26.1-4build3 amd64 [installed] +libv4l2rds0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libv4lconvert0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libva-drm2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libva-x11-2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libva2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libvdpau1/noble,now 1.5-2build1 amd64 [installed,automatic] +libvisual-0.4-0/noble,now 0.4.2-2build1 amd64 [installed,automatic] +libvorbis-dev/noble,now 1.3.7-1build3 amd64 [installed] +libvorbis0a/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvorbisenc2/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvorbisfile3/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvpl2/noble,now 2023.3.0-1build1 amd64 [installed,automatic] +libvpx-dev/noble-updates,noble-security,now 1.14.0-1ubuntu2.1 amd64 [installed] +libvpx9/noble-updates,noble-security,now 1.14.0-1ubuntu2.1 amd64 [installed,automatic] +libvulkan1/noble,now 1.3.275.0-1build1 amd64 [installed,automatic] +libwavpack1/noble,now 5.6.0-1build1 amd64 [installed,automatic] +libwayland-bin/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-client0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-cursor0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-dev/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-egl1/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-server0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwebp-dev/noble,now 1.3.2-0.4build3 amd64 [installed] +libwebp7/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpdecoder3/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpdemux2/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpmux3/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwmflite-0.2-7/noble,now 0.2.13-1.1build3 amd64 [installed,automatic] +libwww-perl/noble,now 6.76-1 all [installed,automatic] +libwww-robotrules-perl/noble,now 6.02-1 all [installed,automatic] +libx11-6/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-data/noble,now 2:1.8.7-1build1 all [installed,automatic] +libx11-dev/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-xcb-dev/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-xcb1/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx264-164/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed,automatic] +libx264-dev/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed] +libx265-199/noble,now 3.5-2build1 amd64 [installed,automatic] +libx265-dev/noble,now 3.5-2build1 amd64 [installed] +libxapian30/noble,now 1.4.22-1build1 amd64 [installed,automatic] +libxau-dev/noble,now 1:1.0.9-1build6 amd64 [installed,automatic] +libxau6/noble,now 1:1.0.9-1build6 amd64 [installed,automatic] +libxaw7/noble,now 2:1.0.14-1build2 amd64 [installed,automatic] +libxcb-damage0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-dri2-0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-dri3-0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-glx0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-present0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-randr0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-render0-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-render0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-shm0-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-shm0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-sync1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-xfixes0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-xkb1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb1-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcomposite-dev/noble,now 1:0.4.5-1build3 amd64 [installed,automatic] +libxcomposite1/noble,now 1:0.4.5-1build3 amd64 [installed,automatic] +libxcursor-dev/noble,now 1:1.2.1-1build1 amd64 [installed,automatic] +libxcursor1/noble,now 1:1.2.1-1build1 amd64 [installed,automatic] +libxdamage-dev/noble,now 1:1.1.6-1build1 amd64 [installed,automatic] +libxdamage1/noble,now 1:1.1.6-1build1 amd64 [installed,automatic] +libxdmcp-dev/noble,now 1:1.1.3-0ubuntu6 amd64 [installed,automatic] +libxdmcp6/noble,now 1:1.1.3-0ubuntu6 amd64 [installed,automatic] +libxext-dev/noble,now 2:1.3.4-1build2 amd64 [installed,automatic] +libxext6/noble,now 2:1.3.4-1build2 amd64 [installed,automatic] +libxfixes-dev/noble,now 1:6.0.0-2build1 amd64 [installed,automatic] +libxfixes3/noble,now 1:6.0.0-2build1 amd64 [installed,automatic] +libxft-dev/noble,now 2.3.6-1build1 amd64 [installed,automatic] +libxft2/noble,now 2.3.6-1build1 amd64 [installed,automatic] +libxi-dev/noble,now 2:1.8.1-1build1 amd64 [installed] +libxi6/noble,now 2:1.8.1-1build1 amd64 [installed,automatic] +libxine2-bin/noble,now 1.2.13+hg20230710-2ubuntu6 amd64 [installed,automatic] +libxine2-dev/noble,now 1.2.13+hg20230710-2ubuntu6 amd64 [installed] +libxinerama-dev/noble,now 2:1.1.4-3build1 amd64 [installed,automatic] +libxinerama1/noble,now 2:1.1.4-3build1 amd64 [installed,automatic] +libxkbcommon-dev/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbcommon-x11-0/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbcommon0/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbfile1/noble,now 1:1.1.0-1build4 amd64 [installed,automatic] +libxml2-dev/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxml2-utils/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxml2/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxmlb2/noble,now 0.3.18-1 amd64 [installed,automatic] +libxmu-dev/noble,now 2:1.1.3-3build2 amd64 [installed] +libxmu-headers/noble,now 2:1.1.3-3build2 all [installed,automatic] +libxmu6/noble,now 2:1.1.3-3build2 amd64 [installed,automatic] +libxmuu1/noble,now 2:1.1.3-3build2 amd64 [installed,automatic] +libxnvctrl0/unknown,now 565.57.01-0ubuntu1 amd64 [installed,automatic] +libxpm4/noble,now 1:3.5.17-1build2 amd64 [installed,automatic] +libxrandr-dev/noble,now 2:1.5.2-2build1 amd64 [installed,automatic] +libxrandr2/noble,now 2:1.5.2-2build1 amd64 [installed,automatic] +libxrender-dev/noble,now 1:0.9.10-1.1build1 amd64 [installed,automatic] +libxrender1/noble,now 1:0.9.10-1.1build1 amd64 [installed,automatic] +libxshmfence1/noble,now 1.3-1build5 amd64 [installed,automatic] +libxt-dev/noble,now 1:1.2.1-1.2build1 amd64 [installed,automatic] +libxt6t64/noble,now 1:1.2.1-1.2build1 amd64 [installed,automatic] +libxtst-dev/noble,now 2:1.2.3-1.1build1 amd64 [installed,automatic] +libxtst6/noble,now 2:1.2.3-1.1build1 amd64 [installed,automatic] +libxv1/noble,now 2:1.0.11-1.1build1 amd64 [installed,automatic] +libxvidcore-dev/noble,now 2:1.3.7-1build1 amd64 [installed] +libxvidcore4/noble,now 2:1.3.7-1build1 amd64 [installed,automatic] +libxxf86vm1/noble,now 1:1.1.4-1build4 amd64 [installed,automatic] +libxxhash0/noble,now 0.8.2-2build1 amd64 [installed] +libyaml-0-2/noble,now 0.2.5-1build1 amd64 [installed,automatic] +libz3-4/noble,now 4.8.12-3.1build1 amd64 [installed,automatic] +libz3-dev/noble,now 4.8.12-3.1build1 amd64 [installed,automatic] +libzmq3-dev/noble,now 4.3.5-1build2 amd64 [installed] +libzmq5/noble,now 4.3.5-1build2 amd64 [installed,automatic] +libzstd-dev/noble-updates,now 1.5.5+dfsg2-2build1.1 amd64 [installed,automatic] +libzstd1/noble-updates,now 1.5.5+dfsg2-2build1.1 amd64 [installed] +libzvbi-common/noble,now 0.2.42-2 all [installed,automatic] +libzvbi0t64/noble,now 0.2.42-2 amd64 [installed,automatic] +linux-libc-dev/now 6.8.0-38.38 amd64 [installed,upgradable to: 6.8.0-51.52] +lld-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +lldb-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +llvm-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-linker-tools/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-runtime/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-tools/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +locales/noble-updates,noble-security,now 2.39-0ubuntu8.3 all [installed] +login/noble,now 1:4.13+dfsg1-4ubuntu3 amd64 [installed,upgradable to: 1:4.13+dfsg1-4ubuntu3.2] +logsave/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +lsb-release/noble,now 12.0-2 all [installed] +lto-disabled-list/noble,now 47 all [installed,automatic] +m4/noble,now 1.4.19-4build1 amd64 [installed,automatic] +make/noble,now 4.3-4.1build2 amd64 [installed,automatic] +man-db/noble,now 2.12.0-4build2 amd64 [installed,automatic] +mawk/noble,now 1.3.4.20240123-1build1 amd64 [installed] +media-types/noble,now 10.1.0 all [installed,automatic] +mesa-va-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mesa-vdpau-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mesa-vulkan-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mount/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +mpi-default-bin/noble,now 1.15build1 amd64 [installed,automatic] +mpi-default-dev/noble,now 1.15build1 amd64 [installed,automatic] +ncurses-base/noble,now 6.4+20240113-1ubuntu2 all [installed] +ncurses-bin/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +netbase/noble,now 6.4 all [installed,automatic] +netpbm/noble,now 2:11.05.02-1.1build1 amd64 [installed,automatic] +networkd-dispatcher/noble,now 2.2.4-1 all [installed,automatic] +ninja-build/noble,now 1.11.1-2 amd64 [installed] +nsight-compute-2024.2.1/unknown,now 2024.2.1.2-1 amd64 [installed,automatic] +ocl-icd-libopencl1/noble,now 2.3.2-1build1 amd64 [installed,automatic] +openmpi-bin/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +openmpi-common/noble,now 4.1.6-7ubuntu2 all [installed,automatic] +openssh-client/noble-updates,now 1:9.6p1-3ubuntu13.5 amd64 [installed,automatic] +openssl/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed,automatic] +packagekit-tools/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +packagekit/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +pango1.0-tools/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +passwd/noble,now 1:4.13+dfsg1-4ubuntu3 amd64 [installed,upgradable to: 1:4.13+dfsg1-4ubuntu3.2] +patch/noble,now 2.7.6-7build3 amd64 [installed,automatic] +patchelf/noble,now 0.18.0-1.1build1 amd64 [installed] +perl-base/noble,now 5.38.2-3.2build2 amd64 [installed] +perl-modules-5.38/noble,now 5.38.2-3.2build2 all [installed,automatic] +perl-openssl-defaults/noble,now 7build3 amd64 [installed,automatic] +perl/noble,now 5.38.2-3.2build2 amd64 [installed] +pinentry-curses/noble,now 1.2.1-3ubuntu5 amd64 [installed,automatic] +pkg-config/noble,now 1.8.1-2build1 amd64 [installed] +pkgconf-bin/noble,now 1.8.1-2build1 amd64 [installed,automatic] +pkgconf/noble,now 1.8.1-2build1 amd64 [installed,automatic] +po-debconf/noble,now 1.0.21+nmu1 all [installed,automatic] +polkitd/noble,now 124-2ubuntu1 amd64 [installed,automatic] +poppler-data/noble,now 0.4.12-1 all [installed,automatic] +procps/noble,now 2:4.0.4-4ubuntu3 amd64 [installed,upgradable to: 2:4.0.4-4ubuntu3.2] +protobuf-compiler/noble,now 3.21.12-8.2build1 amd64 [installed] +publicsuffix/noble,now 20231001.0357-0.1 all [installed,automatic] +python-apt-common/noble-updates,now 2.7.7ubuntu3 all [installed,automatic] +python3-apt/noble-updates,now 2.7.7ubuntu3 amd64 [installed,automatic] +python3-blinker/noble,now 1.7.0-1 all [installed,automatic] +python3-cffi-backend/noble,now 1.16.0-2build1 amd64 [installed,automatic] +python3-cryptography/noble-updates,noble-security,now 41.0.7-4ubuntu0.1 amd64 [installed,automatic] +python3-dbus/noble,now 1.3.2-5build3 amd64 [installed,automatic] +python3-dev/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed] +python3-distro-info/noble,now 1.7build1 all [installed,automatic] +python3-distro/noble,now 1.9.0-1 all [installed,automatic] +python3-gi/noble,now 3.48.2-1 amd64 [installed,automatic] +python3-httplib2/noble,now 0.20.4-3 all [installed,automatic] +python3-jwt/noble,now 2.7.0-1 all [installed,automatic] +python3-launchpadlib/noble,now 1.11.0-6 all [installed,automatic] +python3-lazr.restfulclient/noble,now 0.14.6-1 all [installed,automatic] +python3-lazr.uri/noble,now 1.0.6-3 all [installed,automatic] +python3-lldb-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +python3-minimal/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +python3-oauthlib/noble,now 3.2.2-1 all [installed,automatic] +python3-packaging/noble,now 24.0-1 all [installed,automatic] +python3-pip-whl/noble-updates,noble-security,now 24.0+dfsg-1ubuntu1.1 all [installed,automatic] +python3-pkg-resources/noble-updates,noble-security,now 68.1.2-2ubuntu1.1 all [installed,automatic] +python3-pygments/noble,now 2.17.2+dfsg-1 all [installed,automatic] +python3-pyparsing/noble,now 3.1.1-1 all [installed,automatic] +python3-setuptools-whl/noble-updates,noble-security,now 68.1.2-2ubuntu1.1 all [installed,automatic] +python3-six/noble,now 1.16.0-4 all [installed,automatic] +python3-software-properties/noble-updates,now 0.99.49.1 all [installed,automatic] +python3-venv/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed] +python3-wadllib/noble,now 1.3.6-5 all [installed,automatic] +python3-yaml/noble,now 6.0.1-2build2 amd64 [installed,automatic] +python3.12-dev/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12-minimal/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12-venv/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +readline-common/noble,now 8.2-4build1 all [installed,automatic] +rpcsvc-proto/noble,now 1.4.2-0ubuntu7 amd64 [installed,automatic] +rsync/noble,now 3.2.7-1ubuntu1 amd64 [installed] +sed/noble,now 4.9-2build1 amd64 [installed] +sensible-utils/noble,now 0.0.22 all [installed] +session-migration/noble,now 0.3.9build1 amd64 [installed,automatic] +sgml-base/noble,now 1.31 all [installed,automatic] +shared-mime-info/noble,now 2.4-4 amd64 [installed,automatic] +software-properties-common/noble-updates,now 0.99.49.1 all [installed] +sound-theme-freedesktop/noble,now 0.8-2ubuntu1 all [installed,automatic] +spawn-fcgi/noble,now 1.6.4-2 amd64 [installed,automatic] +sphinxbase-utils/noble,now 0.8+5prealpha+1-17build2 amd64 [installed] +ssl-cert/noble,now 1.1.2ubuntu1 all [installed,automatic] +systemd-dev/noble-updates,now 255.4-1ubuntu8.4 all [installed,automatic] +systemd-resolved/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd-sysv/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd-timesyncd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +sysvinit-utils/noble,now 3.08-6ubuntu3 amd64 [installed] +tar/noble,now 1.35+dfsg-3build1 amd64 [installed] +time/noble,now 1.9-0.2build1 amd64 [installed] +tzdata/noble-updates,now 2024a-3ubuntu1.1 all [installed,automatic] +ubuntu-keyring/noble,now 2023.11.28.1 all [installed] +ubuntu-mono/noble,now 24.04-0ubuntu1 all [installed,automatic] +ucf/noble,now 3.0043+nmu1 all [installed,automatic] +unattended-upgrades/noble,now 2.9.1+nmu4ubuntu1 all [installed,automatic] +unzip/noble-updates,noble-security,now 6.0-28ubuntu4.1 amd64 [installed] +util-linux/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +uuid-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +v4l-utils/noble,now 1.26.1-4build3 amd64 [installed] +va-driver-all/noble,now 2.20.0-2build1 amd64 [installed,automatic] +vdpau-driver-all/noble,now 1.5-2build1 amd64 [installed,automatic] +wayland-protocols/noble,now 1.34-1 all [installed,automatic] +wget/noble-updates,noble-security,now 1.21.4-1ubuntu4.1 amd64 [installed] +x11-apps/noble,now 7.7+11build3 amd64 [installed] +x11-common/noble,now 1:7.7+23ubuntu3 all [installed,automatic] +x11proto-dev/noble,now 2023.2-1 all [installed,automatic] +x264/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed] +xauth/noble,now 1:1.1.2-1build1 amd64 [installed,automatic] +xbitmaps/noble,now 1.1.1-2.2 all [installed,automatic] +xdg-user-dirs/noble,now 0.18-1build1 amd64 [installed,automatic] +xfonts-encodings/noble,now 1:1.0.5-0ubuntu2 all [installed,automatic] +xfonts-utils/noble,now 1:7.7+6build3 amd64 [installed,automatic] +xkb-data/noble-updates,now 2.41-2ubuntu1.1 all [installed,automatic] +xml-core/noble,now 0.19 all [installed,automatic] +xorg-sgml-doctools/noble,now 1:1.11-1.1 all [installed,automatic] +xtrans-dev/noble,now 1.4.0-1 all [installed,automatic] +xz-utils/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed,automatic] +yasm/noble,now 1.3.0-4 amd64 [installed] +zip/noble-updates,now 3.0-13ubuntu0.1 amd64 [installed] +zlib1g-dev/noble-updates,now 1:1.3.dfsg-3.1ubuntu2.1 amd64 [installed] +zlib1g/noble-updates,now 1:1.3.dfsg-3.1ubuntu2.1 amd64 [installed] + +[system details] + +FOUND_UBUNTU: 24.04 +OpenCV_Built: 4.10.0 +CUDA_found: 12.5.82 +cuDNN_found: 9.3.0 +FFmpeg_Built: 7.1 +Torch_Built: 2.5.1 +TorchVision_Built: 0.20.0 +TorchAudio_Built: 2.5.0 +TorchData_Built: 0.9.0 diff --git a/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/TensorFlow--Details.txt b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/TensorFlow--Details.txt new file mode 100644 index 0000000..75264b8 --- /dev/null +++ b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/TensorFlow--Details.txt @@ -0,0 +1,14 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_pytorch_opencv:12.5.1_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** TensorFlow configuration: +No TensorFlow built diff --git a/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/torchaudio.patch b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/torchaudio.patch new file mode 100644 index 0000000..063d278 --- /dev/null +++ b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/torchaudio.patch @@ -0,0 +1,12 @@ +diff --git a/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu b/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu +index 4ca8f1bf24..e6192155a2 100644 +--- a/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu ++++ b/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu +@@ -24,6 +24,7 @@ + // (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE + // OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + #include ++#include + #include "ctc_fast_divmod.cuh" + #include "cub/cub.cuh" + #include "device_data_wrap.h" diff --git a/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/withincontainer_checker.sh b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/withincontainer_checker.sh new file mode 100644 index 0000000..b7aa188 --- /dev/null +++ b/BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/withincontainer_checker.sh @@ -0,0 +1,112 @@ +#!/bin/bash + +# Expected to be run in container +if [ ! -f /.within_container ]; then + echo "Tool expected to be ran within the container, aborting" + exit 1 +fi + +destp="/tmp/python_info.txt" +echo "Python location: $(which python3)" > $destp +echo "Python version: $(python3 --version)" >> $destp +echo "" >> $destp +echo "[pip list]" >> $destp +pip3 list >> $destp + +echo "" >> $destp +echo "[apt list]" >> $destp +apt list --installed >> $destp + +echo "" >> $destp +echo "[system details]" >> $destp + +# Ubuntu version +tmp="/etc/lsb-release" +if [ ! -f $tmp ]; then + echo "Unable to confirm Ubuntu version, aborting" + exit 1 +fi +echo "" >> $destp +echo -n "FOUND_UBUNTU: " >> $destp +perl -ne 'print $1 if (m%DISTRIB_RELEASE=(.+)%)' $tmp >> $destp +echo "" >> $destp + +if [ -f /tmp/.GPU_build ]; then + # CUDNN version + cudnn_inc="/usr/include/cudnn.h" + cudnn8_inc="/usr/include/x86_64-linux-gnu/cudnn_version_v8.h" + cudnnjn_inc="/usr/include/cudnn_version.h" + if [ -f $cudnn8_inc ]; then + cudnn_inc="${cudnn8_inc}" + elif [ -f $cudnnjn_inc ]; then + cudnn_inc="$cudnnjn_inc" + fi + if [ ! -f $cudnn_inc ]; then + cudnn="Details not found" + else + cmj="$(sed -n 's/^#define CUDNN_MAJOR\s*\(.*\).*/\1/p' $cudnn_inc)" + cmn="$(sed -n 's/^#define CUDNN_MINOR\s*\(.*\).*/\1/p' $cudnn_inc)" + cpl="$(sed -n 's/^#define CUDNN_PATCHLEVEL\s*\(.*\).*/\1/p' $cudnn_inc)" + cudnn="${cmj}.${cmn}.${cpl}" + fi + echo "$cudnn" > /tmp/.cudnn_found + + # CUDA version + nvcc="/usr/local/nvidia/bin/nvcc" + if [ ! -f $cuda_f ]; then + cuda="Details not found" + else + cuda=$($nvcc --version | grep compilation | perl -ne 'print $1 if (m%V([\d\.]+)%)') + fi + echo "$cuda" > /tmp/.cuda_found +fi + +dest="/tmp/opencv_info.txt" +if [ -f /tmp/.opencv_built ]; then + echo "OpenCV_Built: $(cat /tmp/.opencv_built)" >> $destp + + echo -n "-- Confirming OpenCV Python is installed. Version: " > $dest + python3 -c 'import cv2; print(cv2.__version__)' >> $dest + echo "" >> $dest + opencv_version -v >> $dest + if [ -f /tmp/.cudnn_found ]; then + echo "" >> $dest + echo "cuDNN_FOUND: $(cat /tmp/.cudnn_found)" >> $dest + fi +fi + +if [ -f /tmp/.cuda_found ]; then + echo "CUDA_found: $(cat /tmp/.cuda_found)" >> $destp +fi + +if [ -f /tmp/.cudnn_found ]; then + echo "cuDNN_found: $(cat /tmp/.cudnn_found)" >> $destp +fi + +if [ -f /tmp/.tensorflow_built ]; then + echo "TensorFlow_Built: $(cat /tmp/.tensorflow_built)" >> $destp +fi + +if [ -f /tmp/.ffmpeg_built ]; then + echo "FFmpeg_Built: $(cat /tmp/.ffmpeg_built)" >> $destp +fi + +if [ -f /tmp/.torch_built ]; then + echo "Torch_Built: $(cat /tmp/.torch_built)" >> $destp +fi + +if [ -f /tmp/.torchvision_built ]; then + echo "TorchVision_Built: $(cat /tmp/.torchvision_built)" >> $destp +fi + +if [ -f /tmp/.torchaudio_built ]; then + echo "TorchAudio_Built: $(cat /tmp/.torchaudio_built)" >> $destp +fi + +if [ -f /tmp/.torchdata_built ]; then + echo "TorchData_Built: $(cat /tmp/.torchdata_built)" >> $destp +fi + +if [ -f /tmp/.torchtext_built ]; then + echo "TorchText_Built: $(cat /tmp/.torchtext_built)" >> $destp +fi diff --git a/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/BuildInfo.txt b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/BuildInfo.txt new file mode 100644 index 0000000..ecad543 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/BuildInfo.txt @@ -0,0 +1,14 @@ + +CTPO_FROM=nvidia/cuda:12.5.1-devel-ubuntu24.04 +CTPO_BUILD=GPU +CTPO_TENSORFLOW_VERSION=2.18.0 +CTPO_PYTORCH_VERSION=None +CTPO_CUDA_VERSION=12.5.1 +CTPO_OPENCV_VERSION=4.10.0 +CTPO_RELEASE=20241219 +FOUND_UBUNTU=24.04 +OpenCV_Built=4.10.0 +CUDA_found=12.5.82 +cuDNN_found=9.3.0 +TensorFlow_Built=2.18.0 +FFmpeg_Built=7.1 diff --git a/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/Dockerfile b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/Dockerfile new file mode 100644 index 0000000..10d24f9 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/Dockerfile @@ -0,0 +1,384 @@ +##### Splitting installation into controlled parts: +## - Base container setup (all apt-get + system + ldd extension) +## - Python pip3 preparation + First batch of python tools installs +## - Tensorflow build and install (optional) +## - FFmpeg build and install +## - OpenCV build and install (using FFmpeg) +## - Additional python tools installs +## - Magma build and install (GPU only, optional) +## - PyTorch (+ vison + audio) build and install (using FFmpeg + OpenCV, optional) +## - Final steps: /iti setup, ... + +# The idea is to have a base Dockerfile that will be tailored to specific builds +# so that each build has their own final Dockerfile available for inspection + +ARG CTPO_FROM=nvidia/cuda:12.5.1-devel-ubuntu24.04 +FROM ${CTPO_FROM} + +# Adapted from https://gitlab.com/nvidia/container-images/cuda/-/blob/master/dist/12.2.2/ubuntu2204/devel/cudnn8/Dockerfile +ENV NV_CUDNN_VERSION=9.3.0.75-1 +ENV NV_CUDNN_PACKAGE_BASENAME="libcudnn9" +ENV NV_CUDA_ADD=cuda-12 +ENV NV_CUDNN_PACKAGE="$NV_CUDNN_PACKAGE_BASENAME-$NV_CUDA_ADD=$NV_CUDNN_VERSION" +ENV NV_CUDNN_PACKAGE_DEV="$NV_CUDNN_PACKAGE_BASENAME-dev-$NV_CUDA_ADD=$NV_CUDNN_VERSION" +LABEL com.nvidia.cudnn.version="${NV_CUDNN_VERSION}" + +RUN apt-get update && apt-get install -y --no-install-recommends \ + ${NV_CUDNN_PACKAGE} \ + ${NV_CUDNN_PACKAGE_DEV} \ + && apt-mark hold ${NV_CUDNN_PACKAGE_BASENAME}-${NV_CUDA_ADD} + +ARG CTPO_NUMPROC=32 + +##### Base + +# Install system packages +ENV DEBIAN_FRONTEND=noninteractive +RUN apt-get update -y --fix-missing\ + && apt-get install -y \ + apt-utils \ + locales \ + wget \ + ca-certificates \ + && apt-get clean + +# UTF-8 +RUN localedef -i en_US -c -f UTF-8 -A /usr/share/locale/locale.alias en_US.UTF-8 +ENV LANG=en_US.utf8 + +# Install system packages +RUN apt-get install -y \ + # Base + build-essential \ + checkinstall \ + cmake \ + curl \ + g++ \ + gcc \ + git \ + ninja-build \ + perl \ + patchelf \ + pkg-config \ + protobuf-compiler \ + python3-dev \ + rsync \ + time \ + unzip \ + wget \ + zip \ + zlib1g \ + zlib1g-dev \ + # OpenCV + doxygen \ + file \ + gfortran \ + gnupg \ + gstreamer1.0-plugins-good \ + imagemagick \ + libatk-adaptor \ + libatlas-base-dev \ + libboost-all-dev \ + libcanberra-gtk-module \ + libdc1394-dev \ + libeigen3-dev \ + libfaac-dev \ + libfreetype6-dev \ + libgflags-dev \ + libglew-dev \ + libglu1-mesa \ + libglu1-mesa-dev \ + libgoogle-glog-dev \ + libgphoto2-dev \ + libgstreamer1.0-dev \ + libgstreamer-plugins-bad1.0-0 \ + libgstreamer-plugins-base1.0-dev \ + libgtk2.0-dev \ + libgtk-3-dev \ + libhdf5-dev \ + libhdf5-serial-dev \ + libjpeg-dev \ + liblapack-dev \ + libmp3lame-dev \ + libopenblas-dev \ + libopencore-amrnb-dev \ + libopencore-amrwb-dev \ + libopenjp2-7 \ + libopenjp2-7-dev \ + libopenjp2-tools \ + libopenjpip-server \ + libpng-dev \ + libpostproc-dev \ + libprotobuf-dev \ + libtbbmalloc2 \ + libtbb-dev \ + libtheora-dev \ + libtiff5-dev \ + libv4l-dev \ + libvorbis-dev \ + libwebp-dev \ + libx264-dev \ + libx265-dev \ + libxi-dev \ + libxine2-dev \ + libxmu-dev \ + libxvidcore-dev \ + libzmq3-dev \ + v4l-utils \ + x11-apps \ + x264 \ + yasm \ + # No adds for torch + # FFMpeg (source install, do not install packages: libavcodec-dev libavformat-dev libavresample-dev libavutil-dev libswscale-dev) + libass-dev \ + libc6 \ + libc6-dev \ + libnuma1 \ + libnuma-dev \ + libopus-dev \ + libtool \ + libvpx-dev \ + && apt-get clean + +# No Additional CUDA apt installs + + + +ENV CTPO_CLANG_VERSION=17 +RUN apt-get install -y lsb-release software-properties-common gnupg \ + && mkdir /tmp/clang \ + && cd /tmp/clang \ + && wget https://apt.llvm.org/llvm.sh \ + && chmod +x llvm.sh \ + && ./llvm.sh ${CTPO_CLANG_VERSION} \ + && cd / \ + && rm -rf /tmp/clang +RUN which clang-${CTPO_CLANG_VERSION} \ + && which clang++-${CTPO_CLANG_VERSION} \ + && clang-${CTPO_CLANG_VERSION} --version \ + && clang++-${CTPO_CLANG_VERSION} --version + +ENV CTPO_BUILD=GPU +RUN touch /tmp/.${CTPO_BUILD}_build + +# - Avoid "RPC failed; curl 56 GnuTLS" issue on some pulls, while keeping the system installed git +# - Some tools expect a "python" binary +# - Prepare ldconfig +RUN git config --global http.postBuffer 1048576000 \ + && mkdir -p /usr/local/bin && ln -s $(which python3) /usr/local/bin/python \ + && mkdir -p /usr/local/lib && sh -c 'echo "/usr/local/lib" >> /etc/ld.so.conf.d/usrlocallib.conf' && ldconfig + +ENV LD_LIBRARY_PATH=/usr/local/lib:$LD_LIBRARY_PATH + +# Misc GPU fixes +RUN cd /usr/local \ + && if [ -e cuda ]; then if [ ! -e nvidia ]; then ln -s cuda nvidia; fi; fi \ + && tmp="/usr/local/cuda/extras/CUPTI/lib64" \ + && if [ -d $tmp ]; then \ + echo $tmp >> /etc/ld.so.conf.d/nvidia-cupti.conf; \ + ldconfig; \ + echo "***** CUPTI added to LD path"; \ + fi + + +# Setup pip +RUN mv /usr/lib/python3.12/EXTERNALLY-MANAGED /usr/lib/python3.12/EXTERNALLY-MANAGED.old \ + && wget -q -O /tmp/get-pip.py --no-check-certificate https://bootstrap.pypa.io/get-pip.py \ + && python3 /tmp/get-pip.py \ + && pip3 install -U pip \ + && rm /tmp/get-pip.py + +# No TensorRT support + +# Install Python tools (for buiding) +RUN pip3 install -U --ignore-installed \ + # Base + cmake \ + future \ + mkl \ + mkl-include \ + mock \ + numpy \ + opt_einsum \ + packaging \ + pyyaml \ + requests \ + setuptools \ + six \ + wheel \ + # OpenCV + lxml \ + Pillow \ + # No Torch addons + # Extra + scikit-image \ + scikit-learn \ + matplotlib \ + moviepy \ + pandas \ + mkl-static mkl-include \ + && pip3 install -U keras_preprocessing --no-deps \ + && rm -rf /root/.cache/pip + +##### TensorFlow +# https://www.tensorflow.org/install/source + +## Download & Building TensorFlow from source in same RUN +ENV LATEST_BAZELISK=1.22.1 +ENV CTPO_TENSORFLOW_VERSION=2.18.0 +ENV CTPO_TF_CONFIG="--config=cuda" +ENV TF_CUDA_COMPUTE_CAPABILITIES=6.0,6.1,7.0,7.5,8.0,8.6,8.9,9.0 + +# See https://github.com/tensorflow/tensorflow/blob/master/configure.py for new TF_NEED_ +ENV TF_NEED_CUDA=1 +ENV TF_CUDA_CLANG=1 +ENV TF_NEED_TENSORRT=0 +ENV TF_NEED_AWS=0 +ENV TF_NEED_CLANG=1 +ENV TF_NEED_COMPUTECPP=0 +ENV TF_NEED_GCP=0 +ENV TF_NEED_GDR=0 +ENV TF_NEED_HDFS=0 +ENV TF_NEED_JEMALLOC=0 +ENV TF_NEED_KAFKA=0 +ENV TF_NEED_MKL=1 +ENV TF_NEED_MPI=0 +ENV TF_NEED_OPENCL=0 +ENV TF_NEED_OPENCL_SYCL=0 +ENV TF_NEED_ROCM=0 +ENV TF_NEED_S3=0 +ENV TF_NEED_VERBS=0 +ENV TF_SET_ANDROID_WORKSPACE=0 +ENV HERMETIC_CUDA_COMPUTE_CAPABILITIES=$TF_CUDA_COMPUTE_CAPABILITIES + +RUN curl -s -Lo /usr/local/bin/bazel https://github.com/bazelbuild/bazelisk/releases/download/v${LATEST_BAZELISK}/bazelisk-linux-amd64 \ + && chmod +x /usr/local/bin/bazel \ + && mkdir -p /usr/local/src/tensorflow \ + && cd /usr/local/src \ + && wget -q -c https://github.com/tensorflow/tensorflow/archive/v${CTPO_TENSORFLOW_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/tensorflow \ + && cd /usr/local/src/tensorflow \ + && bazel version \ + && ./configure \ + && time bazel build --verbose_failures --config=opt --config=v2 ${CTPO_TF_CONFIG} //tensorflow/tools/pip_package:wheel --repo_env=WHEEL_NAME=tensorflow --config=cuda --config=cuda_wheel \ + && time pip3 install bazel-bin/tensorflow/tools/pip_package/wheel_house/tensorflow-*.whl \ + && rm -rf /usr/local/src/tensorflow /tmp/tensorflow_pkg /tmp/bazel_check.pl /tmp/tf_build.sh /tmp/hsperfdata_root /root/.cache/bazel /root/.cache/pip /root/.cache/bazelisk + +RUN python3 -c 'import tensorflow as tf; print(f"{tf.__version__}")' > /tmp/.tensorflow_built + +RUN echo "--- Tensorflow Build: Environment variables set --- " > /tmp/tf_env.dump \ + && env | grep TF_ | grep -v CTPO_ | sort >> /tmp/tf_env.dump + +##### FFMPEG + +ENV CTPO_FFMPEG_VERSION=7.1 +ENV CTPO_FFMPEG_NVCODEC=12.2.72.0 +ENV CTPO_FFMPEG_NONFREE="" +RUN mkdir -p /usr/local/src/builder \ + && cd /usr/local/src \ + && wget -q https://github.com/FFmpeg/nv-codec-headers/archive/refs/tags/n${CTPO_FFMPEG_NVCODEC}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder \ + && cd /usr/local/src/builder \ + && make install \ + && rm -rf /usr/local/src/builder +RUN mkdir -p /usr/local/src/builder \ + && cd /usr/local/src \ + && wget -q https://ffmpeg.org/releases/ffmpeg-${CTPO_FFMPEG_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder \ + && cd /usr/local/src/builder \ + && time ./configure --enable-cuda --enable-cuvid --enable-nvdec --enable-nvenc ${CTPO_FFMPEG_NONFREE} --extra-cflags="-I/usr/local/cuda/include/ -fPIC" --extra-ldflags="-L/usr/local/cuda/lib64/ -Wl,-Bsymbolic" --enable-shared --disable-static --enable-gpl --enable-libv4l2 --enable-libvorbis --enable-libvpx --enable-libwebp --enable-libxvid --enable-libopus --enable-pic --enable-libass --enable-libx264 --enable-libx265 | tee /tmp/ffmpeg_config.txt \ + && make -j${CTPO_NUMPROC} install \ + && ldconfig \ + && rm -rf /usr/local/src/builder +# From https://docs.nvidia.com/video-technologies/video-codec-sdk/ffmpeg-with-nvidia-gpu/#basic-testing +# GPU Testing: ffmpeg -y -vsync 0 -hwaccel cuda -hwaccel_output_format cuda -i input.mp4 -c:a copy -c:v h264_nvenc -b:v 5M output.mp4 +# GPU Testing: ffmpeg -y -vsync 0 -hwaccel cuvid -c:v h264_cuvid -i in.mp4 -c:v hevc_nvenc out.mkv + +RUN echo "${CTPO_FFMPEG_VERSION}" > /tmp/.ffmpeg_built + +#### OpenCV + +# Download & Build OpenCV in same RUN +## FYI: We are removing the OpenCV source and build directory in /usr/local/src to attempt to save additional disk space +# Comment the last line if you want to rerun cmake with additional/modified options. For example: +# cd /usr/local/src/opencv/build +# cmake -DOPENCV_ENABLE_NONFREE=ON -DBUILD_EXAMPLES=ON -DBUILD_DOCS=ON -DBUILD_TESTS=ON -DBUILD_PERF_TESTS=ON .. && make install +ENV CTPO_OPENCV_VERSION=4.10.0 +ENV CTPO_OPENCV_CUDA="-D WITH_CUDA=ON -D CUDA_TOOLKIT_ROOT_DIR=/usr/local/cuda -D CMAKE_LIBRARY_PATH=/usr/local/cuda/lib64/stubs -D CUDA_FAST_MATH=1 -D WITH_CUBLAS=1 -D WITH_NVCUVID=1 -DCUDA_ARCH_BIN=6.0,6.1,7.0,7.5,8.0,8.6,8.9,9.0 -DCUDA_ARCH_PTX=6.0,6.1,7.0,7.5,8.0,8.6,8.9,9.0" +ENV CTPO_OPENCV_NONFREE="" +RUN mkdir -p /usr/local/src/opencv/build /usr/local/src/opencv_contrib \ + && cd /usr/local/src \ + && wget -q https://github.com/opencv/opencv/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv \ + && wget -q https://github.com/opencv/opencv_contrib/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv_contrib \ + && cd /usr/local/src/opencv/build \ + && time cmake \ + -DBUILD_DOCS=0 \ + -DBUILD_EXAMPLES=0 \ + -DBUILD_PERF_TESTS=0 \ + -DBUILD_TESTS=0 \ + -DBUILD_opencv_python2=0 \ + -DBUILD_opencv_python3=1 \ + -DCMAKE_BUILD_TYPE=Release \ + -DCMAKE_INSTALL_PREFIX=$(python3 -c "import sys; print(sys.prefix)") \ + -DOPENCV_PYTHON3_INSTALL_PATH=$(python3 -c "from distutils.sysconfig import get_python_lib; print(get_python_lib())") \ + -DPYTHON_EXECUTABLE=$(which python3) \ + -DCMAKE_INSTALL_TYPE=Release \ + -DENABLE_FAST_MATH=1 \ + -DFORCE_VTK=1 \ + -DINSTALL_C_EXAMPLES=0 \ + -DINSTALL_PYTHON_EXAMPLES=0 \ + -DOPENCV_EXTRA_MODULES_PATH=/usr/local/src/opencv_contrib/modules \ + -DOPENCV_GENERATE_PKGCONFIG=1 \ + -DOPENCV_PC_FILE_NAME=opencv.pc \ + -DWITH_CSTRIPES=1 \ + -DWITH_EIGEN=1 \ + -DWITH_GDAL=1 \ + -DWITH_GSTREAMER=1 \ + -DWITH_GSTREAMER_0_10=OFF \ + -DWITH_GTK=1 \ + -DWITH_IPP=1 \ + -DWITH_OPENCL=1 \ + -DWITH_OPENMP=1 \ + -DWITH_TBB=1 \ + -DWITH_V4L=1 \ + -DWITH_WEBP=1 \ + -DWITH_XINE=1 \ + ${CTPO_OPENCV_CUDA} \ + ${CTPO_OPENCV_NONFREE} \ + -GNinja \ + .. \ + && time ninja install \ + && ldconfig \ + && rm -rf /usr/local/src/opencv /usr/local/src/opencv_contrib + +RUN python3 -c 'import cv2; print(f"{cv2.__version__}")' > /tmp/.opencv_built + +# No Magma (PyTorch GPU only) + +# No PyTorch, Torch Audio or Torch Video +RUN echo "No PyTorch built" > /tmp/torch_config.txt \ + && echo "No TorchVision built" > /tmp/torchvision_config.txt \ + && echo "No TorchAudio built" > /tmp/torchaudio_config.txt \ + && echo "No TorchData built" > /tmp/torchdata_config.txt \ + && echo "No TorchText built" > /tmp/torchtext_config.txt + + +##### Final steps + +# Add Jupyter lab & venv requirements +RUN apt-get install -y python3-venv \ + && pip3 install -U jupyterlab +# https://jupyterlab.readthedocs.io/en/stable/getting_started/changelog.html +# with v4 extensions are installed using the extension manager, see https://jupyterlab.readthedocs.io/en/stable/user/extensions.html#id11 + +RUN touch /.within_container +COPY withincontainer_checker.sh /tmp/withincontainer_checker.sh +RUN chmod +x /tmp/withincontainer_checker.sh \ + && /tmp/withincontainer_checker.sh + +# Setting up working directory +RUN mkdir /iti +WORKDIR /iti + +# Uncomment as needed +#ENV NVIDIA_VISIBLE_DEVICES all +#ENV NVIDIA_DRIVER_CAPABILITIES video,compute,utility + +CMD ["/bin/bash"] \ No newline at end of file diff --git a/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/FFmpeg--Details.txt b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/FFmpeg--Details.txt new file mode 100644 index 0000000..3d6a9be --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/FFmpeg--Details.txt @@ -0,0 +1,727 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_opencv:12.5.1_2.18.0_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** FFmpeg configuration: +install prefix /usr/local +source path . +C compiler gcc +C library glibc +ARCH x86 (generic) +big-endian no +runtime cpu detection yes +standalone assembly yes +x86 assembler yasm +MMX enabled yes +MMXEXT enabled yes +3DNow! enabled yes +3DNow! extended enabled yes +SSE enabled yes +SSSE3 enabled yes +AESNI enabled yes +AVX enabled yes +AVX2 enabled yes +AVX-512 enabled yes +AVX-512ICL enabled yes +XOP enabled yes +FMA3 enabled yes +FMA4 enabled yes +i686 features enabled yes +CMOV is fast yes +EBX available yes +EBP available yes +debug symbols yes +strip symbols yes +optimize for size no +optimizations yes +static no +shared yes +postprocessing support yes +network support yes +threading support pthreads +safe bitstream reader yes +texi2html enabled no +perl enabled yes +pod2man enabled yes +makeinfo enabled no +makeinfo supports HTML no +xmllint enabled yes + +External libraries: +bzlib libvorbis libxcb +iconv libvpx libxcb_shm +libass libwebp libxvid +libopus libx264 lzma +libv4l2 libx265 zlib + +External libraries providing hardware acceleration: +cuda libdrm v4l2_m2m +cuvid nvdec +ffnvcodec nvenc + +Libraries: +avcodec avformat swresample +avdevice avutil swscale +avfilter postproc + +Programs: +ffmpeg ffprobe + +Enabled decoders: +aac fourxm pgmyuv +aac_fixed fraps pgssub +aac_latm frwu pgx +aasc ftr phm +ac3 g2m photocd +ac3_fixed g723_1 pictor +acelp_kelvin g729 pixlet +adpcm_4xm gdv pjs +adpcm_adx gem png +adpcm_afc gif ppm +adpcm_agm gremlin_dpcm prores +adpcm_aica gsm prosumer +adpcm_argo gsm_ms psd +adpcm_ct h261 ptx +adpcm_dtk h263 qcelp +adpcm_ea h263_v4l2m2m qdm2 +adpcm_ea_maxis_xa h263i qdmc +adpcm_ea_r1 h263p qdraw +adpcm_ea_r2 h264 qoa +adpcm_ea_r3 h264_cuvid qoi +adpcm_ea_xas h264_v4l2m2m qpeg +adpcm_g722 hap qtrle +adpcm_g726 hca r10k +adpcm_g726le hcom r210 +adpcm_ima_acorn hdr ra_144 +adpcm_ima_alp hevc ra_288 +adpcm_ima_amv hevc_cuvid ralf +adpcm_ima_apc hevc_v4l2m2m rasc +adpcm_ima_apm hnm4_video rawvideo +adpcm_ima_cunning hq_hqa realtext +adpcm_ima_dat4 hqx rka +adpcm_ima_dk3 huffyuv rl2 +adpcm_ima_dk4 hymt roq +adpcm_ima_ea_eacs iac roq_dpcm +adpcm_ima_ea_sead idcin rpza +adpcm_ima_iss idf rscc +adpcm_ima_moflex iff_ilbm rtv1 +adpcm_ima_mtf ilbc rv10 +adpcm_ima_oki imc rv20 +adpcm_ima_qt imm4 rv30 +adpcm_ima_rad imm5 rv40 +adpcm_ima_smjpeg indeo2 s302m +adpcm_ima_ssi indeo3 sami +adpcm_ima_wav indeo4 sanm +adpcm_ima_ws indeo5 sbc +adpcm_ms interplay_acm scpr +adpcm_mtaf interplay_dpcm screenpresso +adpcm_psx interplay_video sdx2_dpcm +adpcm_sbpro_2 ipu sga +adpcm_sbpro_3 jacosub sgi +adpcm_sbpro_4 jpeg2000 sgirle +adpcm_swf jpegls sheervideo +adpcm_thp jv shorten +adpcm_thp_le kgv1 simbiosis_imx +adpcm_vima kmvc sipr +adpcm_xa lagarith siren +adpcm_xmd lead smackaud +adpcm_yamaha libopus smacker +adpcm_zork libvorbis smc +agm libvpx_vp8 smvjpeg +aic libvpx_vp9 snow +alac loco sol_dpcm +alias_pix lscr sonic +als m101 sp5x +amrnb mace3 speedhq +amrwb mace6 speex +amv magicyuv srgc +anm mdec srt +ansi media100 ssa +anull metasound stl +apac microdvd subrip +ape mimic subviewer +apng misc4 subviewer1 +aptx mjpeg sunrast +aptx_hd mjpeg_cuvid svq1 +arbc mjpegb svq3 +argo mlp tak +ass mmvideo targa +asv1 mobiclip targa_y216 +asv2 motionpixels tdsc +atrac1 movtext text +atrac3 mp1 theora +atrac3al mp1float thp +atrac3p mp2 tiertexseqvideo +atrac3pal mp2float tiff +atrac9 mp3 tmv +aura mp3adu truehd +aura2 mp3adufloat truemotion1 +av1 mp3float truemotion2 +av1_cuvid mp3on4 truemotion2rt +avrn mp3on4float truespeech +avrp mpc7 tscc +avs mpc8 tscc2 +avui mpeg1_cuvid tta +bethsoftvid mpeg1_v4l2m2m twinvq +bfi mpeg1video txd +bink mpeg2_cuvid ulti +binkaudio_dct mpeg2_v4l2m2m utvideo +binkaudio_rdft mpeg2video v210 +bintext mpeg4 v210x +bitpacked mpeg4_cuvid v308 +bmp mpeg4_v4l2m2m v408 +bmv_audio mpegvideo v410 +bmv_video mpl2 vb +bonk msa1 vble +brender_pix mscc vbn +c93 msmpeg4v1 vc1 +cavs msmpeg4v2 vc1_cuvid +cbd2_dpcm msmpeg4v3 vc1_v4l2m2m +ccaption msnsiren vc1image +cdgraphics msp2 vcr1 +cdtoons msrle vmdaudio +cdxl mss1 vmdvideo +cfhd mss2 vmix +cinepak msvideo1 vmnc +clearvideo mszh vnull +cljr mts2 vorbis +cllc mv30 vp3 +comfortnoise mvc1 vp4 +cook mvc2 vp5 +cpia mvdv vp6 +cri mvha vp6a +cscd mwsc vp6f +cyuv mxpeg vp7 +dca nellymoser vp8 +dds notchlc vp8_cuvid +derf_dpcm nuv vp8_v4l2m2m +dfa on2avc vp9 +dfpwm opus vp9_cuvid +dirac osq vp9_v4l2m2m +dnxhd paf_audio vplayer +dolby_e paf_video vqa +dpx pam vqc +dsd_lsbf pbm vvc +dsd_lsbf_planar pcm_alaw wady_dpcm +dsd_msbf pcm_bluray wavarc +dsd_msbf_planar pcm_dvd wavpack +dsicinaudio pcm_f16le wbmp +dsicinvideo pcm_f24le wcmv +dss_sp pcm_f32be webp +dst pcm_f32le webvtt +dvaudio pcm_f64be wmalossless +dvbsub pcm_f64le wmapro +dvdsub pcm_lxf wmav1 +dvvideo pcm_mulaw wmav2 +dxa pcm_s16be wmavoice +dxtory pcm_s16be_planar wmv1 +dxv pcm_s16le wmv2 +eac3 pcm_s16le_planar wmv3 +eacmv pcm_s24be wmv3image +eamad pcm_s24daud wnv1 +eatgq pcm_s24le wrapped_avframe +eatgv pcm_s24le_planar ws_snd1 +eatqi pcm_s32be xan_dpcm +eightbps pcm_s32le xan_wc3 +eightsvx_exp pcm_s32le_planar xan_wc4 +eightsvx_fib pcm_s64be xbin +escape124 pcm_s64le xbm +escape130 pcm_s8 xface +evrc pcm_s8_planar xl +exr pcm_sga xma1 +fastaudio pcm_u16be xma2 +ffv1 pcm_u16le xpm +ffvhuff pcm_u24be xsub +ffwavesynth pcm_u24le xwd +fic pcm_u32be y41p +fits pcm_u32le ylc +flac pcm_u8 yop +flashsv pcm_vidc yuv4 +flashsv2 pcx zero12v +flic pdv zerocodec +flv pfm zlib +fmvc pgm zmbv + +Enabled encoders: +a64multi hevc_v4l2m2m pgm +a64multi5 huffyuv pgmyuv +aac jpeg2000 phm +ac3 jpegls png +ac3_fixed libopus ppm +adpcm_adx libvorbis prores +adpcm_argo libvpx_vp8 prores_aw +adpcm_g722 libvpx_vp9 prores_ks +adpcm_g726 libwebp qoi +adpcm_g726le libwebp_anim qtrle +adpcm_ima_alp libx264 r10k +adpcm_ima_amv libx264rgb r210 +adpcm_ima_apm libx265 ra_144 +adpcm_ima_qt libxvid rawvideo +adpcm_ima_ssi ljpeg roq +adpcm_ima_wav magicyuv roq_dpcm +adpcm_ima_ws mjpeg rpza +adpcm_ms mlp rv10 +adpcm_swf movtext rv20 +adpcm_yamaha mp2 s302m +alac mp2fixed sbc +alias_pix mpeg1video sgi +amv mpeg2video smc +anull mpeg4 snow +apng mpeg4_v4l2m2m sonic +aptx msmpeg4v2 sonic_ls +aptx_hd msmpeg4v3 speedhq +ass msrle srt +asv1 msvideo1 ssa +asv2 nellymoser subrip +av1_nvenc opus sunrast +avrp pam svq1 +avui pbm targa +bitpacked pcm_alaw text +bmp pcm_bluray tiff +cfhd pcm_dvd truehd +cinepak pcm_f32be tta +cljr pcm_f32le ttml +comfortnoise pcm_f64be utvideo +dca pcm_f64le v210 +dfpwm pcm_mulaw v308 +dnxhd pcm_s16be v408 +dpx pcm_s16be_planar v410 +dvbsub pcm_s16le vbn +dvdsub pcm_s16le_planar vc2 +dvvideo pcm_s24be vnull +dxv pcm_s24daud vorbis +eac3 pcm_s24le vp8_v4l2m2m +exr pcm_s24le_planar wavpack +ffv1 pcm_s32be wbmp +ffvhuff pcm_s32le webvtt +fits pcm_s32le_planar wmav1 +flac pcm_s64be wmav2 +flashsv pcm_s64le wmv1 +flashsv2 pcm_s8 wmv2 +flv pcm_s8_planar wrapped_avframe +g723_1 pcm_u16be xbm +gif pcm_u16le xface +h261 pcm_u24be xsub +h263 pcm_u24le xwd +h263_v4l2m2m pcm_u32be y41p +h263p pcm_u32le yuv4 +h264_nvenc pcm_u8 zlib +h264_v4l2m2m pcm_vidc zmbv +hdr pcx +hevc_nvenc pfm + +Enabled hwaccels: +av1_nvdec mpeg1_nvdec vp8_nvdec +h264_nvdec mpeg2_nvdec vp9_nvdec +hevc_nvdec mpeg4_nvdec wmv3_nvdec +mjpeg_nvdec vc1_nvdec + +Enabled parsers: +aac dvdsub mpegaudio +aac_latm evc mpegvideo +ac3 flac opus +adx ftr png +amr g723_1 pnm +av1 g729 qoi +avs2 gif rv34 +avs3 gsm sbc +bmp h261 sipr +cavsvideo h263 tak +cook h264 vc1 +cri hdr vorbis +dca hevc vp3 +dirac ipu vp8 +dnxhd jpeg2000 vp9 +dolby_e jpegxl vvc +dpx misc4 webp +dvaudio mjpeg xbm +dvbsub mlp xma +dvd_nav mpeg4video xwd + +Enabled demuxers: +aa idf pcm_s16be +aac iff pcm_s16le +aax ifv pcm_s24be +ac3 ilbc pcm_s24le +ac4 image2 pcm_s32be +ace image2_alias_pix pcm_s32le +acm image2_brender_pix pcm_s8 +act image2pipe pcm_u16be +adf image_bmp_pipe pcm_u16le +adp image_cri_pipe pcm_u24be +ads image_dds_pipe pcm_u24le +adx image_dpx_pipe pcm_u32be +aea image_exr_pipe pcm_u32le +afc image_gem_pipe pcm_u8 +aiff image_gif_pipe pcm_vidc +aix image_hdr_pipe pdv +alp image_j2k_pipe pjs +amr image_jpeg_pipe pmp +amrnb image_jpegls_pipe pp_bnk +amrwb image_jpegxl_pipe pva +anm image_pam_pipe pvf +apac image_pbm_pipe qcp +apc image_pcx_pipe qoa +ape image_pfm_pipe r3d +apm image_pgm_pipe rawvideo +apng image_pgmyuv_pipe rcwt +aptx image_pgx_pipe realtext +aptx_hd image_phm_pipe redspark +aqtitle image_photocd_pipe rka +argo_asf image_pictor_pipe rl2 +argo_brp image_png_pipe rm +argo_cvg image_ppm_pipe roq +asf image_psd_pipe rpl +asf_o image_qdraw_pipe rsd +ass image_qoi_pipe rso +ast image_sgi_pipe rtp +au image_sunrast_pipe rtsp +av1 image_svg_pipe s337m +avi image_tiff_pipe sami +avr image_vbn_pipe sap +avs image_webp_pipe sbc +avs2 image_xbm_pipe sbg +avs3 image_xpm_pipe scc +bethsoftvid image_xwd_pipe scd +bfi ingenient sdns +bfstm ipmovie sdp +bink ipu sdr2 +binka ircam sds +bintext iss sdx +bit iv8 segafilm +bitpacked ivf ser +bmv ivr sga +boa jacosub shorten +bonk jpegxl_anim siff +brstm jv simbiosis_imx +c93 kux sln +caf kvag smacker +cavsvideo laf smjpeg +cdg lc3 smush +cdxl live_flv sol +cine lmlm4 sox +codec2 loas spdif +codec2raw lrc srt +concat luodat stl +data lvf str +daud lxf subviewer +dcstr m4v subviewer1 +derf matroska sup +dfa mca svag +dfpwm mcc svs +dhav mgsts swf +dirac microdvd tak +dnxhd mjpeg tedcaptions +dsf mjpeg_2000 thp +dsicin mlp threedostr +dss mlv tiertexseq +dts mm tmv +dtshd mmf truehd +dv mods tta +dvbsub moflex tty +dvbtxt mov txd +dxa mp3 ty +ea mpc usm +ea_cdata mpc8 v210 +eac3 mpegps v210x +epaf mpegts vag +evc mpegtsraw vc1 +ffmetadata mpegvideo vc1t +filmstrip mpjpeg vividas +fits mpl2 vivo +flac mpsub vmd +flic msf vobsub +flv msnwc_tcp voc +fourxm msp vpk +frm mtaf vplayer +fsb mtv vqf +fwse musx vvc +g722 mv w64 +g723_1 mvi wady +g726 mxf wav +g726le mxg wavarc +g729 nc wc3 +gdv nistsphere webm_dash_manifest +genh nsp webvtt +gif nsv wsaud +gsm nut wsd +gxf nuv wsvqa +h261 obu wtv +h263 ogg wv +h264 oma wve +hca osq xa +hcom paf xbin +hevc pcm_alaw xmd +hls pcm_f32be xmv +hnm pcm_f32le xvag +iamf pcm_f64be xwma +ico pcm_f64le yop +idcin pcm_mulaw yuv4mpegpipe + +Enabled muxers: +a64 h263 pcm_s16le +ac3 h264 pcm_s24be +ac4 hash pcm_s24le +adts hds pcm_s32be +adx hevc pcm_s32le +aea hls pcm_s8 +aiff iamf pcm_u16be +alp ico pcm_u16le +amr ilbc pcm_u24be +amv image2 pcm_u24le +apm image2pipe pcm_u32be +apng ipod pcm_u32le +aptx ircam pcm_u8 +aptx_hd ismv pcm_vidc +argo_asf ivf psp +argo_cvg jacosub rawvideo +asf kvag rcwt +asf_stream latm rm +ass lc3 roq +ast lrc rso +au m4v rtp +avi matroska rtp_mpegts +avif matroska_audio rtsp +avm2 md5 sap +avs2 microdvd sbc +avs3 mjpeg scc +bit mkvtimestamp_v2 segafilm +caf mlp segment +cavsvideo mmf smjpeg +codec2 mov smoothstreaming +codec2raw mp2 sox +crc mp3 spdif +dash mp4 spx +data mpeg1system srt +daud mpeg1vcd stream_segment +dfpwm mpeg1video streamhash +dirac mpeg2dvd sup +dnxhd mpeg2svcd swf +dts mpeg2video tee +dv mpeg2vob tg2 +eac3 mpegts tgp +evc mpjpeg truehd +f4v mxf tta +ffmetadata mxf_d10 ttml +fifo mxf_opatom uncodedframecrc +filmstrip null vc1 +fits nut vc1t +flac obu voc +flv oga vvc +framecrc ogg w64 +framehash ogv wav +framemd5 oma webm +g722 opus webm_chunk +g723_1 pcm_alaw webm_dash_manifest +g726 pcm_f32be webp +g726le pcm_f32le webvtt +gif pcm_f64be wsaud +gsm pcm_f64le wtv +gxf pcm_mulaw wv +h261 pcm_s16be yuv4mpegpipe + +Enabled protocols: +async gopher rtmp +cache hls rtmpt +concat http rtp +concatf httpproxy srtp +crypto icecast subfile +data md5 tcp +fd mmsh tee +ffrtmphttp mmst udp +file pipe udplite +ftp prompeg unix + +Enabled filters: +a3dscope corr oscilloscope +aap cover_rect overlay +abench crop owdenoise +abitscope cropdetect pad +acompressor crossfeed pal100bars +acontrast crystalizer pal75bars +acopy cue palettegen +acrossfade curves paletteuse +acrossover datascope pan +acrusher dblur perlin +acue dcshift perms +addroi dctdnoiz perspective +adeclick deband phase +adeclip deblock photosensitivity +adecorrelate decimate pixdesctest +adelay deconvolve pixelize +adenorm dedot pixscope +aderivative deesser pp +adrawgraph deflate pp7 +adrc deflicker premultiply +adynamicequalizer dejudder prewitt +adynamicsmooth delogo pseudocolor +aecho deshake psnr +aemphasis despill pullup +aeval detelecine qp +aevalsrc dialoguenhance random +aexciter dilation readeia608 +afade displace readvitc +afdelaysrc doubleweave realtime +afftdn drawbox remap +afftfilt drawgraph removegrain +afir drawgrid removelogo +afireqsrc drmeter repeatfields +afirsrc dynaudnorm replaygain +aformat earwax reverse +afreqshift ebur128 rgbashift +afwtdn edgedetect rgbtestsrc +agate elbg roberts +agraphmonitor entropy rotate +ahistogram epx sab +aiir eq scale +aintegral equalizer scale2ref +ainterleave erosion scdet +alatency estdif scharr +alimiter exposure scroll +allpass extractplanes segment +allrgb extrastereo select +allyuv fade selectivecolor +aloop feedback sendcmd +alphaextract fftdnoiz separatefields +alphamerge fftfilt setdar +amerge field setfield +ametadata fieldhint setparams +amix fieldmatch setpts +amovie fieldorder setrange +amplify fillborders setsar +amultiply find_rect settb +anequalizer firequalizer shear +anlmdn flanger showcqt +anlmf floodfill showcwt +anlms format showfreqs +anoisesrc fps showinfo +anull framepack showpalette +anullsink framerate showspatial +anullsrc framestep showspectrum +apad freezedetect showspectrumpic +aperms freezeframes showvolume +aphasemeter fspp showwaves +aphaser fsync showwavespic +aphaseshift gblur shuffleframes +apsnr geq shufflepixels +apsyclip gradfun shuffleplanes +apulsator gradients sidechaincompress +arealtime graphmonitor sidechaingate +aresample grayworld sidedata +areverse greyedge sierpinski +arls guided signalstats +arnndn haas signature +asdr haldclut silencedetect +asegment haldclutsrc silenceremove +aselect hdcd sinc +asendcmd headphone sine +asetnsamples hflip siti +asetpts highpass smartblur +asetrate highshelf smptebars +asettb hilbert smptehdbars +ashowinfo histeq sobel +asidedata histogram spectrumsynth +asisdr hqdn3d speechnorm +asoftclip hqx split +aspectralstats hstack spp +asplit hsvhold ssim +ass hsvkey ssim360 +astats hue stereo3d +astreamselect huesaturation stereotools +asubboost hwdownload stereowiden +asubcut hwmap streamselect +asupercut hwupload subtitles +asuperpass hwupload_cuda super2xsai +asuperstop hysteresis superequalizer +atadenoise identity surround +atempo idet swaprect +atilt il swapuv +atrim inflate tblend +avectorscope interlace telecine +avgblur interleave testsrc +avsynctest join testsrc2 +axcorrelate kerndeint thistogram +backgroundkey kirsch threshold +bandpass lagfun thumbnail +bandreject latency tile +bass lenscorrection tiltandshift +bbox life tiltshelf +bench limitdiff tinterlace +bilateral limiter tlut2 +biquad loop tmedian +bitplanenoise loudnorm tmidequalizer +blackdetect lowpass tmix +blackframe lowshelf tonemap +blend lumakey tpad +blockdetect lut transpose +blurdetect lut1d treble +bm3d lut2 tremolo +boxblur lut3d trim +bwdif lutrgb unpremultiply +cas lutyuv unsharp +ccrepack mandelbrot untile +cellauto maskedclamp uspp +channelmap maskedmax v360 +channelsplit maskedmerge vaguedenoiser +chorus maskedmin varblur +chromahold maskedthreshold vectorscope +chromakey maskfun vflip +chromanr mcdeint vfrdet +chromashift mcompand vibrance +ciescope median vibrato +codecview mergeplanes vif +color mestimate vignette +colorbalance metadata virtualbass +colorchannelmixer midequalizer vmafmotion +colorchart minterpolate volume +colorcontrast mix volumedetect +colorcorrect monochrome vstack +colorhold morpho w3fdif +colorize movie waveform +colorkey mpdecimate weave +colorlevels mptestsrc xbr +colormap msad xcorrelate +colormatrix multiply xfade +colorspace negate xmedian +colorspectrum nlmeans xpsnr +colortemperature nnedi xstack +compand noformat yadif +compensationdelay noise yaepblur +concat normalize yuvtestsrc +convolution null zoneplate +convolve nullsink zoompan +copy nullsrc + +Enabled bsfs: +aac_adtstoasc h264_mp4toannexb pcm_rechunk +av1_frame_merge h264_redundant_pps pgs_frame_merge +av1_frame_split hapqa_extract prores_metadata +av1_metadata hevc_metadata remove_extradata +chomp hevc_mp4toannexb setts +dca_core imx_dump_header showinfo +dovi_rpu media100_to_mjpegb text2movsub +dts2pts mjpeg2jpeg trace_headers +dump_extradata mjpega_dump_header truehd_core +dv_error_marker mov2textsub vp9_metadata +eac3_core mpeg2_metadata vp9_raw_reorder +evc_frame_merge mpeg4_unpack_bframes vp9_superframe +extract_extradata noise vp9_superframe_split +filter_units null vvc_metadata +h264_metadata opus_metadata vvc_mp4toannexb + +Enabled indevs: +fbdev lavfi v4l2 +kmsgrab oss xcbgrab + +Enabled outdevs: +fbdev oss v4l2 + +License: GPL version 2 or later diff --git a/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/OpenCV--Details.txt b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/OpenCV--Details.txt new file mode 100644 index 0000000..d29bcf8 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/OpenCV--Details.txt @@ -0,0 +1,148 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_opencv:12.5.1_2.18.0_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** OpenCV configuration: +-- Confirming OpenCV Python is installed. Version: 4.10.0 + + +General configuration for OpenCV 4.10.0 ===================================== + Version control: unknown + + Extra modules: + Location (extra): /usr/local/src/opencv_contrib/modules + Version control (extra): unknown + + Platform: + Timestamp: 2024-12-19T04:38:29Z + Host: Linux 6.8.0-51-generic x86_64 + CMake: 3.31.2 + CMake generator: Ninja + CMake build tool: /usr/bin/ninja + Configuration: Release + + CPU/HW features: + Baseline: SSE SSE2 SSE3 + requested: SSE3 + Dispatched code generation: SSE4_1 SSE4_2 FP16 AVX AVX2 AVX512_SKX + requested: SSE4_1 SSE4_2 AVX FP16 AVX2 AVX512_SKX + SSE4_1 (16 files): + SSSE3 SSE4_1 + SSE4_2 (1 files): + SSSE3 SSE4_1 POPCNT SSE4_2 + FP16 (0 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 AVX + AVX (8 files): + SSSE3 SSE4_1 POPCNT SSE4_2 AVX + AVX2 (36 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2 + AVX512_SKX (5 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2 AVX_512F AVX512_COMMON AVX512_SKX + + C/C++: + Built as dynamic libs?: YES + C++ standard: 11 + C++ Compiler: /usr/bin/c++ (ver 13.3.0) + C++ flags (Release): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Wnon-virtual-dtor -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Wsuggest-override -Wno-delete-non-virtual-dtor -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -fopenmp -O3 -DNDEBUG -DNDEBUG + C++ flags (Debug): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Wnon-virtual-dtor -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Wsuggest-override -Wno-delete-non-virtual-dtor -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -fopenmp -g -O0 -DDEBUG -D_DEBUG + C Compiler: /usr/bin/cc + C flags (Release): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fopenmp -O3 -DNDEBUG -DNDEBUG + C flags (Debug): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fopenmp -g -O0 -DDEBUG -D_DEBUG + Linker flags (Release): -Wl,--exclude-libs,libippicv.a -Wl,--exclude-libs,libippiw.a -Wl,--gc-sections -Wl,--as-needed -Wl,--no-undefined + Linker flags (Debug): -Wl,--exclude-libs,libippicv.a -Wl,--exclude-libs,libippiw.a -Wl,--gc-sections -Wl,--as-needed -Wl,--no-undefined + ccache: NO + Precompiled headers: NO + Extra dependencies: m pthread cudart_static dl rt nppc nppial nppicc nppidei nppif nppig nppim nppist nppisu nppitc npps cublas cudnn cufft -L/usr/local/cuda/lib64 -L/usr/lib/x86_64-linux-gnu + 3rdparty dependencies: + + OpenCV modules: + To be built: alphamat aruco bgsegm bioinspired calib3d ccalib core cudaarithm cudabgsegm cudacodec cudafeatures2d cudafilters cudaimgproc cudalegacy cudaobjdetect cudaoptflow cudastereo cudawarping cudev datasets dnn dnn_objdetect dnn_superres dpm face features2d flann freetype fuzzy gapi hdf hfs highgui img_hash imgcodecs imgproc intensity_transform line_descriptor mcc ml objdetect optflow phase_unwrapping photo plot python3 quality rapid reg rgbd saliency sfm shape signal stereo stitching structured_light superres surface_matching text tracking video videoio videostab wechat_qrcode xfeatures2d ximgproc xobjdetect xphoto + Disabled: world + Disabled by dependency: - + Unavailable: cannops cvv java julia matlab ovis python2 ts viz + Applications: apps + Documentation: NO + Non-free algorithms: NO + + GUI: GTK3 + GTK+: YES (ver 3.24.41) + GThread : YES (ver 2.80.0) + GtkGlExt: NO + VTK support: NO + + Media I/O: + ZLib: /usr/lib/x86_64-linux-gnu/libz.so (ver 1.3) + JPEG: /usr/lib/x86_64-linux-gnu/libjpeg.so (ver 80) + WEBP: /usr/lib/x86_64-linux-gnu/libwebp.so (ver encoder: 0x020f) + PNG: /usr/lib/x86_64-linux-gnu/libpng.so (ver 1.6.43) + TIFF: /usr/lib/x86_64-linux-gnu/libtiff.so (ver 42 / 4.5.1) + JPEG 2000: OpenJPEG (ver 2.5.0) + OpenEXR: build (ver 2.3.0) + GDAL: NO + HDR: YES + SUNRASTER: YES + PXM: YES + PFM: YES + + Video I/O: + DC1394: YES (2.2.6) + FFMPEG: YES + avcodec: YES (61.19.100) + avformat: YES (61.7.100) + avutil: YES (59.39.100) + swscale: YES (8.3.100) + avresample: NO + GStreamer: YES (1.24.2) + v4l/v4l2: YES (linux/videodev2.h) + Xine: YES (ver 1.2.13) + + Parallel framework: TBB (ver 2022.0 interface 12140) + + Trace: YES (with Intel ITT) + + Other third-party libraries: + Intel IPP: 2021.11.0 [2021.11.0] + at: /usr/local/src/opencv/build/3rdparty/ippicv/ippicv_lnx/icv + Intel IPP IW: sources (2021.11.0) + at: /usr/local/src/opencv/build/3rdparty/ippicv/ippicv_lnx/iw + VA: NO + Lapack: YES (/usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a /usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a /usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a -lpthread -lm -ldl) + Eigen: YES (ver 3.4.0) + Custom HAL: NO + Protobuf: build (3.19.1) + Flatbuffers: builtin/3rdparty (23.5.9) + + NVIDIA CUDA: YES (ver 12.5, CUFFT CUBLAS FAST_MATH) + NVIDIA GPU arch: 60 61 70 75 80 86 89 90 + NVIDIA PTX archs: 60 61 70 75 80 86 89 90 + + cuDNN: YES (ver 9.3.0) + + OpenCL: YES (no extra features) + Include path: /usr/local/src/opencv/3rdparty/include/opencl/1.2 + Link libraries: Dynamic load + + Python 3: + Interpreter: /usr/bin/python3 (ver 3.12.3) + Libraries: /usr/lib/x86_64-linux-gnu/libpython3.12.so (ver 3.12.3) + Limited API: NO + numpy: /usr/local/lib/python3.12/dist-packages/numpy/_core/include (ver 2.0.2) + install path: /usr/lib/python3/dist-packages/cv2/python-3.12 + + Python (for build): /usr/bin/python3 + + Java: + ant: NO + Java: NO + JNI: NO + Java wrappers: NO + Java tests: NO + + Install to: /usr +----------------------------------------------------------------- + + + +cuDNN_FOUND: 9.3.0 diff --git a/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/PyTorch--Details.txt b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/PyTorch--Details.txt new file mode 100644 index 0000000..17654a6 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/PyTorch--Details.txt @@ -0,0 +1,26 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_opencv:12.5.1_2.18.0_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** PyTorch configuration: +No PyTorch built + + +***** TorchVision configuration: +No TorchVision built + + +***** TorchAudio configuration: +No TorchAudio built + + +***** TorchData configuration: +No TorchData built diff --git a/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/System--Details.txt b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/System--Details.txt new file mode 100644 index 0000000..e1587bf --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/System--Details.txt @@ -0,0 +1,1355 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_opencv:12.5.1_2.18.0_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** Python configuration: +Python location: /usr/bin/python3 +Python version: Python 3.12.3 + +[pip list] +Package Version +------------------------- -------------- +absl-py 2.1.0 +anyio 4.7.0 +argon2-cffi 23.1.0 +argon2-cffi-bindings 21.2.0 +arrow 1.3.0 +asttokens 3.0.0 +astunparse 1.6.3 +async-lru 2.0.4 +attrs 24.3.0 +babel 2.16.0 +beautifulsoup4 4.12.3 +bleach 6.2.0 +blinker 1.7.0 +certifi 2024.12.14 +cffi 1.17.1 +charset-normalizer 3.4.0 +cmake 3.31.2 +comm 0.2.2 +contourpy 1.3.1 +cryptography 41.0.7 +cycler 0.12.1 +dbus-python 1.3.2 +debugpy 1.8.11 +decorator 5.1.1 +defusedxml 0.7.1 +distro 1.9.0 +distro-info 1.7+build1 +executing 2.1.0 +fastjsonschema 2.21.1 +flatbuffers 24.3.25 +fonttools 4.55.3 +fqdn 1.5.1 +future 1.0.0 +gast 0.6.0 +google-pasta 0.2.0 +grpcio 1.68.1 +h11 0.14.0 +h5py 3.12.1 +httpcore 1.0.7 +httplib2 0.20.4 +httpx 0.28.1 +idna 3.10 +imageio 2.36.1 +imageio-ffmpeg 0.5.1 +intel-cmplr-lib-ur 2025.0.4 +intel-openmp 2025.0.4 +ipykernel 6.29.5 +ipython 8.30.0 +isoduration 20.11.0 +jedi 0.19.2 +Jinja2 3.1.4 +joblib 1.4.2 +json5 0.10.0 +jsonpointer 3.0.0 +jsonschema 4.23.0 +jsonschema-specifications 2024.10.1 +jupyter_client 8.6.3 +jupyter_core 5.7.2 +jupyter-events 0.11.0 +jupyter-lsp 2.2.5 +jupyter_server 2.14.2 +jupyter_server_terminals 0.5.3 +jupyterlab 4.3.4 +jupyterlab_pygments 0.3.0 +jupyterlab_server 2.27.3 +keras 3.7.0 +Keras-Preprocessing 1.1.2 +kiwisolver 1.4.7 +launchpadlib 1.11.0 +lazr.restfulclient 0.14.6 +lazr.uri 1.0.6 +lazy_loader 0.4 +libclang 18.1.1 +lxml 5.3.0 +Markdown 3.7 +markdown-it-py 3.0.0 +MarkupSafe 3.0.2 +matplotlib 3.10.0 +matplotlib-inline 0.1.7 +mdurl 0.1.2 +mistune 3.0.2 +mkl 2025.0.1 +mkl-include 2025.0.1 +mkl-static 2025.0.1 +ml-dtypes 0.4.1 +mock 5.1.0 +moviepy 2.1.1 +namex 0.0.8 +nbclient 0.10.1 +nbconvert 7.16.4 +nbformat 5.10.4 +nest-asyncio 1.6.0 +networkx 3.4.2 +notebook_shim 0.2.4 +numpy 2.0.2 +oauthlib 3.2.2 +opt_einsum 3.4.0 +optree 0.13.1 +overrides 7.7.0 +packaging 24.2 +pandas 2.2.3 +pandocfilters 1.5.1 +parso 0.8.4 +pexpect 4.9.0 +pillow 10.4.0 +pip 24.3.1 +platformdirs 4.3.6 +proglog 0.1.10 +prometheus_client 0.21.1 +prompt_toolkit 3.0.48 +protobuf 5.29.2 +psutil 6.1.0 +ptyprocess 0.7.0 +pure_eval 0.2.3 +pycparser 2.22 +Pygments 2.17.2 +PyGObject 3.48.2 +PyJWT 2.7.0 +pyparsing 3.2.0 +python-apt 2.7.7+ubuntu3 +python-dateutil 2.9.0.post0 +python-dotenv 1.0.1 +python-json-logger 3.2.1 +pytz 2024.2 +PyYAML 6.0.2 +pyzmq 26.2.0 +referencing 0.35.1 +requests 2.32.3 +rfc3339-validator 0.1.4 +rfc3986-validator 0.1.1 +rich 13.9.4 +rpds-py 0.22.3 +scikit-image 0.25.0 +scikit-learn 1.6.0 +scipy 1.14.1 +Send2Trash 1.8.3 +setuptools 75.6.0 +six 1.17.0 +sniffio 1.3.1 +soupsieve 2.6 +stack-data 0.6.3 +tbb 2022.0.0 +tbb-devel 2022.0.0 +tcmlib 1.2.0 +tensorboard 2.18.0 +tensorboard-data-server 0.7.2 +tensorflow 2.18.0 +termcolor 2.5.0 +terminado 0.18.1 +threadpoolctl 3.5.0 +tifffile 2024.12.12 +tinycss2 1.4.0 +tornado 6.4.2 +tqdm 4.67.1 +traitlets 5.14.3 +types-python-dateutil 2.9.0.20241206 +typing_extensions 4.12.2 +tzdata 2024.2 +umf 0.9.1 +unattended-upgrades 0.1 +uri-template 1.3.0 +urllib3 2.2.3 +wadllib 1.3.6 +wcwidth 0.2.13 +webcolors 24.11.1 +webencodings 0.5.1 +websocket-client 1.8.0 +Werkzeug 3.1.3 +wheel 0.45.1 +wrapt 1.17.0 + +[apt list] +Listing... +adduser/noble,now 3.137ubuntu1 all [installed,automatic] +adwaita-icon-theme/noble,now 46.0-1 all [installed,automatic] +alsa-topology-conf/noble,now 1.2.5.1-2 all [installed,automatic] +alsa-ucm-conf/noble-updates,now 1.2.10-1ubuntu5.3 all [installed,automatic] +apache2-bin/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +apache2-data/noble-updates,now 2.4.58-1ubuntu8.5 all [installed,automatic] +apache2-utils/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +apache2/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +appstream/noble,now 1.0.2-1build6 amd64 [installed,automatic] +apt-utils/noble,now 2.7.14build2 amd64 [installed] +apt/noble,now 2.7.14build2 amd64 [installed] +at-spi2-common/noble,now 2.52.0-1build1 all [installed,automatic] +at-spi2-core/noble,now 2.52.0-1build1 amd64 [installed,automatic] +autoconf/noble,now 2.71-3 all [installed,automatic] +automake/noble,now 1:1.16.5-1.3ubuntu1 all [installed,automatic] +autopoint/noble,now 0.21-14ubuntu2 all [installed,automatic] +autotools-dev/noble,now 20220109.1 all [installed,automatic] +base-files/noble,now 13ubuntu10 amd64 [installed,upgradable to: 13ubuntu10.1] +base-passwd/noble,now 3.6.3build1 amd64 [installed] +bash/noble,now 5.2.21-2ubuntu4 amd64 [installed] +binutils-common/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +binutils-x86-64-linux-gnu/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +binutils/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +bsdextrautils/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +bsdutils/noble-updates,now 1:2.39.3-9ubuntu6.1 amd64 [installed] +build-essential/noble,now 12.10ubuntu1 amd64 [installed] +bzip2-doc/noble-updates,now 1.0.8-5.1build0.1 all [installed,automatic] +bzip2/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed,automatic] +ca-certificates/noble,now 20240203 all [installed] +checkinstall/noble,now 1.6.2+git20170426.d24a630-4 amd64 [installed] +clang-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +clangd-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +cmake-data/noble,now 3.28.3-1build7 all [installed,automatic] +cmake/noble,now 3.28.3-1build7 amd64 [installed] +comerr-dev/noble-updates,now 2.1-1.47.0-2.4~exp1ubuntu4.1 amd64 [installed,automatic] +coreutils/noble,now 9.4-3ubuntu6 amd64 [installed] +cpp-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +cpp-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +cpp-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +cpp/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +cppzmq-dev/noble,now 4.10.0-1build1 amd64 [installed,automatic] +cuda-cccl-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-command-line-tools-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-compat-12-5/unknown,now 555.42.06-1 amd64 [installed] +cuda-compiler-12-5/unknown,now 12.5.1-1 amd64 [installed,automatic] +cuda-crt-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-cudart-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-cudart-dev-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-cuobjdump-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-cupti-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-cupti-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-cuxxfilt-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-driver-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-gdb-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-libraries-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-libraries-dev-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-minimal-build-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-nsight-compute-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-nvcc-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvdisasm-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-nvml-dev-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-nvprof-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-nvprune-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvrtc-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvrtc-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvtx-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-nvvm-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-opencl-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-opencl-dev-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-profiler-api-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-sanitizer-12-5/unknown,now 12.5.81-1 amd64 [installed,automatic] +cuda-toolkit-12-5-config-common/unknown,now 12.5.82-1 all [installed,automatic] +cuda-toolkit-12-config-common/unknown,now 12.5.82-1 all [installed,upgradable to: 12.6.77-1] +cuda-toolkit-config-common/unknown,now 12.5.82-1 all [installed,upgradable to: 12.6.77-1] +curl/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed] +dash/noble,now 0.5.12-6ubuntu5 amd64 [installed] +dbus-bin/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus-daemon/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus-session-bus-common/noble-updates,now 1.14.10-4ubuntu4.1 all [installed,automatic] +dbus-system-bus-common/noble-updates,now 1.14.10-4ubuntu4.1 all [installed,automatic] +dbus-user-session/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dconf-gsettings-backend/noble,now 0.40.0-4build2 amd64 [installed,automatic] +dconf-service/noble,now 0.40.0-4build2 amd64 [installed,automatic] +debconf/noble,now 1.5.86ubuntu1 all [installed] +debhelper/noble,now 13.14.1ubuntu5 all [installed,automatic] +debianutils/noble,now 5.17build1 amd64 [installed] +debugedit/noble,now 1:5.0-5build2 amd64 [installed,automatic] +dh-autoreconf/noble,now 20 all [installed,automatic] +dh-strip-nondeterminism/noble,now 1.13.1-1 all [installed,automatic] +diffutils/noble,now 1:3.10-1build1 amd64 [installed] +dirmngr/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +distro-info-data/noble-updates,now 0.60ubuntu0.2 all [installed,automatic] +dmsetup/noble-updates,now 2:1.02.185-3ubuntu3.1 amd64 [installed,automatic] +doxygen/noble,now 1.9.8+ds-2build5 amd64 [installed] +dpkg-dev/noble,now 1.22.6ubuntu6 all [installed,upgradable to: 1.22.6ubuntu6.1] +dpkg/noble,now 1.22.6ubuntu6 amd64 [installed,upgradable to: 1.22.6ubuntu6.1] +dwz/noble,now 0.15-1build6 amd64 [installed,automatic] +e2fsprogs/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +file/noble,now 1:5.45-3build1 amd64 [installed] +findutils/noble,now 4.9.0-5build1 amd64 [installed] +fontconfig-config/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +fontconfig/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +fonts-dejavu-core/noble,now 2.37-8 all [installed,automatic] +fonts-dejavu-mono/noble,now 2.37-8 all [installed,automatic] +fonts-droid-fallback/noble,now 1:6.0.1r16-1.1build1 all [installed,automatic] +fonts-noto-mono/noble,now 20201225-2 all [installed,automatic] +fonts-urw-base35/noble,now 20200910-8 all [installed,automatic] +g++-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +g++-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +g++-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +g++/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +gcc-13-base/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-14-base/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +gcc-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +gcc/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +gettext-base/noble,now 0.21-14ubuntu2 amd64 [installed,automatic] +gettext/noble,now 0.21-14ubuntu2 amd64 [installed,automatic] +gfortran-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gfortran-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gfortran-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +gfortran/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +ghostscript/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 amd64 [installed,automatic] +gir1.2-atk-1.0/noble,now 2.52.0-1build1 amd64 [installed,automatic] +gir1.2-atspi-2.0/noble,now 2.52.0-1build1 amd64 [installed,automatic] +gir1.2-freedesktop-dev/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-freedesktop/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-gdkpixbuf-2.0/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +gir1.2-girepository-2.0/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-glib-2.0-dev/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +gir1.2-glib-2.0/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +gir1.2-gst-plugins-base-1.0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gir1.2-gstreamer-1.0/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed,automatic] +gir1.2-gtk-2.0/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +gir1.2-gtk-3.0/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +gir1.2-gudev-1.0/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +gir1.2-harfbuzz-0.0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +gir1.2-packagekitglib-1.0/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +gir1.2-pango-1.0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +git-man/noble-updates,noble-security,now 1:2.43.0-1ubuntu7.1 all [installed,automatic] +git/noble-updates,noble-security,now 1:2.43.0-1ubuntu7.1 amd64 [installed] +glib-networking-common/noble,now 2.80.0-1build1 all [installed,automatic] +glib-networking-services/noble,now 2.80.0-1build1 amd64 [installed,automatic] +glib-networking/noble,now 2.80.0-1build1 amd64 [installed,automatic] +gnupg-utils/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gnupg2/noble,now 2.4.4-2ubuntu17 all [installed] +gnupg/noble,now 2.4.4-2ubuntu17 all [installed] +gpg-agent/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpg/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgconf/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgsm/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgv/noble,now 2.4.4-2ubuntu17 amd64 [installed] +grep/noble,now 3.11-4build1 amd64 [installed] +groff-base/noble,now 1.23.0-3build2 amd64 [installed,automatic] +gsettings-desktop-schemas/noble-updates,now 46.1-0ubuntu1 all [installed,automatic] +gstreamer1.0-gl/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gstreamer1.0-plugins-base/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gstreamer1.0-plugins-good/noble-updates,noble-security,now 1.24.2-1ubuntu1.1 amd64 [installed] +gstreamer1.0-x/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gtk-update-icon-cache/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +gzip/noble,now 1.12-1ubuntu3 amd64 [installed] +hdf5-helpers/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +hicolor-icon-theme/noble,now 0.17-2 all [installed,automatic] +hostname/noble,now 3.23+nmu2ubuntu2 amd64 [installed] +humanity-icon-theme/noble,now 0.6.16 all [installed,automatic] +i965-va-driver/noble,now 2.4.1+dfsg1-1build2 amd64 [installed,automatic] +ibverbs-providers/noble,now 50.0-2build2 amd64 [installed,automatic] +icu-devtools/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +imagemagick-6-common/noble,now 8:6.9.12.98+dfsg1-5.2build2 all [installed,automatic] +imagemagick-6.q16/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +imagemagick/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed] +init-system-helpers/noble,now 1.66ubuntu1 all [installed] +intel-media-va-driver/noble,now 24.1.0+dfsg1-1 amd64 [installed,automatic] +intltool-debian/noble,now 0.35.0+20060710.6 all [installed,automatic] +iso-codes/noble,now 4.16.0-1 all [installed,automatic] +javascript-common/noble,now 11+nmu1 all [installed,automatic] +keyboxd/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +krb5-locales/noble-updates,now 1.20.1-6ubuntu2.2 all [installed,automatic] +krb5-multidev/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +less/noble-updates,noble-security,now 590-2ubuntu2.1 amd64 [installed,automatic] +libaa1/noble,now 1.4p5-51.1 amd64 [installed,automatic] +libaacs0/noble,now 0.11.1-2build1 amd64 [installed,automatic] +libabsl20220623t64/noble,now 20220623.1-3.1ubuntu3 amd64 [installed,automatic] +libacl1/noble,now 2.3.2-1build1 amd64 [installed,upgradable to: 2.3.2-1build1.1] +libaec-dev/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libaec0/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libamd-comgr2/noble,now 6.0+git20231212.4510c28+dfsg-3build2 amd64 [installed,automatic] +libamdhip64-5/noble,now 5.7.1-3 amd64 [installed,automatic] +libaom3/noble-updates,noble-security,now 3.8.2-2ubuntu0.1 amd64 [installed,automatic] +libapparmor1/noble-updates,now 4.0.1really4.0.1-0ubuntu0.24.04.3 amd64 [installed,automatic] +libappstream5/noble,now 1.0.2-1build6 amd64 [installed,automatic] +libapr1t64/noble-updates,noble-security,now 1.7.2-3.1ubuntu0.1 amd64 [installed,automatic] +libaprutil1-dbd-sqlite3/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libaprutil1-ldap/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libaprutil1t64/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libapt-pkg6.0t64/noble,now 2.7.14build2 amd64 [installed] +libarchive-cpio-perl/noble,now 0.10-3 all [installed,automatic] +libarchive-zip-perl/noble,now 1.68-1 all [installed,automatic] +libarchive13t64/noble-updates,noble-security,now 3.7.2-2ubuntu0.3 amd64 [installed,automatic] +libargon2-1/noble,now 0~20190702+dfsg-4build1 amd64 [installed,automatic] +libasan8/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libasound2-data/noble,now 1.2.11-1build2 all [installed,automatic] +libasound2t64/noble,now 1.2.11-1build2 amd64 [installed,automatic] +libass-dev/noble,now 1:0.17.1-2build1 amd64 [installed] +libass9/noble,now 1:0.17.1-2build1 amd64 [installed,automatic] +libassuan0/noble,now 2.5.6-1build1 amd64 [installed] +libasyncns0/noble,now 0.8-6build4 amd64 [installed,automatic] +libatk-adaptor/noble,now 2.52.0-1build1 amd64 [installed] +libatk-bridge2.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk-bridge2.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk1.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk1.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatlas-base-dev/noble,now 3.10.3-13ubuntu1 amd64 [installed] +libatlas3-base/noble,now 3.10.3-13ubuntu1 amd64 [installed,automatic] +libatomic1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libatspi2.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatspi2.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libattr1/noble,now 1:2.5.2-1build1 amd64 [installed] +libaudit-common/noble,now 1:3.1.2-2.1build1 all [installed,upgradable to: 1:3.1.2-2.1build1.1] +libaudit1/noble,now 1:3.1.2-2.1build1 amd64 [installed,upgradable to: 1:3.1.2-2.1build1.1] +libauthen-sasl-perl/noble,now 2.1700-1 all [installed,automatic] +libavahi-client3/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavahi-common-data/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavahi-common3/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavc1394-0/noble,now 0.5.4-5build3 amd64 [installed,automatic] +libavcodec60/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavformat60/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavutil-dev/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavutil58/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libbdplus0/noble,now 0.2.0-3build1 amd64 [installed,automatic] +libbinutils/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libblkid-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libblkid1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libbluray2/noble,now 1:1.3.4-1build1 amd64 [installed,automatic] +libboost-all-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed] +libboost-atomic-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-atomic1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-atomic1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-chrono-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-chrono1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-chrono1.83.0t64/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-container-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-container1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-container1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-context-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-context1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-context1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-coroutine-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-coroutine1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-coroutine1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-date-time-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-date-time1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-date-time1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-exception-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-exception1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-fiber-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-fiber1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-fiber1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-filesystem-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-filesystem1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-filesystem1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-graph-parallel-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-graph-parallel1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph-parallel1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-iostreams-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-iostreams1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-iostreams1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-json-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-json1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-json1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-locale-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-locale1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-locale1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-log-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-log1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-log1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-math-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-math1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-math1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-mpi-python-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-mpi-python1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi-python1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-nowide-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-nowide1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-nowide1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-numpy-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-numpy1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-numpy1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-program-options-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-program-options1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-program-options1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-python-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-python1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-python1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-random-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-random1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-random1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-regex-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-regex1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-regex1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-serialization-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-serialization1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-serialization1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-stacktrace-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-stacktrace1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-stacktrace1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-system-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-system1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-system1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-test-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-test1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-test1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-thread-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-thread1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-thread1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-timer-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-timer1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-timer1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-tools-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-type-erasure-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-type-erasure1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-type-erasure1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-url-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-url1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-url1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-wave-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-wave1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-wave1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost1.83-tools-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libbrotli-dev/noble,now 1.1.0-2build2 amd64 [installed,automatic] +libbrotli1/noble,now 1.1.0-2build2 amd64 [installed,automatic] +libbsd-dev/noble,now 0.12.1-1build1 amd64 [installed,automatic] +libbsd0/noble,now 0.12.1-1build1 amd64 [installed,automatic] +libbz2-1.0/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed] +libbz2-dev/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed,automatic] +libc-bin/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libc-dev-bin/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed,automatic] +libc6-dev/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libc6/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libcaca0/noble,now 0.99.beta20-4build2 amd64 [installed,automatic] +libcaf-openmpi-3t64/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcairo-gobject2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo-script-interpreter2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo2-dev/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcanberra-gtk-module/noble,now 0.30-10ubuntu10 amd64 [installed] +libcanberra-gtk0/noble,now 0.30-10ubuntu10 amd64 [installed,automatic] +libcanberra0t64/noble,now 0.30-10ubuntu10 amd64 [installed,automatic] +libcap-ng0/noble,now 0.8.4-2build2 amd64 [installed] +libcap2-bin/noble,now 1:2.66-5ubuntu2 amd64 [installed,automatic] +libcap2/noble,now 1:2.66-5ubuntu2 amd64 [installed] +libcares2/noble,now 1.27.0-1.0ubuntu1 amd64 [installed,automatic] +libcbor0.10/noble,now 0.10.2-1.2ubuntu2 amd64 [installed,automatic] +libcc1-0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libcdparanoia0/noble,now 3.10.2+debian-14build3 amd64 [installed,automatic] +libchromaprint1/noble,now 1.5.1-5 amd64 [installed,automatic] +libcjson1/noble,now 1.7.17-1 amd64 [installed,automatic] +libclang-common-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang-cpp17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang-cpp18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libclang-rt-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang1-17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang1-18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libclone-perl/noble,now 0.46-1build3 amd64 [installed,automatic] +libcoarrays-dev/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcoarrays-openmpi-dev/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcodec2-1.2/noble,now 1.2.0-2build1 amd64 [installed,automatic] +libcolord2/noble,now 1.4.7-1build2 amd64 [installed,automatic] +libcom-err2/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libcrypt-dev/noble,now 1:4.4.36-4build1 amd64 [installed,automatic] +libcrypt1/noble,now 1:4.4.36-4build1 amd64 [installed] +libcryptsetup12/noble-updates,now 2:2.7.0-1ubuntu4.1 amd64 [installed,automatic] +libctf-nobfd0/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libctf0/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libcublas-12-5/unknown,now 12.5.3.2-1 amd64 [installed] +libcublas-dev-12-5/unknown,now 12.5.3.2-1 amd64 [installed] +libcudnn9-cuda-12/unknown,now 9.3.0.75-1 amd64 [installed,upgradable to: 9.6.0.74-1] +libcudnn9-dev-cuda-12/unknown,now 9.3.0.75-1 amd64 [installed,upgradable to: 9.6.0.74-1] +libcufft-12-5/unknown,now 11.2.3.61-1 amd64 [installed,automatic] +libcufft-dev-12-5/unknown,now 11.2.3.61-1 amd64 [installed,automatic] +libcufile-12-5/unknown,now 1.10.1.7-1 amd64 [installed,automatic] +libcufile-dev-12-5/unknown,now 1.10.1.7-1 amd64 [installed,automatic] +libcups2t64/noble-updates,noble-security,now 2.4.7-1.2ubuntu7.3 amd64 [installed,automatic] +libcurand-12-5/unknown,now 10.3.6.82-1 amd64 [installed,automatic] +libcurand-dev-12-5/unknown,now 10.3.6.82-1 amd64 [installed,automatic] +libcurl3t64-gnutls/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcurl4-openssl-dev/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcurl4t64/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcusolver-12-5/unknown,now 11.6.3.83-1 amd64 [installed,automatic] +libcusolver-dev-12-5/unknown,now 11.6.3.83-1 amd64 [installed,automatic] +libcusparse-12-5/unknown,now 12.5.1.3-1 amd64 [installed] +libcusparse-dev-12-5/unknown,now 12.5.1.3-1 amd64 [installed] +libdata-dump-perl/noble,now 1.25-1 all [installed,automatic] +libdatrie-dev/noble,now 0.2.13-3build1 amd64 [installed,automatic] +libdatrie1/noble,now 0.2.13-3build1 amd64 [installed,automatic] +libdav1d7/noble,now 1.4.1-1build1 amd64 [installed,automatic] +libdb5.3t64/noble,now 5.3.28+dfsg2-7 amd64 [installed,automatic] +libdbus-1-3/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +libdbus-1-dev/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +libdc1394-25/noble,now 2.2.6-4build1 amd64 [installed,automatic] +libdc1394-dev/noble,now 2.2.6-4build1 amd64 [installed] +libdconf1/noble,now 0.40.0-4build2 amd64 [installed,automatic] +libde265-0/noble,now 1.0.15-1build3 amd64 [installed,automatic] +libdebconfclient0/noble,now 0.271ubuntu3 amd64 [installed] +libdebhelper-perl/noble,now 13.14.1ubuntu5 all [installed,automatic] +libdeflate-dev/noble-updates,now 1.19-1build1.1 amd64 [installed,automatic] +libdeflate0/noble-updates,now 1.19-1build1.1 amd64 [installed,automatic] +libdevmapper1.02.1/noble-updates,now 2:1.02.185-3ubuntu3.1 amd64 [installed,automatic] +libdjvulibre-text/noble,now 3.5.28-2build4 all [installed,automatic] +libdjvulibre21/noble,now 3.5.28-2build4 amd64 [installed,automatic] +libdpkg-perl/noble,now 1.22.6ubuntu6 all [installed,upgradable to: 1.22.6ubuntu6.1] +libdrm-amdgpu1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-common/noble,now 2.4.120-2build1 all [installed,automatic] +libdrm-dev/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-intel1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-nouveau2/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-radeon1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm2/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libduktape207/noble,now 2.7.0+tests-0ubuntu3 amd64 [installed,automatic] +libdv4t64/noble,now 1.0.0-17.1build1 amd64 [installed,automatic] +libdw-dev/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libdw1t64/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libedit2/noble,now 3.1-20230828-1build1 amd64 [installed,automatic] +libegl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libegl-mesa0/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libegl1-mesa-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libegl1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libeigen3-dev/noble,now 3.4.0-4 all [installed] +libelf-dev/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libelf1t64/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libencode-locale-perl/noble,now 1.05-3 all [installed,automatic] +libepoxy-dev/noble,now 1.5.10-1build1 amd64 [installed,automatic] +libepoxy0/noble,now 1.5.10-1build1 amd64 [installed,automatic] +liberror-perl/noble,now 0.17029-2 all [installed,automatic] +libevent-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-core-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-dev/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-extra-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-openssl-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-pthreads-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libexif-dev/noble,now 0.6.24-1build2 amd64 [installed,automatic] +libexif-doc/noble,now 0.6.24-1build2 all [installed,automatic] +libexif12/noble,now 0.6.24-1build2 amd64 [installed,automatic] +libexpat1-dev/noble-updates,noble-security,now 2.6.1-2ubuntu0.2 amd64 [installed,automatic] +libexpat1/noble-updates,noble-security,now 2.6.1-2ubuntu0.2 amd64 [installed,automatic] +libext2fs2t64/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libfaac-dev/noble,now 1.30-1 amd64 [installed] +libfaac0/noble,now 1.30-1 amd64 [installed,automatic] +libfabric1/noble,now 1.17.0-3build2 amd64 [installed,automatic] +libfcgi-bin/noble,now 2.4.2-2.1build1 amd64 [installed,automatic] +libfcgi0t64/noble,now 2.4.2-2.1build1 amd64 [installed,automatic] +libfdisk1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libffi-dev/noble,now 3.4.6-1build1 amd64 [installed,automatic] +libffi8/noble,now 3.4.6-1build1 amd64 [installed] +libffms2-5/noble,now 5.0~rc2-1build1 amd64 [installed,automatic] +libfftw3-double3/noble,now 3.3.10-1ubuntu3 amd64 [installed,automatic] +libfido2-1/noble,now 1.14.0-1build3 amd64 [installed,automatic] +libfile-listing-perl/noble,now 6.16-1 all [installed,automatic] +libfile-stripnondeterminism-perl/noble,now 1.13.1-1 all [installed,automatic] +libflac12t64/noble,now 1.4.3+ds-2.1ubuntu2 amd64 [installed,automatic] +libfmt9/noble,now 9.1.0+ds1-2 amd64 [installed,automatic] +libfont-afm-perl/noble,now 1.20-4 all [installed,automatic] +libfontconfig-dev/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +libfontconfig1/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +libfontenc1/noble,now 1:1.1.8-1build1 amd64 [installed,automatic] +libfreetype-dev/noble,now 2.13.2+dfsg-1build3 amd64 [installed] +libfreetype6/noble,now 2.13.2+dfsg-1build3 amd64 [installed,automatic] +libfribidi-dev/noble,now 1.0.13-3build1 amd64 [installed,automatic] +libfribidi0/noble,now 1.0.13-3build1 amd64 [installed,automatic] +libgail-common/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgail18t64/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgbm-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgbm1/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgc1/noble,now 1:8.2.6-1build1 amd64 [installed,automatic] +libgcc-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libgcc-s1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +libgcrypt20/noble,now 1.10.3-2build1 amd64 [installed] +libgd3/noble,now 2.3.3-9ubuntu5 amd64 [installed,automatic] +libgdbm-compat4t64/noble,now 1.23-5.1build1 amd64 [installed,automatic] +libgdbm6t64/noble,now 1.23-5.1build1 amd64 [installed,automatic] +libgdk-pixbuf-2.0-0/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf-2.0-dev/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf2.0-bin/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf2.0-common/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 all [installed,automatic] +libgflags-dev/noble,now 2.2.2-2build1 amd64 [installed] +libgflags2.2/noble,now 2.2.2-2build1 amd64 [installed,automatic] +libgfortran-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libgfortran5/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libgirepository-1.0-1/noble,now 1.80.1-1 amd64 [installed,automatic] +libgirepository-2.0-0/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libgl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgl1-amber-dri/noble,now 21.3.9-0ubuntu2 amd64 [installed,automatic] +libgl1-mesa-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgl1-mesa-dri/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgl1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglapi-mesa/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgles-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgles1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgles2/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglew-dev/noble,now 2.2.0-4build1 amd64 [installed] +libglew2.2/noble,now 2.2.0-4build1 amd64 [installed,automatic] +libglib2.0-0t64/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-bin/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-data/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 all [installed,automatic] +libglib2.0-dev-bin/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-dev/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglu1-mesa-dev/noble,now 9.0.2-1.1build1 amd64 [installed] +libglu1-mesa/noble,now 9.0.2-1.1build1 amd64 [installed] +libglvnd-core-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglvnd-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglvnd0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglx-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglx-mesa0/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libglx0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgme0/noble,now 0.6.3-7build1 amd64 [installed,automatic] +libgmp10/noble,now 2:6.3.0+dfsg-2ubuntu6 amd64 [installed] +libgnutls30t64/noble-security,now 3.8.3-1.1ubuntu3.1 amd64 [installed,upgradable to: 3.8.3-1.1ubuntu3.2] +libgomp1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libgoogle-glog-dev/noble,now 0.6.0-2.1build1 amd64 [installed] +libgoogle-glog0v6t64/noble,now 0.6.0-2.1build1 amd64 [installed,automatic] +libgpg-error0/noble,now 1.47-3build2 amd64 [installed] +libgphoto2-6t64/noble,now 2.5.31-2.1build2 amd64 [installed,automatic] +libgphoto2-dev/noble,now 2.5.31-2.1build2 amd64 [installed] +libgphoto2-l10n/noble,now 2.5.31-2.1build2 all [installed,automatic] +libgphoto2-port12t64/noble,now 2.5.31-2.1build2 amd64 [installed,automatic] +libgpm2/noble,now 1.20.7-11 amd64 [installed,automatic] +libgprofng0/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libgraphene-1.0-0/noble,now 1.10.8-3build2 amd64 [installed,automatic] +libgraphite2-3/noble,now 1.3.14-2build1 amd64 [installed,automatic] +libgraphite2-dev/noble,now 1.3.14-2build1 amd64 [installed,automatic] +libgrpc++1.51t64/noble,now 1.51.1-4.1build5 amd64 [installed,automatic] +libgrpc29t64/noble,now 1.51.1-4.1build5 amd64 [installed,automatic] +libgs-common/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 all [installed,automatic] +libgs10-common/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 all [installed,automatic] +libgs10/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 amd64 [installed,automatic] +libgsm1/noble,now 1.0.22-1build1 amd64 [installed,automatic] +libgssapi-krb5-2/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libgssdp-1.6-0/noble,now 1.6.3-1build3 amd64 [installed,automatic] +libgssrpc4t64/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libgstreamer-gl1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +libgstreamer-plugins-bad1.0-0/noble,now 1.24.2-1ubuntu4 amd64 [installed] +libgstreamer-plugins-base1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +libgstreamer-plugins-base1.0-dev/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed] +libgstreamer-plugins-good1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu1.1 amd64 [installed,automatic] +libgstreamer1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed,automatic] +libgstreamer1.0-dev/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed] +libgtk-3-0t64/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +libgtk-3-bin/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +libgtk-3-common/noble-updates,now 3.24.41-4ubuntu1.2 all [installed,automatic] +libgtk-3-dev/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed] +libgtk2.0-0t64/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgtk2.0-bin/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgtk2.0-common/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 all [installed,automatic] +libgtk2.0-dev/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed] +libgudev-1.0-0/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +libgudev-1.0-dev/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +libgupnp-1.6-0/noble,now 1.6.6-1build3 amd64 [installed,automatic] +libgupnp-igd-1.6-0/noble,now 1.6.0-3build3 amd64 [installed,automatic] +libharfbuzz-cairo0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-dev/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-gobject0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-icu0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-subset0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz0b/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libhdf5-103-1t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-cpp-103-1t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-dev/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed] +libhdf5-fortran-102t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-cpp-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-fortran-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libheif-plugin-aomdec/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif-plugin-aomenc/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif-plugin-libde265/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif1/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libhogweed6t64/noble,now 3.9.1-2.2build1 amd64 [installed,upgradable to: 3.9.1-2.2build1.1] +libhsa-runtime64-1/noble,now 5.7.1-2build1 amd64 [installed,automatic] +libhsakmt1/noble,now 5.7.0-1build1 amd64 [installed,automatic] +libhtml-form-perl/noble,now 6.11-1 all [installed,automatic] +libhtml-format-perl/noble,now 2.16-2 all [installed,automatic] +libhtml-parser-perl/noble,now 3.81-1build3 amd64 [installed,automatic] +libhtml-tagset-perl/noble,now 3.20-6 all [installed,automatic] +libhtml-tree-perl/noble,now 5.07-3 all [installed,automatic] +libhttp-cookies-perl/noble,now 6.11-1 all [installed,automatic] +libhttp-daemon-perl/noble,now 6.16-1 all [installed,automatic] +libhttp-date-perl/noble,now 6.06-1 all [installed,automatic] +libhttp-message-perl/noble,now 6.45-1ubuntu1 all [installed,automatic] +libhttp-negotiate-perl/noble,now 6.01-2 all [installed,automatic] +libhwasan0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libhwloc-dev/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwloc-plugins/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwloc15/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwy1t64/noble,now 1.0.7-8.1build1 amd64 [installed,automatic] +libibverbs-dev/noble,now 50.0-2build2 amd64 [installed,automatic] +libibverbs1/noble,now 50.0-2build2 amd64 [installed,automatic] +libice-dev/noble,now 2:1.0.10-1build3 amd64 [installed,automatic] +libice6/noble,now 2:1.0.10-1build3 amd64 [installed,automatic] +libicu-dev/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +libicu74/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +libidn12/noble,now 1.42-1build1 amd64 [installed,automatic] +libidn2-0/noble,now 2.3.7-2build1 amd64 [installed] +libiec61883-0/noble,now 1.2.0-6build1 amd64 [installed,automatic] +libigdgmm12/noble,now 22.3.17+ds1-1 amd64 [installed,automatic] +libijs-0.35/noble,now 0.35-15.1build1 amd64 [installed,automatic] +libimath-3-1-29t64/noble,now 3.1.9-3.1ubuntu2 amd64 [installed,automatic] +libio-html-perl/noble,now 1.004-3 all [installed,automatic] +libio-socket-ssl-perl/noble,now 2.085-1 all [installed,automatic] +libisl23/noble,now 0.26-3build1 amd64 [installed,automatic] +libitm1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libjansson4/noble,now 2.14-2build2 amd64 [installed,automatic] +libjbig-dev/noble,now 2.1-6.1ubuntu2 amd64 [installed,automatic] +libjbig0/noble,now 2.1-6.1ubuntu2 amd64 [installed,automatic] +libjbig2dec0/noble,now 0.20-1build3 amd64 [installed,automatic] +libjpeg-dev/noble,now 8c-2ubuntu11 amd64 [installed] +libjpeg-turbo8-dev/noble,now 2.1.5-2ubuntu2 amd64 [installed,automatic] +libjpeg-turbo8/noble,now 2.1.5-2ubuntu2 amd64 [installed,automatic] +libjpeg8-dev/noble,now 8c-2ubuntu11 amd64 [installed,automatic] +libjpeg8/noble,now 8c-2ubuntu11 amd64 [installed,automatic] +libjs-jquery-ui/noble,now 1.13.2+dfsg-1 all [installed,automatic] +libjs-jquery/noble,now 3.6.1+dfsg+~3.5.14-1 all [installed,automatic] +libjs-sphinxdoc/noble,now 7.2.6-6 all [installed,automatic] +libjs-underscore/noble,now 1.13.4~dfsg+~1.11.4-3 all [installed,automatic] +libjson-c5/noble,now 0.17-1build1 amd64 [installed,automatic] +libjsoncpp25/noble,now 1.9.5-6build1 amd64 [installed,automatic] +libjxl0.7/noble,now 0.7.0-10.2ubuntu6 amd64 [installed,automatic] +libjxr-tools/noble,now 1.2~git20170615.f752187-5.1ubuntu2 amd64 [installed,automatic] +libjxr0t64/noble,now 1.2~git20170615.f752187-5.1ubuntu2 amd64 [installed,automatic] +libk5crypto3/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkadm5clnt-mit12/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkadm5srv-mit12/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkdb5-10t64/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkeyutils1/noble,now 1.6.3-3build1 amd64 [installed,automatic] +libkmod2/noble,now 31+20240202-2ubuntu7 amd64 [installed,automatic] +libkrb5-3/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkrb5-dev/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkrb5support0/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libksba8/noble,now 1.6.6-1build1 amd64 [installed,automatic] +liblapack-dev/noble-updates,now 3.12.0-3build1.1 amd64 [installed] +liblapack3/noble-updates,now 3.12.0-3build1.1 amd64 [installed,automatic] +liblcms2-2/noble,now 2.14-2build1 amd64 [installed,automatic] +libldap2/noble,now 2.6.7+dfsg-1~exp1ubuntu8 amd64 [installed,upgradable to: 2.6.7+dfsg-1~exp1ubuntu8.1] +liblerc-dev/noble,now 4.0.0+ds-4ubuntu2 amd64 [installed,automatic] +liblerc4/noble,now 4.0.0+ds-4ubuntu2 amd64 [installed,automatic] +liblldb-17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libllvm17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libllvm18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +liblqr-1-0/noble,now 0.4.2-2.1build2 amd64 [installed,automatic] +liblsan0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libltdl-dev/noble,now 2.4.7-7build1 amd64 [installed,automatic] +libltdl7/noble,now 2.4.7-7build1 amd64 [installed,automatic] +liblua5.4-0/noble,now 5.4.6-3build2 amd64 [installed,automatic] +liblwp-mediatypes-perl/noble,now 6.04-2 all [installed,automatic] +liblwp-protocol-https-perl/noble,now 6.13-1 all [installed,automatic] +liblz4-1/noble,now 1.9.4-1build1 amd64 [installed,upgradable to: 1.9.4-1build1.1] +liblzma-dev/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed,automatic] +liblzma5/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed] +liblzo2-2/noble,now 2.10-2build4 amd64 [installed,automatic] +libmagic-mgc/noble,now 1:5.45-3build1 amd64 [installed,automatic] +libmagic1t64/noble,now 1:5.45-3build1 amd64 [installed,automatic] +libmagickcore-6.q16-7-extra/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmagickcore-6.q16-7t64/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmagickwand-6.q16-7t64/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmail-sendmail-perl/noble,now 0.80-3 all [installed,automatic] +libmailtools-perl/noble,now 2.21-2 all [installed,automatic] +libmbedcrypto7t64/noble,now 2.28.8-1 amd64 [installed,automatic] +libmd-dev/noble,now 1.1.0-2build1 amd64 [installed,automatic] +libmd0/noble,now 1.1.0-2build1 amd64 [installed] +libmount-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libmount1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libmp3lame-dev/noble,now 3.100-6build1 amd64 [installed] +libmp3lame0/noble,now 3.100-6build1 amd64 [installed,automatic] +libmpc3/noble,now 1.3.1-1build1 amd64 [installed,automatic] +libmpfr6/noble,now 4.2.1-1build1 amd64 [installed,automatic] +libmpg123-0t64/noble-updates,noble-security,now 1.32.5-1ubuntu1.1 amd64 [installed,automatic] +libmunge2/noble,now 0.5.15-4build1 amd64 [installed,automatic] +libncurses-dev/noble,now 6.4+20240113-1ubuntu2 amd64 [installed,automatic] +libncurses6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed,automatic] +libncursesw6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +libnet-http-perl/noble,now 6.23-1 all [installed,automatic] +libnet-smtp-ssl-perl/noble,now 1.04-2 all [installed,automatic] +libnet-ssleay-perl/noble,now 1.94-1build4 amd64 [installed,automatic] +libnetpbm11t64/noble,now 2:11.05.02-1.1build1 amd64 [installed,automatic] +libnettle8t64/noble,now 3.9.1-2.2build1 amd64 [installed,upgradable to: 3.9.1-2.2build1.1] +libnghttp2-14/noble-updates,noble-security,now 1.59.0-1ubuntu0.1 amd64 [installed,automatic] +libnice10/noble,now 0.1.21-2build3 amd64 [installed,automatic] +libnl-3-200/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-3-dev/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-route-3-200/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-route-3-dev/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnorm-dev/noble,now 1.5.9+dfsg-3.1build1 amd64 [installed,automatic] +libnorm1t64/noble,now 1.5.9+dfsg-3.1build1 amd64 [installed,automatic] +libnpp-12-5/unknown,now 12.3.0.159-1 amd64 [installed] +libnpp-dev-12-5/unknown,now 12.3.0.159-1 amd64 [installed] +libnpth0t64/noble,now 1.6-3.1build1 amd64 [installed] +libnss-systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libnuma-dev/noble,now 2.0.18-1build1 amd64 [installed] +libnuma1/noble,now 2.0.18-1build1 amd64 [installed] +libnvfatbin-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvfatbin-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvjitlink-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvjitlink-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvjpeg-12-5/unknown,now 12.3.2.81-1 amd64 [installed,automatic] +libnvjpeg-dev-12-5/unknown,now 12.3.2.81-1 amd64 [installed,automatic] +libobjc-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libobjc4/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libogg-dev/noble,now 1.3.5-3build1 amd64 [installed,automatic] +libogg0/noble,now 1.3.5-3build1 amd64 [installed,automatic] +libopenblas-dev/noble,now 0.3.26+ds-1 amd64 [installed] +libopenblas-pthread-dev/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopenblas0-pthread/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopenblas0/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopencore-amrnb-dev/noble,now 0.1.6-1build1 amd64 [installed] +libopencore-amrnb0/noble,now 0.1.6-1build1 amd64 [installed,automatic] +libopencore-amrwb-dev/noble,now 0.1.6-1build1 amd64 [installed] +libopencore-amrwb0/noble,now 0.1.6-1build1 amd64 [installed,automatic] +libopenexr-3-1-30/noble,now 3.1.5-5.1build3 amd64 [installed,automatic] +libopengl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libopengl0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libopenjp2-7-dev/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjp2-7/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjp2-tools/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjpip-server/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenmpi-dev/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +libopenmpi3t64/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +libopenmpt0t64/noble,now 0.7.3-1.1build3 amd64 [installed,automatic] +libopus-dev/noble,now 1.4-1build1 amd64 [installed] +libopus0/noble,now 1.4-1build1 amd64 [installed,automatic] +liborc-0.4-0t64/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +liborc-0.4-dev-bin/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +liborc-0.4-dev/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +libp11-kit0/noble,now 0.25.3-4ubuntu2 amd64 [installed,upgradable to: 0.25.3-4ubuntu2.1] +libpackagekit-glib2-18/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +libpam-cap/noble,now 1:2.66-5ubuntu2 amd64 [installed,automatic] +libpam-modules-bin/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpam-modules/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpam-runtime/noble-updates,now 1.5.3-5ubuntu5.1 all [installed] +libpam-systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libpam0g/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpango-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpango1.0-dev/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangocairo-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangoft2-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangoxft-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpaper-utils/noble,now 1.1.29build1 amd64 [installed,automatic] +libpaper1/noble,now 1.1.29build1 amd64 [installed,automatic] +libpciaccess-dev/noble,now 0.17-3build1 amd64 [installed,automatic] +libpciaccess0/noble,now 0.17-3build1 amd64 [installed,automatic] +libpcre2-16-0/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-32-0/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-8-0/noble,now 10.42-4ubuntu2 amd64 [installed] +libpcre2-dev/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-posix3/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libperl5.38t64/noble,now 5.38.2-3.2build2 amd64 [installed,automatic] +libpfm4/noble,now 4.13.0+git32-g0d4ed0e-1 amd64 [installed,automatic] +libpgm-5.3-0t64/noble,now 5.3.128~dfsg-2.1build1 amd64 [installed,automatic] +libpgm-dev/noble,now 5.3.128~dfsg-2.1build1 amd64 [installed,automatic] +libpipeline1/noble,now 1.5.7-2 amd64 [installed,automatic] +libpixman-1-0/noble,now 0.42.2-1build1 amd64 [installed,automatic] +libpixman-1-dev/noble,now 0.42.2-1build1 amd64 [installed,automatic] +libpkgconf3/noble,now 1.8.1-2build1 amd64 [installed,automatic] +libpmix-dev/noble,now 5.0.1-4.1build1 amd64 [installed,automatic] +libpmix2t64/noble,now 5.0.1-4.1build1 amd64 [installed,automatic] +libpng-dev/noble,now 1.6.43-5build1 amd64 [installed] +libpng-tools/noble,now 1.6.43-5build1 amd64 [installed,automatic] +libpng16-16t64/noble,now 1.6.43-5build1 amd64 [installed,automatic] +libpolkit-agent-1-0/noble,now 124-2ubuntu1 amd64 [installed,automatic] +libpolkit-gobject-1-0/noble,now 124-2ubuntu1 amd64 [installed,automatic] +libpopt0/noble,now 1.19+dfsg-1build1 amd64 [installed,automatic] +libpostproc-dev/noble,now 7:6.1.1-3ubuntu5 amd64 [installed] +libpostproc57/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libproc2-0/noble,now 2:4.0.4-4ubuntu3 amd64 [installed,upgradable to: 2:4.0.4-4ubuntu3.2] +libprotobuf-dev/noble,now 3.21.12-8.2build1 amd64 [installed] +libprotobuf-lite32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libprotobuf32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libprotoc32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libproxy1v5/noble,now 0.5.4-4build1 amd64 [installed,automatic] +libpsl5t64/noble,now 0.21.2-1.1build1 amd64 [installed,automatic] +libpsm-infinipath1/noble,now 3.3+20.604758e7-6.3build1 amd64 [installed,automatic] +libpsm2-2/noble,now 11.2.185-2build1 amd64 [installed,automatic] +libpthread-stubs0-dev/noble,now 0.4-1build3 amd64 [installed,automatic] +libpulse0/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpython3-dev/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +libpython3-stdlib/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +libpython3.12-dev/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12-minimal/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12-stdlib/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12t64/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libquadmath0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +librabbitmq4/noble,now 0.11.0-1build2 amd64 [installed,automatic] +librav1e0/noble,now 0.7.1-2 amd64 [installed,automatic] +libraw1394-11/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw1394-dev/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw1394-tools/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw23t64/noble,now 0.21.2-2.1build1 amd64 [installed,automatic] +librdmacm1t64/noble,now 50.0-2build2 amd64 [installed,automatic] +libre2-10/noble,now 20230301-3build1 amd64 [installed,automatic] +libreadline8t64/noble,now 8.2-4build1 amd64 [installed,automatic] +librhash0/noble,now 1.4.3-3build1 amd64 [installed,automatic] +librist4/noble,now 0.2.10+dfsg-2 amd64 [installed,automatic] +librsvg2-2/noble,now 2.58.0+dfsg-1build1 amd64 [installed,automatic] +librsvg2-common/noble,now 2.58.0+dfsg-1build1 amd64 [installed,automatic] +librtmp1/noble,now 2.4+20151223.gitfa8646d.1-2build7 amd64 [installed,automatic] +libsasl2-2/noble,now 2.1.28+dfsg1-5ubuntu3 amd64 [installed,upgradable to: 2.1.28+dfsg1-5ubuntu3.1] +libsasl2-modules-db/noble,now 2.1.28+dfsg1-5ubuntu3 amd64 [installed,upgradable to: 2.1.28+dfsg1-5ubuntu3.1] +libseccomp2/noble,now 2.5.5-1ubuntu3 amd64 [installed,upgradable to: 2.5.5-1ubuntu3.1] +libselinux1-dev/noble,now 3.5-2ubuntu2 amd64 [installed,automatic] +libselinux1/noble,now 3.5-2ubuntu2 amd64 [installed] +libsemanage-common/noble,now 3.5-1build5 all [installed] +libsemanage2/noble,now 3.5-1build5 amd64 [installed] +libsensors-config/noble,now 1:3.6.0-9build1 all [installed,automatic] +libsensors5/noble,now 1:3.6.0-9build1 amd64 [installed,automatic] +libsepol-dev/noble,now 3.5-2build1 amd64 [installed,automatic] +libsepol2/noble,now 3.5-2build1 amd64 [installed] +libsframe1/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libsharpyuv-dev/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libsharpyuv0/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libshine3/noble,now 3.1.1-2build1 amd64 [installed,automatic] +libshout3/noble,now 2.4.6-1build2 amd64 [installed,automatic] +libslang2/noble,now 2.3.3-3build2 amd64 [installed,automatic] +libsm-dev/noble,now 2:1.2.3-1build3 amd64 [installed,automatic] +libsm6/noble,now 2:1.2.3-1build3 amd64 [installed,automatic] +libsmartcols1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libsnappy1v5/noble,now 1.1.10-1build1 amd64 [installed,automatic] +libsndfile1/noble,now 1.2.2-1ubuntu5 amd64 [installed,automatic] +libsodium-dev/noble,now 1.0.18-1build3 amd64 [installed,automatic] +libsodium23/noble,now 1.0.18-1build3 amd64 [installed,automatic] +libsoup-3.0-0/noble-updates,noble-security,now 3.4.4-5ubuntu0.1 amd64 [installed,automatic] +libsoup-3.0-common/noble-updates,noble-security,now 3.4.4-5ubuntu0.1 all [installed,automatic] +libsoxr0/noble,now 0.1.3-4build3 amd64 [installed,automatic] +libspeex1/noble-updates,now 1.2.1-2ubuntu2.24.04.1 amd64 [installed,automatic] +libsqlite3-0/noble,now 3.45.1-1ubuntu2 amd64 [installed,automatic] +libsrt1.5-gnutls/noble,now 1.5.3-1build2 amd64 [installed,automatic] +libss2/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libssh-4/noble,now 0.10.6-2build2 amd64 [installed,automatic] +libssh-gcrypt-4/noble,now 0.10.6-2build2 amd64 [installed,automatic] +libssl-dev/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed,automatic] +libssl3t64/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed] +libstdc++-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libstdc++6/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +libstemmer0d/noble,now 2.2.0-4build1 amd64 [installed,automatic] +libsub-override-perl/noble,now 0.10-1 all [installed,automatic] +libsvtav1enc1d1/noble,now 1.7.0+dfsg-2build1 amd64 [installed,automatic] +libswresample4/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libswscale7/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libsys-hostname-long-perl/noble,now 1.5-3 all [installed,automatic] +libsystemd-shared/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libsystemd0/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed] +libsz2/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libtag1v5-vanilla/noble,now 1.13.1-1build1 amd64 [installed,automatic] +libtag1v5/noble,now 1.13.1-1build1 amd64 [installed,automatic] +libtasn1-6/noble,now 4.19.0-3build1 amd64 [installed] +libtbb-dev/noble,now 2021.11.0-2ubuntu2 amd64 [installed] +libtbb12/noble,now 2021.11.0-2ubuntu2 amd64 [installed,automatic] +libtbbbind-2-5/noble,now 2021.11.0-2ubuntu2 amd64 [installed,automatic] +libtbbmalloc2/noble,now 2021.11.0-2ubuntu2 amd64 [installed] +libtdb1/noble,now 1.4.10-1build1 amd64 [installed,automatic] +libthai-data/noble,now 0.1.29-2build1 all [installed,automatic] +libthai-dev/noble,now 0.1.29-2build1 amd64 [installed,automatic] +libthai0/noble,now 0.1.29-2build1 amd64 [installed,automatic] +libtheora-dev/noble,now 1.1.1+dfsg.1-16.1build3 amd64 [installed] +libtheora0/noble,now 1.1.1+dfsg.1-16.1build3 amd64 [installed,automatic] +libtiff-dev/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtiff5-dev/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed] +libtiff6/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtiffxx6/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtimedate-perl/noble,now 2.3300-2 all [installed,automatic] +libtinfo6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +libtool/noble,now 2.4.7-7build1 all [installed] +libtry-tiny-perl/noble,now 0.31-2 all [installed,automatic] +libtsan2/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libtwolame0/noble,now 0.4.0-2build3 amd64 [installed,automatic] +libubsan1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libuchardet0/noble,now 0.0.8-1build1 amd64 [installed,automatic] +libucx0/noble,now 1.16.0+ds-5ubuntu1 amd64 [installed,automatic] +libudev-dev/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libudev1/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed] +libudfread0/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libunibreak-dev/noble,now 5.1-2build1 amd64 [installed,automatic] +libunibreak5/noble,now 5.1-2build1 amd64 [installed,automatic] +libunistring5/noble,now 1.1-2build1 amd64 [installed] +libunwind-dev/noble,now 1.6.2-3build1 amd64 [installed,automatic] +libunwind8/noble,now 1.6.2-3build1 amd64 [installed,automatic] +liburi-perl/noble,now 5.27-1 all [installed,automatic] +libusb-1.0-0/noble,now 2:1.0.27-1 amd64 [installed,automatic] +libuuid1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libuv1t64/noble,now 1.48.0-1.1build1 amd64 [installed,automatic] +libv4l-0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libv4l-dev/noble,now 1.26.1-4build3 amd64 [installed] +libv4l2rds0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libv4lconvert0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libva-drm2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libva-x11-2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libva2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libvdpau1/noble,now 1.5-2build1 amd64 [installed,automatic] +libvisual-0.4-0/noble,now 0.4.2-2build1 amd64 [installed,automatic] +libvorbis-dev/noble,now 1.3.7-1build3 amd64 [installed] +libvorbis0a/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvorbisenc2/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvorbisfile3/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvpl2/noble,now 2023.3.0-1build1 amd64 [installed,automatic] +libvpx-dev/noble-updates,noble-security,now 1.14.0-1ubuntu2.1 amd64 [installed] +libvpx9/noble-updates,noble-security,now 1.14.0-1ubuntu2.1 amd64 [installed,automatic] +libvulkan1/noble,now 1.3.275.0-1build1 amd64 [installed,automatic] +libwavpack1/noble,now 5.6.0-1build1 amd64 [installed,automatic] +libwayland-bin/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-client0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-cursor0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-dev/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-egl1/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-server0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwebp-dev/noble,now 1.3.2-0.4build3 amd64 [installed] +libwebp7/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpdecoder3/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpdemux2/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpmux3/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwmflite-0.2-7/noble,now 0.2.13-1.1build3 amd64 [installed,automatic] +libwww-perl/noble,now 6.76-1 all [installed,automatic] +libwww-robotrules-perl/noble,now 6.02-1 all [installed,automatic] +libx11-6/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-data/noble,now 2:1.8.7-1build1 all [installed,automatic] +libx11-dev/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-xcb-dev/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-xcb1/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx264-164/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed,automatic] +libx264-dev/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed] +libx265-199/noble,now 3.5-2build1 amd64 [installed,automatic] +libx265-dev/noble,now 3.5-2build1 amd64 [installed] +libxapian30/noble,now 1.4.22-1build1 amd64 [installed,automatic] +libxau-dev/noble,now 1:1.0.9-1build6 amd64 [installed,automatic] +libxau6/noble,now 1:1.0.9-1build6 amd64 [installed,automatic] +libxaw7/noble,now 2:1.0.14-1build2 amd64 [installed,automatic] +libxcb-damage0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-dri2-0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-dri3-0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-glx0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-present0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-randr0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-render0-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-render0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-shm0-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-shm0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-sync1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-xfixes0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-xkb1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb1-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcomposite-dev/noble,now 1:0.4.5-1build3 amd64 [installed,automatic] +libxcomposite1/noble,now 1:0.4.5-1build3 amd64 [installed,automatic] +libxcursor-dev/noble,now 1:1.2.1-1build1 amd64 [installed,automatic] +libxcursor1/noble,now 1:1.2.1-1build1 amd64 [installed,automatic] +libxdamage-dev/noble,now 1:1.1.6-1build1 amd64 [installed,automatic] +libxdamage1/noble,now 1:1.1.6-1build1 amd64 [installed,automatic] +libxdmcp-dev/noble,now 1:1.1.3-0ubuntu6 amd64 [installed,automatic] +libxdmcp6/noble,now 1:1.1.3-0ubuntu6 amd64 [installed,automatic] +libxext-dev/noble,now 2:1.3.4-1build2 amd64 [installed,automatic] +libxext6/noble,now 2:1.3.4-1build2 amd64 [installed,automatic] +libxfixes-dev/noble,now 1:6.0.0-2build1 amd64 [installed,automatic] +libxfixes3/noble,now 1:6.0.0-2build1 amd64 [installed,automatic] +libxft-dev/noble,now 2.3.6-1build1 amd64 [installed,automatic] +libxft2/noble,now 2.3.6-1build1 amd64 [installed,automatic] +libxi-dev/noble,now 2:1.8.1-1build1 amd64 [installed] +libxi6/noble,now 2:1.8.1-1build1 amd64 [installed,automatic] +libxine2-bin/noble,now 1.2.13+hg20230710-2ubuntu6 amd64 [installed,automatic] +libxine2-dev/noble,now 1.2.13+hg20230710-2ubuntu6 amd64 [installed] +libxinerama-dev/noble,now 2:1.1.4-3build1 amd64 [installed,automatic] +libxinerama1/noble,now 2:1.1.4-3build1 amd64 [installed,automatic] +libxkbcommon-dev/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbcommon-x11-0/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbcommon0/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbfile1/noble,now 1:1.1.0-1build4 amd64 [installed,automatic] +libxml2-dev/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxml2-utils/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxml2/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxmlb2/noble,now 0.3.18-1 amd64 [installed,automatic] +libxmu-dev/noble,now 2:1.1.3-3build2 amd64 [installed] +libxmu-headers/noble,now 2:1.1.3-3build2 all [installed,automatic] +libxmu6/noble,now 2:1.1.3-3build2 amd64 [installed,automatic] +libxmuu1/noble,now 2:1.1.3-3build2 amd64 [installed,automatic] +libxnvctrl0/unknown,now 565.57.01-0ubuntu1 amd64 [installed,automatic] +libxpm4/noble,now 1:3.5.17-1build2 amd64 [installed,automatic] +libxrandr-dev/noble,now 2:1.5.2-2build1 amd64 [installed,automatic] +libxrandr2/noble,now 2:1.5.2-2build1 amd64 [installed,automatic] +libxrender-dev/noble,now 1:0.9.10-1.1build1 amd64 [installed,automatic] +libxrender1/noble,now 1:0.9.10-1.1build1 amd64 [installed,automatic] +libxshmfence1/noble,now 1.3-1build5 amd64 [installed,automatic] +libxt-dev/noble,now 1:1.2.1-1.2build1 amd64 [installed,automatic] +libxt6t64/noble,now 1:1.2.1-1.2build1 amd64 [installed,automatic] +libxtst-dev/noble,now 2:1.2.3-1.1build1 amd64 [installed,automatic] +libxtst6/noble,now 2:1.2.3-1.1build1 amd64 [installed,automatic] +libxv1/noble,now 2:1.0.11-1.1build1 amd64 [installed,automatic] +libxvidcore-dev/noble,now 2:1.3.7-1build1 amd64 [installed] +libxvidcore4/noble,now 2:1.3.7-1build1 amd64 [installed,automatic] +libxxf86vm1/noble,now 1:1.1.4-1build4 amd64 [installed,automatic] +libxxhash0/noble,now 0.8.2-2build1 amd64 [installed] +libyaml-0-2/noble,now 0.2.5-1build1 amd64 [installed,automatic] +libz3-4/noble,now 4.8.12-3.1build1 amd64 [installed,automatic] +libz3-dev/noble,now 4.8.12-3.1build1 amd64 [installed,automatic] +libzmq3-dev/noble,now 4.3.5-1build2 amd64 [installed] +libzmq5/noble,now 4.3.5-1build2 amd64 [installed,automatic] +libzstd-dev/noble-updates,now 1.5.5+dfsg2-2build1.1 amd64 [installed,automatic] +libzstd1/noble-updates,now 1.5.5+dfsg2-2build1.1 amd64 [installed] +libzvbi-common/noble,now 0.2.42-2 all [installed,automatic] +libzvbi0t64/noble,now 0.2.42-2 amd64 [installed,automatic] +linux-libc-dev/now 6.8.0-38.38 amd64 [installed,upgradable to: 6.8.0-51.52] +lld-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +lldb-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +llvm-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-linker-tools/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-runtime/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-tools/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +locales/noble-updates,noble-security,now 2.39-0ubuntu8.3 all [installed] +login/noble,now 1:4.13+dfsg1-4ubuntu3 amd64 [installed,upgradable to: 1:4.13+dfsg1-4ubuntu3.2] +logsave/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +lsb-release/noble,now 12.0-2 all [installed] +lto-disabled-list/noble,now 47 all [installed,automatic] +m4/noble,now 1.4.19-4build1 amd64 [installed,automatic] +make/noble,now 4.3-4.1build2 amd64 [installed,automatic] +man-db/noble,now 2.12.0-4build2 amd64 [installed,automatic] +mawk/noble,now 1.3.4.20240123-1build1 amd64 [installed] +media-types/noble,now 10.1.0 all [installed,automatic] +mesa-va-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mesa-vdpau-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mesa-vulkan-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mount/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +mpi-default-bin/noble,now 1.15build1 amd64 [installed,automatic] +mpi-default-dev/noble,now 1.15build1 amd64 [installed,automatic] +ncurses-base/noble,now 6.4+20240113-1ubuntu2 all [installed] +ncurses-bin/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +netbase/noble,now 6.4 all [installed,automatic] +netpbm/noble,now 2:11.05.02-1.1build1 amd64 [installed,automatic] +networkd-dispatcher/noble,now 2.2.4-1 all [installed,automatic] +ninja-build/noble,now 1.11.1-2 amd64 [installed] +nsight-compute-2024.2.1/unknown,now 2024.2.1.2-1 amd64 [installed,automatic] +ocl-icd-libopencl1/noble,now 2.3.2-1build1 amd64 [installed,automatic] +openmpi-bin/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +openmpi-common/noble,now 4.1.6-7ubuntu2 all [installed,automatic] +openssh-client/noble-updates,now 1:9.6p1-3ubuntu13.5 amd64 [installed,automatic] +openssl/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed,automatic] +packagekit-tools/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +packagekit/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +pango1.0-tools/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +passwd/noble,now 1:4.13+dfsg1-4ubuntu3 amd64 [installed,upgradable to: 1:4.13+dfsg1-4ubuntu3.2] +patch/noble,now 2.7.6-7build3 amd64 [installed,automatic] +patchelf/noble,now 0.18.0-1.1build1 amd64 [installed] +perl-base/noble,now 5.38.2-3.2build2 amd64 [installed] +perl-modules-5.38/noble,now 5.38.2-3.2build2 all [installed,automatic] +perl-openssl-defaults/noble,now 7build3 amd64 [installed,automatic] +perl/noble,now 5.38.2-3.2build2 amd64 [installed] +pinentry-curses/noble,now 1.2.1-3ubuntu5 amd64 [installed,automatic] +pkg-config/noble,now 1.8.1-2build1 amd64 [installed] +pkgconf-bin/noble,now 1.8.1-2build1 amd64 [installed,automatic] +pkgconf/noble,now 1.8.1-2build1 amd64 [installed,automatic] +po-debconf/noble,now 1.0.21+nmu1 all [installed,automatic] +polkitd/noble,now 124-2ubuntu1 amd64 [installed,automatic] +poppler-data/noble,now 0.4.12-1 all [installed,automatic] +procps/noble,now 2:4.0.4-4ubuntu3 amd64 [installed,upgradable to: 2:4.0.4-4ubuntu3.2] +protobuf-compiler/noble,now 3.21.12-8.2build1 amd64 [installed] +publicsuffix/noble,now 20231001.0357-0.1 all [installed,automatic] +python-apt-common/noble-updates,now 2.7.7ubuntu3 all [installed,automatic] +python3-apt/noble-updates,now 2.7.7ubuntu3 amd64 [installed,automatic] +python3-blinker/noble,now 1.7.0-1 all [installed,automatic] +python3-cffi-backend/noble,now 1.16.0-2build1 amd64 [installed,automatic] +python3-cryptography/noble-updates,noble-security,now 41.0.7-4ubuntu0.1 amd64 [installed,automatic] +python3-dbus/noble,now 1.3.2-5build3 amd64 [installed,automatic] +python3-dev/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed] +python3-distro-info/noble,now 1.7build1 all [installed,automatic] +python3-distro/noble,now 1.9.0-1 all [installed,automatic] +python3-gi/noble,now 3.48.2-1 amd64 [installed,automatic] +python3-httplib2/noble,now 0.20.4-3 all [installed,automatic] +python3-jwt/noble,now 2.7.0-1 all [installed,automatic] +python3-launchpadlib/noble,now 1.11.0-6 all [installed,automatic] +python3-lazr.restfulclient/noble,now 0.14.6-1 all [installed,automatic] +python3-lazr.uri/noble,now 1.0.6-3 all [installed,automatic] +python3-lldb-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +python3-minimal/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +python3-oauthlib/noble,now 3.2.2-1 all [installed,automatic] +python3-packaging/noble,now 24.0-1 all [installed,automatic] +python3-pip-whl/noble-updates,noble-security,now 24.0+dfsg-1ubuntu1.1 all [installed,automatic] +python3-pkg-resources/noble-updates,noble-security,now 68.1.2-2ubuntu1.1 all [installed,automatic] +python3-pygments/noble,now 2.17.2+dfsg-1 all [installed,automatic] +python3-pyparsing/noble,now 3.1.1-1 all [installed,automatic] +python3-setuptools-whl/noble-updates,noble-security,now 68.1.2-2ubuntu1.1 all [installed,automatic] +python3-six/noble,now 1.16.0-4 all [installed,automatic] +python3-software-properties/noble-updates,now 0.99.49.1 all [installed,automatic] +python3-venv/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed] +python3-wadllib/noble,now 1.3.6-5 all [installed,automatic] +python3-yaml/noble,now 6.0.1-2build2 amd64 [installed,automatic] +python3.12-dev/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12-minimal/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12-venv/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +readline-common/noble,now 8.2-4build1 all [installed,automatic] +rpcsvc-proto/noble,now 1.4.2-0ubuntu7 amd64 [installed,automatic] +rsync/noble,now 3.2.7-1ubuntu1 amd64 [installed] +sed/noble,now 4.9-2build1 amd64 [installed] +sensible-utils/noble,now 0.0.22 all [installed] +session-migration/noble,now 0.3.9build1 amd64 [installed,automatic] +sgml-base/noble,now 1.31 all [installed,automatic] +shared-mime-info/noble,now 2.4-4 amd64 [installed,automatic] +software-properties-common/noble-updates,now 0.99.49.1 all [installed] +sound-theme-freedesktop/noble,now 0.8-2ubuntu1 all [installed,automatic] +spawn-fcgi/noble,now 1.6.4-2 amd64 [installed,automatic] +ssl-cert/noble,now 1.1.2ubuntu1 all [installed,automatic] +systemd-dev/noble-updates,now 255.4-1ubuntu8.4 all [installed,automatic] +systemd-resolved/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd-sysv/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd-timesyncd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +sysvinit-utils/noble,now 3.08-6ubuntu3 amd64 [installed] +tar/noble,now 1.35+dfsg-3build1 amd64 [installed] +time/noble,now 1.9-0.2build1 amd64 [installed] +tzdata/noble-updates,now 2024a-3ubuntu1.1 all [installed,automatic] +ubuntu-keyring/noble,now 2023.11.28.1 all [installed] +ubuntu-mono/noble,now 24.04-0ubuntu1 all [installed,automatic] +ucf/noble,now 3.0043+nmu1 all [installed,automatic] +unattended-upgrades/noble,now 2.9.1+nmu4ubuntu1 all [installed,automatic] +unzip/noble-updates,noble-security,now 6.0-28ubuntu4.1 amd64 [installed] +util-linux/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +uuid-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +v4l-utils/noble,now 1.26.1-4build3 amd64 [installed] +va-driver-all/noble,now 2.20.0-2build1 amd64 [installed,automatic] +vdpau-driver-all/noble,now 1.5-2build1 amd64 [installed,automatic] +wayland-protocols/noble,now 1.34-1 all [installed,automatic] +wget/noble-updates,noble-security,now 1.21.4-1ubuntu4.1 amd64 [installed] +x11-apps/noble,now 7.7+11build3 amd64 [installed] +x11-common/noble,now 1:7.7+23ubuntu3 all [installed,automatic] +x11proto-dev/noble,now 2023.2-1 all [installed,automatic] +x264/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed] +xauth/noble,now 1:1.1.2-1build1 amd64 [installed,automatic] +xbitmaps/noble,now 1.1.1-2.2 all [installed,automatic] +xdg-user-dirs/noble,now 0.18-1build1 amd64 [installed,automatic] +xfonts-encodings/noble,now 1:1.0.5-0ubuntu2 all [installed,automatic] +xfonts-utils/noble,now 1:7.7+6build3 amd64 [installed,automatic] +xkb-data/noble-updates,now 2.41-2ubuntu1.1 all [installed,automatic] +xml-core/noble,now 0.19 all [installed,automatic] +xorg-sgml-doctools/noble,now 1:1.11-1.1 all [installed,automatic] +xtrans-dev/noble,now 1.4.0-1 all [installed,automatic] +xz-utils/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed,automatic] +yasm/noble,now 1.3.0-4 amd64 [installed] +zip/noble-updates,now 3.0-13ubuntu0.1 amd64 [installed] +zlib1g-dev/noble-updates,now 1:1.3.dfsg-3.1ubuntu2.1 amd64 [installed] +zlib1g/noble-updates,now 1:1.3.dfsg-3.1ubuntu2.1 amd64 [installed] + +[system details] + +FOUND_UBUNTU: 24.04 +OpenCV_Built: 4.10.0 +CUDA_found: 12.5.82 +cuDNN_found: 9.3.0 +TensorFlow_Built: 2.18.0 +FFmpeg_Built: 7.1 diff --git a/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/TensorFlow--Details.txt b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/TensorFlow--Details.txt new file mode 100644 index 0000000..600d265 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/TensorFlow--Details.txt @@ -0,0 +1,44 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_opencv:12.5.1_2.18.0_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** TensorFlow configuration: +--- Tensorflow Build: Environment variables set --- +TF_CUDA_CLANG=1 +TF_CUDA_COMPUTE_CAPABILITIES=6.0,6.1,7.0,7.5,8.0,8.6,8.9,9.0 +TF_NEED_AWS=0 +TF_NEED_CLANG=1 +TF_NEED_COMPUTECPP=0 +TF_NEED_CUDA=1 +TF_NEED_GCP=0 +TF_NEED_GDR=0 +TF_NEED_HDFS=0 +TF_NEED_JEMALLOC=0 +TF_NEED_KAFKA=0 +TF_NEED_MKL=1 +TF_NEED_MPI=0 +TF_NEED_OPENCL=0 +TF_NEED_OPENCL_SYCL=0 +TF_NEED_ROCM=0 +TF_NEED_S3=0 +TF_NEED_TENSORRT=0 +TF_NEED_VERBS=0 +TF_SET_ANDROID_WORKSPACE=0 + +*** Tensorflow version : 2.18.0 +*** TF Builf with cuda : True +*** TF compile flags : ['-I/usr/local/lib/python3.12/dist-packages/tensorflow/include', '-D_GLIBCXX_USE_CXX11_ABI=1', '--std=c++17', '-DEIGEN_MAX_ALIGN_BYTES=64'] +*** TF include : /usr/local/lib/python3.12/dist-packages/tensorflow/include +*** TF lib : /usr/local/lib/python3.12/dist-packages/tensorflow +*** TF link flags : ['-L/usr/local/lib/python3.12/dist-packages/tensorflow', '-l:libtensorflow_framework.so.2'] +*** Keras version : 3.7.0 +*** pandas version : 2.2.3 +*** scikit-learn version : 1.6.0 diff --git a/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/withincontainer_checker.sh b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/withincontainer_checker.sh new file mode 100644 index 0000000..b7aa188 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/withincontainer_checker.sh @@ -0,0 +1,112 @@ +#!/bin/bash + +# Expected to be run in container +if [ ! -f /.within_container ]; then + echo "Tool expected to be ran within the container, aborting" + exit 1 +fi + +destp="/tmp/python_info.txt" +echo "Python location: $(which python3)" > $destp +echo "Python version: $(python3 --version)" >> $destp +echo "" >> $destp +echo "[pip list]" >> $destp +pip3 list >> $destp + +echo "" >> $destp +echo "[apt list]" >> $destp +apt list --installed >> $destp + +echo "" >> $destp +echo "[system details]" >> $destp + +# Ubuntu version +tmp="/etc/lsb-release" +if [ ! -f $tmp ]; then + echo "Unable to confirm Ubuntu version, aborting" + exit 1 +fi +echo "" >> $destp +echo -n "FOUND_UBUNTU: " >> $destp +perl -ne 'print $1 if (m%DISTRIB_RELEASE=(.+)%)' $tmp >> $destp +echo "" >> $destp + +if [ -f /tmp/.GPU_build ]; then + # CUDNN version + cudnn_inc="/usr/include/cudnn.h" + cudnn8_inc="/usr/include/x86_64-linux-gnu/cudnn_version_v8.h" + cudnnjn_inc="/usr/include/cudnn_version.h" + if [ -f $cudnn8_inc ]; then + cudnn_inc="${cudnn8_inc}" + elif [ -f $cudnnjn_inc ]; then + cudnn_inc="$cudnnjn_inc" + fi + if [ ! -f $cudnn_inc ]; then + cudnn="Details not found" + else + cmj="$(sed -n 's/^#define CUDNN_MAJOR\s*\(.*\).*/\1/p' $cudnn_inc)" + cmn="$(sed -n 's/^#define CUDNN_MINOR\s*\(.*\).*/\1/p' $cudnn_inc)" + cpl="$(sed -n 's/^#define CUDNN_PATCHLEVEL\s*\(.*\).*/\1/p' $cudnn_inc)" + cudnn="${cmj}.${cmn}.${cpl}" + fi + echo "$cudnn" > /tmp/.cudnn_found + + # CUDA version + nvcc="/usr/local/nvidia/bin/nvcc" + if [ ! -f $cuda_f ]; then + cuda="Details not found" + else + cuda=$($nvcc --version | grep compilation | perl -ne 'print $1 if (m%V([\d\.]+)%)') + fi + echo "$cuda" > /tmp/.cuda_found +fi + +dest="/tmp/opencv_info.txt" +if [ -f /tmp/.opencv_built ]; then + echo "OpenCV_Built: $(cat /tmp/.opencv_built)" >> $destp + + echo -n "-- Confirming OpenCV Python is installed. Version: " > $dest + python3 -c 'import cv2; print(cv2.__version__)' >> $dest + echo "" >> $dest + opencv_version -v >> $dest + if [ -f /tmp/.cudnn_found ]; then + echo "" >> $dest + echo "cuDNN_FOUND: $(cat /tmp/.cudnn_found)" >> $dest + fi +fi + +if [ -f /tmp/.cuda_found ]; then + echo "CUDA_found: $(cat /tmp/.cuda_found)" >> $destp +fi + +if [ -f /tmp/.cudnn_found ]; then + echo "cuDNN_found: $(cat /tmp/.cudnn_found)" >> $destp +fi + +if [ -f /tmp/.tensorflow_built ]; then + echo "TensorFlow_Built: $(cat /tmp/.tensorflow_built)" >> $destp +fi + +if [ -f /tmp/.ffmpeg_built ]; then + echo "FFmpeg_Built: $(cat /tmp/.ffmpeg_built)" >> $destp +fi + +if [ -f /tmp/.torch_built ]; then + echo "Torch_Built: $(cat /tmp/.torch_built)" >> $destp +fi + +if [ -f /tmp/.torchvision_built ]; then + echo "TorchVision_Built: $(cat /tmp/.torchvision_built)" >> $destp +fi + +if [ -f /tmp/.torchaudio_built ]; then + echo "TorchAudio_Built: $(cat /tmp/.torchaudio_built)" >> $destp +fi + +if [ -f /tmp/.torchdata_built ]; then + echo "TorchData_Built: $(cat /tmp/.torchdata_built)" >> $destp +fi + +if [ -f /tmp/.torchtext_built ]; then + echo "TorchText_Built: $(cat /tmp/.torchtext_built)" >> $destp +fi diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/BuildInfo.txt b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/BuildInfo.txt new file mode 100644 index 0000000..befee35 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/BuildInfo.txt @@ -0,0 +1,18 @@ + +CTPO_FROM=nvidia/cuda:12.5.1-devel-ubuntu24.04 +CTPO_BUILD=GPU +CTPO_TENSORFLOW_VERSION=2.18.0 +CTPO_PYTORCH_VERSION=2.5.1 +CTPO_CUDA_VERSION=12.5.1 +CTPO_OPENCV_VERSION=4.10.0 +CTPO_RELEASE=20241219 +FOUND_UBUNTU=24.04 +OpenCV_Built=4.10.0 +CUDA_found=12.5.82 +cuDNN_found=9.3.0 +TensorFlow_Built=2.18.0 +FFmpeg_Built=7.1 +Torch_Built=2.5.1 +TorchVision_Built=0.20.0 +TorchAudio_Built=2.5.0 +TorchData_Built=0.9.0 diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/Dockerfile b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/Dockerfile new file mode 100644 index 0000000..f64d071 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/Dockerfile @@ -0,0 +1,470 @@ +##### Splitting installation into controlled parts: +## - Base container setup (all apt-get + system + ldd extension) +## - Python pip3 preparation + First batch of python tools installs +## - Tensorflow build and install (optional) +## - FFmpeg build and install +## - OpenCV build and install (using FFmpeg) +## - Additional python tools installs +## - Magma build and install (GPU only, optional) +## - PyTorch (+ vison + audio) build and install (using FFmpeg + OpenCV, optional) +## - Final steps: /iti setup, ... + +# The idea is to have a base Dockerfile that will be tailored to specific builds +# so that each build has their own final Dockerfile available for inspection + +ARG CTPO_FROM=nvidia/cuda:12.5.1-devel-ubuntu24.04 +FROM ${CTPO_FROM} + +# Adapted from https://gitlab.com/nvidia/container-images/cuda/-/blob/master/dist/12.2.2/ubuntu2204/devel/cudnn8/Dockerfile +ENV NV_CUDNN_VERSION=9.3.0.75-1 +ENV NV_CUDNN_PACKAGE_BASENAME="libcudnn9" +ENV NV_CUDA_ADD=cuda-12 +ENV NV_CUDNN_PACKAGE="$NV_CUDNN_PACKAGE_BASENAME-$NV_CUDA_ADD=$NV_CUDNN_VERSION" +ENV NV_CUDNN_PACKAGE_DEV="$NV_CUDNN_PACKAGE_BASENAME-dev-$NV_CUDA_ADD=$NV_CUDNN_VERSION" +LABEL com.nvidia.cudnn.version="${NV_CUDNN_VERSION}" + +RUN apt-get update && apt-get install -y --no-install-recommends \ + ${NV_CUDNN_PACKAGE} \ + ${NV_CUDNN_PACKAGE_DEV} \ + && apt-mark hold ${NV_CUDNN_PACKAGE_BASENAME}-${NV_CUDA_ADD} + +ARG CTPO_NUMPROC=32 + +##### Base + +# Install system packages +ENV DEBIAN_FRONTEND=noninteractive +RUN apt-get update -y --fix-missing\ + && apt-get install -y \ + apt-utils \ + locales \ + wget \ + ca-certificates \ + && apt-get clean + +# UTF-8 +RUN localedef -i en_US -c -f UTF-8 -A /usr/share/locale/locale.alias en_US.UTF-8 +ENV LANG=en_US.utf8 + +# Install system packages +RUN apt-get install -y \ + # Base + build-essential \ + checkinstall \ + cmake \ + curl \ + g++ \ + gcc \ + git \ + ninja-build \ + perl \ + patchelf \ + pkg-config \ + protobuf-compiler \ + python3-dev \ + rsync \ + time \ + unzip \ + wget \ + zip \ + zlib1g \ + zlib1g-dev \ + # OpenCV + doxygen \ + file \ + gfortran \ + gnupg \ + gstreamer1.0-plugins-good \ + imagemagick \ + libatk-adaptor \ + libatlas-base-dev \ + libboost-all-dev \ + libcanberra-gtk-module \ + libdc1394-dev \ + libeigen3-dev \ + libfaac-dev \ + libfreetype6-dev \ + libgflags-dev \ + libglew-dev \ + libglu1-mesa \ + libglu1-mesa-dev \ + libgoogle-glog-dev \ + libgphoto2-dev \ + libgstreamer1.0-dev \ + libgstreamer-plugins-bad1.0-0 \ + libgstreamer-plugins-base1.0-dev \ + libgtk2.0-dev \ + libgtk-3-dev \ + libhdf5-dev \ + libhdf5-serial-dev \ + libjpeg-dev \ + liblapack-dev \ + libmp3lame-dev \ + libopenblas-dev \ + libopencore-amrnb-dev \ + libopencore-amrwb-dev \ + libopenjp2-7 \ + libopenjp2-7-dev \ + libopenjp2-tools \ + libopenjpip-server \ + libpng-dev \ + libpostproc-dev \ + libprotobuf-dev \ + libtbbmalloc2 \ + libtbb-dev \ + libtheora-dev \ + libtiff5-dev \ + libv4l-dev \ + libvorbis-dev \ + libwebp-dev \ + libx264-dev \ + libx265-dev \ + libxi-dev \ + libxine2-dev \ + libxmu-dev \ + libxvidcore-dev \ + libzmq3-dev \ + v4l-utils \ + x11-apps \ + x264 \ + yasm \ + # Torch + libomp-dev \ + libsox-dev \ + libsox-fmt-all \ + libsphinxbase-dev \ + sphinxbase-utils \ + # FFMpeg (source install, do not install packages: libavcodec-dev libavformat-dev libavresample-dev libavutil-dev libswscale-dev) + libass-dev \ + libc6 \ + libc6-dev \ + libnuma1 \ + libnuma-dev \ + libopus-dev \ + libtool \ + libvpx-dev \ + && apt-get clean + +# No Additional CUDA apt installs + + + +ENV CTPO_CLANG_VERSION=17 +RUN apt-get install -y lsb-release software-properties-common gnupg \ + && mkdir /tmp/clang \ + && cd /tmp/clang \ + && wget https://apt.llvm.org/llvm.sh \ + && chmod +x llvm.sh \ + && ./llvm.sh ${CTPO_CLANG_VERSION} \ + && cd / \ + && rm -rf /tmp/clang +RUN which clang-${CTPO_CLANG_VERSION} \ + && which clang++-${CTPO_CLANG_VERSION} \ + && clang-${CTPO_CLANG_VERSION} --version \ + && clang++-${CTPO_CLANG_VERSION} --version + +ENV CTPO_BUILD=GPU +RUN touch /tmp/.${CTPO_BUILD}_build + +# - Avoid "RPC failed; curl 56 GnuTLS" issue on some pulls, while keeping the system installed git +# - Some tools expect a "python" binary +# - Prepare ldconfig +RUN git config --global http.postBuffer 1048576000 \ + && mkdir -p /usr/local/bin && ln -s $(which python3) /usr/local/bin/python \ + && mkdir -p /usr/local/lib && sh -c 'echo "/usr/local/lib" >> /etc/ld.so.conf.d/usrlocallib.conf' && ldconfig + +ENV LD_LIBRARY_PATH=/usr/local/lib:$LD_LIBRARY_PATH + +# Misc GPU fixes +RUN cd /usr/local \ + && if [ -e cuda ]; then if [ ! -e nvidia ]; then ln -s cuda nvidia; fi; fi \ + && tmp="/usr/local/cuda/extras/CUPTI/lib64" \ + && if [ -d $tmp ]; then \ + echo $tmp >> /etc/ld.so.conf.d/nvidia-cupti.conf; \ + ldconfig; \ + echo "***** CUPTI added to LD path"; \ + fi + + +# Setup pip +RUN mv /usr/lib/python3.12/EXTERNALLY-MANAGED /usr/lib/python3.12/EXTERNALLY-MANAGED.old \ + && wget -q -O /tmp/get-pip.py --no-check-certificate https://bootstrap.pypa.io/get-pip.py \ + && python3 /tmp/get-pip.py \ + && pip3 install -U pip \ + && rm /tmp/get-pip.py + + +RUN apt-get install -y \ + tensorrt \ + tensorrt-dev \ + tensorrt-libs \ + && apt-get clean + +RUN pip3 install -U --ignore-installed \ + tensorrt \ + && rm -rf /root/.cache/pip + +# Install Python tools (for buiding) +RUN pip3 install -U --ignore-installed \ + # Base + cmake \ + future \ + mkl \ + mkl-include \ + mock \ + numpy \ + opt_einsum \ + packaging \ + pyyaml \ + requests \ + setuptools \ + six \ + wheel \ + # OpenCV + lxml \ + Pillow \ + # Torch + cffi \ + typing \ + ninja \ + # Extra + scikit-image \ + scikit-learn \ + matplotlib \ + moviepy \ + pandas \ + mkl-static mkl-include \ + && pip3 install -U keras_preprocessing --no-deps \ + && rm -rf /root/.cache/pip + +##### TensorFlow +# https://www.tensorflow.org/install/source + +## Download & Building TensorFlow from source in same RUN +ENV LATEST_BAZELISK=1.22.1 +ENV CTPO_TENSORFLOW_VERSION=2.18.0 +ENV CTPO_TF_CONFIG="--config=cuda" +ENV TF_CUDA_COMPUTE_CAPABILITIES=6.0,6.1,7.0,7.5,8.0,8.6,8.9,9.0 + +# See https://github.com/tensorflow/tensorflow/blob/master/configure.py for new TF_NEED_ +ENV TF_NEED_CUDA=1 +ENV TF_CUDA_CLANG=1 +ENV TF_NEED_TENSORRT=0 +ENV TF_NEED_AWS=0 +ENV TF_NEED_CLANG=1 +ENV TF_NEED_COMPUTECPP=0 +ENV TF_NEED_GCP=0 +ENV TF_NEED_GDR=0 +ENV TF_NEED_HDFS=0 +ENV TF_NEED_JEMALLOC=0 +ENV TF_NEED_KAFKA=0 +ENV TF_NEED_MKL=1 +ENV TF_NEED_MPI=0 +ENV TF_NEED_OPENCL=0 +ENV TF_NEED_OPENCL_SYCL=0 +ENV TF_NEED_ROCM=0 +ENV TF_NEED_S3=0 +ENV TF_NEED_VERBS=0 +ENV TF_SET_ANDROID_WORKSPACE=0 +ENV HERMETIC_CUDA_COMPUTE_CAPABILITIES=$TF_CUDA_COMPUTE_CAPABILITIES + +RUN curl -s -Lo /usr/local/bin/bazel https://github.com/bazelbuild/bazelisk/releases/download/v${LATEST_BAZELISK}/bazelisk-linux-amd64 \ + && chmod +x /usr/local/bin/bazel \ + && mkdir -p /usr/local/src/tensorflow \ + && cd /usr/local/src \ + && wget -q -c https://github.com/tensorflow/tensorflow/archive/v${CTPO_TENSORFLOW_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/tensorflow \ + && cd /usr/local/src/tensorflow \ + && bazel version \ + && ./configure \ + && time bazel build --verbose_failures --config=opt --config=v2 ${CTPO_TF_CONFIG} //tensorflow/tools/pip_package:wheel --repo_env=WHEEL_NAME=tensorflow --config=cuda --config=cuda_wheel \ + && time pip3 install bazel-bin/tensorflow/tools/pip_package/wheel_house/tensorflow-*.whl \ + && rm -rf /usr/local/src/tensorflow /tmp/tensorflow_pkg /tmp/bazel_check.pl /tmp/tf_build.sh /tmp/hsperfdata_root /root/.cache/bazel /root/.cache/pip /root/.cache/bazelisk + +RUN python3 -c 'import tensorflow as tf; print(f"{tf.__version__}")' > /tmp/.tensorflow_built + +RUN echo "--- Tensorflow Build: Environment variables set --- " > /tmp/tf_env.dump \ + && env | grep TF_ | grep -v CTPO_ | sort >> /tmp/tf_env.dump + +##### FFMPEG + +ENV CTPO_FFMPEG_VERSION=7.1 +ENV CTPO_FFMPEG_NVCODEC=12.2.72.0 +ENV CTPO_FFMPEG_NONFREE="" +RUN mkdir -p /usr/local/src/builder \ + && cd /usr/local/src \ + && wget -q https://github.com/FFmpeg/nv-codec-headers/archive/refs/tags/n${CTPO_FFMPEG_NVCODEC}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder \ + && cd /usr/local/src/builder \ + && make install \ + && rm -rf /usr/local/src/builder +RUN mkdir -p /usr/local/src/builder \ + && cd /usr/local/src \ + && wget -q https://ffmpeg.org/releases/ffmpeg-${CTPO_FFMPEG_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder \ + && cd /usr/local/src/builder \ + && time ./configure --enable-cuda --enable-cuvid --enable-nvdec --enable-nvenc ${CTPO_FFMPEG_NONFREE} --extra-cflags="-I/usr/local/cuda/include/ -fPIC" --extra-ldflags="-L/usr/local/cuda/lib64/ -Wl,-Bsymbolic" --enable-shared --disable-static --enable-gpl --enable-libv4l2 --enable-libvorbis --enable-libvpx --enable-libwebp --enable-libxvid --enable-libopus --enable-pic --enable-libass --enable-libx264 --enable-libx265 | tee /tmp/ffmpeg_config.txt \ + && make -j${CTPO_NUMPROC} install \ + && ldconfig \ + && rm -rf /usr/local/src/builder +# From https://docs.nvidia.com/video-technologies/video-codec-sdk/ffmpeg-with-nvidia-gpu/#basic-testing +# GPU Testing: ffmpeg -y -vsync 0 -hwaccel cuda -hwaccel_output_format cuda -i input.mp4 -c:a copy -c:v h264_nvenc -b:v 5M output.mp4 +# GPU Testing: ffmpeg -y -vsync 0 -hwaccel cuvid -c:v h264_cuvid -i in.mp4 -c:v hevc_nvenc out.mkv + +RUN echo "${CTPO_FFMPEG_VERSION}" > /tmp/.ffmpeg_built + +#### OpenCV + +# Download & Build OpenCV in same RUN +## FYI: We are removing the OpenCV source and build directory in /usr/local/src to attempt to save additional disk space +# Comment the last line if you want to rerun cmake with additional/modified options. For example: +# cd /usr/local/src/opencv/build +# cmake -DOPENCV_ENABLE_NONFREE=ON -DBUILD_EXAMPLES=ON -DBUILD_DOCS=ON -DBUILD_TESTS=ON -DBUILD_PERF_TESTS=ON .. && make install +ENV CTPO_OPENCV_VERSION=4.10.0 +ENV CTPO_OPENCV_CUDA="-D WITH_CUDA=ON -D CUDA_TOOLKIT_ROOT_DIR=/usr/local/cuda -D CMAKE_LIBRARY_PATH=/usr/local/cuda/lib64/stubs -D CUDA_FAST_MATH=1 -D WITH_CUBLAS=1 -D WITH_NVCUVID=1 -DCUDA_ARCH_BIN=6.0,6.1,7.0,7.5,8.0,8.6,8.9,9.0 -DCUDA_ARCH_PTX=6.0,6.1,7.0,7.5,8.0,8.6,8.9,9.0" +ENV CTPO_OPENCV_NONFREE="" +RUN mkdir -p /usr/local/src/opencv/build /usr/local/src/opencv_contrib \ + && cd /usr/local/src \ + && wget -q https://github.com/opencv/opencv/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv \ + && wget -q https://github.com/opencv/opencv_contrib/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv_contrib \ + && cd /usr/local/src/opencv/build \ + && time cmake \ + -DBUILD_DOCS=0 \ + -DBUILD_EXAMPLES=0 \ + -DBUILD_PERF_TESTS=0 \ + -DBUILD_TESTS=0 \ + -DBUILD_opencv_python2=0 \ + -DBUILD_opencv_python3=1 \ + -DCMAKE_BUILD_TYPE=Release \ + -DCMAKE_INSTALL_PREFIX=$(python3 -c "import sys; print(sys.prefix)") \ + -DOPENCV_PYTHON3_INSTALL_PATH=$(python3 -c "from distutils.sysconfig import get_python_lib; print(get_python_lib())") \ + -DPYTHON_EXECUTABLE=$(which python3) \ + -DCMAKE_INSTALL_TYPE=Release \ + -DENABLE_FAST_MATH=1 \ + -DFORCE_VTK=1 \ + -DINSTALL_C_EXAMPLES=0 \ + -DINSTALL_PYTHON_EXAMPLES=0 \ + -DOPENCV_EXTRA_MODULES_PATH=/usr/local/src/opencv_contrib/modules \ + -DOPENCV_GENERATE_PKGCONFIG=1 \ + -DOPENCV_PC_FILE_NAME=opencv.pc \ + -DWITH_CSTRIPES=1 \ + -DWITH_EIGEN=1 \ + -DWITH_GDAL=1 \ + -DWITH_GSTREAMER=1 \ + -DWITH_GSTREAMER_0_10=OFF \ + -DWITH_GTK=1 \ + -DWITH_IPP=1 \ + -DWITH_OPENCL=1 \ + -DWITH_OPENMP=1 \ + -DWITH_TBB=1 \ + -DWITH_V4L=1 \ + -DWITH_WEBP=1 \ + -DWITH_XINE=1 \ + ${CTPO_OPENCV_CUDA} \ + ${CTPO_OPENCV_NONFREE} \ + -GNinja \ + .. \ + && time ninja install \ + && ldconfig \ + && rm -rf /usr/local/src/opencv /usr/local/src/opencv_contrib + +RUN python3 -c 'import cv2; print(f"{cv2.__version__}")' > /tmp/.opencv_built + +##### Magma (for PyTorch GPU only) + +ENV CTPO_MAGMA=2.8.0 +ENV CTPO_MAGMA_ARCH="Pascal Volta Turing Ampere Hopper" +RUN mkdir -p /usr/local/src/builder/build; \ + cd /usr/local/src; \ + wget -q http://icl.utk.edu/projectsfiles/magma/downloads/magma-${CTPO_MAGMA}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder; \ + cd /usr/local/src/builder/build; \ + time cmake -DGPU_TARGET="${CTPO_MAGMA_ARCH}" ..; \ + time make -j${CTPO_NUMPROC} install; \ + rm -rf /usr/local/src/magma /usr/local/src/builder + +##### Torch (using FFMpeg + OpenCV + Magma [GPU only]) + +ENV CTPO_TORCH_CUDA_ARCH="6.0 6.1 7.0 7.5 8.0 8.6 8.9 9.0+PTX" + +ENV CTPO_TORCH=2.5.1 +# For details on the TORCH_CUDA_ARCH_LIST, see https://pytorch.org/docs/stable/cpp_extension.html +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCH} https://github.com/pytorch/pytorch.git \ + && cd /usr/local/src/pytorch \ + && pip3 install -r requirements.txt \ + && time env PYTORCH_BUILD_VERSION=${CTPO_TORCH} PYTORCH_BUILD_NUMBER=0 USE_CUDA=1 USE_CUDNN=1 CAFFE2_USE_CUDNN=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" USE_MKLDNN=1 USE_FFMPEG=1 USE_OPENCV=1 python3 ./setup.py bdist_wheel | tee /tmp/torch_config.txt \ + && time pip3 install /usr/local/src/pytorch/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torch_config.txt \ + && sh -c "cmp --silent torch_config.txt torch_config.txt.bak && exit 1 || rm torch_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/pytorch + +RUN python3 -c 'import torch; print(f"{torch.__version__}")' > /tmp/.torch_built + +# Note: NOT building with Video Codec SDK as it requires an Nvidia account +ENV CTPO_TORCHVISION=0.20.0 +# setup.py options from https://github.com/pytorch/vision/blob/main/setup.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHVISION} https://github.com/pytorch/vision.git \ + && cd /usr/local/src/vision \ + && time env BUILD_VERSION=${CTPO_TORCHVISION} FORCE_CUDA=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" TORCHVISION_USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchvision_config.txt \ + && time pip3 install /usr/local/src/vision/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^running bdist_wheel%' torchvision_config.txt \ + && sh -c "cmp --silent torchvision_config.txt torchvision_config.txt.bak && exit 1 || rm torchvision_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/vision + +RUN python3 -c 'import torchvision; print(f"{torchvision.__version__}")' > /tmp/.torchvision_built + +ENV CTPO_TORCHAUDIO=2.5.0 +# Need to patch torchaudio https://github.com/pytorch/audio/pull/3811 +COPY torchaudio.patch /tmp/torchaudio.patch +# setup.py options from https://github.com/pytorch/audio/blob/main/tools/setup_helpers/extension.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHAUDIO} https://github.com/pytorch/audio.git \ + && cd /usr/local/src/audio \ + && patch -p1 < /tmp/torchaudio.patch \ + && time env BUILD_VERSION=${CTPO_TORCHAUDIO} USE_CUDA=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchaudio_config.txt \ + && time pip3 install /usr/local/src/audio/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torchaudio_config.txt \ + && sh -c "cmp --silent torchaudio_config.txt torchaudio_config.txt.bak && exit 1 || rm torchaudio_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/audio + +RUN python3 -c 'import torchaudio; print(f"{torchaudio.__version__}")' > /tmp/.torchaudio_built + +ENV CTPO_TORCHDATA=0.9.0 +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHDATA} https://github.com/pytorch/data.git \ + && cd /usr/local/src/data \ + && BUILD_VERSION=${CTPO_TORCHDATA} pip3 install . | tee /tmp/torchdata_config.txt \ + && rm -rf /root/.cache/pip /usr/local/src/data + +RUN python3 -c 'import torchdata; print(f"{torchdata.__version__}")' > /tmp/.torchdata_built + +##### Final steps + +# Add Jupyter lab & venv requirements +RUN apt-get install -y python3-venv \ + && pip3 install -U jupyterlab +# https://jupyterlab.readthedocs.io/en/stable/getting_started/changelog.html +# with v4 extensions are installed using the extension manager, see https://jupyterlab.readthedocs.io/en/stable/user/extensions.html#id11 + +RUN touch /.within_container +COPY withincontainer_checker.sh /tmp/withincontainer_checker.sh +RUN chmod +x /tmp/withincontainer_checker.sh \ + && /tmp/withincontainer_checker.sh + +# Setting up working directory +RUN mkdir /iti +WORKDIR /iti + +# Uncomment as needed +#ENV NVIDIA_VISIBLE_DEVICES all +#ENV NVIDIA_DRIVER_CAPABILITIES video,compute,utility + +CMD ["/bin/bash"] \ No newline at end of file diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/FFmpeg--Details.txt b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/FFmpeg--Details.txt new file mode 100644 index 0000000..2e16925 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/FFmpeg--Details.txt @@ -0,0 +1,727 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_pytorch_opencv:12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT" \ + -f Dockerfile \ + --load \ + . + + +***** FFmpeg configuration: +install prefix /usr/local +source path . +C compiler gcc +C library glibc +ARCH x86 (generic) +big-endian no +runtime cpu detection yes +standalone assembly yes +x86 assembler yasm +MMX enabled yes +MMXEXT enabled yes +3DNow! enabled yes +3DNow! extended enabled yes +SSE enabled yes +SSSE3 enabled yes +AESNI enabled yes +AVX enabled yes +AVX2 enabled yes +AVX-512 enabled yes +AVX-512ICL enabled yes +XOP enabled yes +FMA3 enabled yes +FMA4 enabled yes +i686 features enabled yes +CMOV is fast yes +EBX available yes +EBP available yes +debug symbols yes +strip symbols yes +optimize for size no +optimizations yes +static no +shared yes +postprocessing support yes +network support yes +threading support pthreads +safe bitstream reader yes +texi2html enabled no +perl enabled yes +pod2man enabled yes +makeinfo enabled no +makeinfo supports HTML no +xmllint enabled yes + +External libraries: +bzlib libvorbis libxcb +iconv libvpx libxcb_shm +libass libwebp libxvid +libopus libx264 lzma +libv4l2 libx265 zlib + +External libraries providing hardware acceleration: +cuda libdrm v4l2_m2m +cuvid nvdec +ffnvcodec nvenc + +Libraries: +avcodec avformat swresample +avdevice avutil swscale +avfilter postproc + +Programs: +ffmpeg ffprobe + +Enabled decoders: +aac fourxm pgmyuv +aac_fixed fraps pgssub +aac_latm frwu pgx +aasc ftr phm +ac3 g2m photocd +ac3_fixed g723_1 pictor +acelp_kelvin g729 pixlet +adpcm_4xm gdv pjs +adpcm_adx gem png +adpcm_afc gif ppm +adpcm_agm gremlin_dpcm prores +adpcm_aica gsm prosumer +adpcm_argo gsm_ms psd +adpcm_ct h261 ptx +adpcm_dtk h263 qcelp +adpcm_ea h263_v4l2m2m qdm2 +adpcm_ea_maxis_xa h263i qdmc +adpcm_ea_r1 h263p qdraw +adpcm_ea_r2 h264 qoa +adpcm_ea_r3 h264_cuvid qoi +adpcm_ea_xas h264_v4l2m2m qpeg +adpcm_g722 hap qtrle +adpcm_g726 hca r10k +adpcm_g726le hcom r210 +adpcm_ima_acorn hdr ra_144 +adpcm_ima_alp hevc ra_288 +adpcm_ima_amv hevc_cuvid ralf +adpcm_ima_apc hevc_v4l2m2m rasc +adpcm_ima_apm hnm4_video rawvideo +adpcm_ima_cunning hq_hqa realtext +adpcm_ima_dat4 hqx rka +adpcm_ima_dk3 huffyuv rl2 +adpcm_ima_dk4 hymt roq +adpcm_ima_ea_eacs iac roq_dpcm +adpcm_ima_ea_sead idcin rpza +adpcm_ima_iss idf rscc +adpcm_ima_moflex iff_ilbm rtv1 +adpcm_ima_mtf ilbc rv10 +adpcm_ima_oki imc rv20 +adpcm_ima_qt imm4 rv30 +adpcm_ima_rad imm5 rv40 +adpcm_ima_smjpeg indeo2 s302m +adpcm_ima_ssi indeo3 sami +adpcm_ima_wav indeo4 sanm +adpcm_ima_ws indeo5 sbc +adpcm_ms interplay_acm scpr +adpcm_mtaf interplay_dpcm screenpresso +adpcm_psx interplay_video sdx2_dpcm +adpcm_sbpro_2 ipu sga +adpcm_sbpro_3 jacosub sgi +adpcm_sbpro_4 jpeg2000 sgirle +adpcm_swf jpegls sheervideo +adpcm_thp jv shorten +adpcm_thp_le kgv1 simbiosis_imx +adpcm_vima kmvc sipr +adpcm_xa lagarith siren +adpcm_xmd lead smackaud +adpcm_yamaha libopus smacker +adpcm_zork libvorbis smc +agm libvpx_vp8 smvjpeg +aic libvpx_vp9 snow +alac loco sol_dpcm +alias_pix lscr sonic +als m101 sp5x +amrnb mace3 speedhq +amrwb mace6 speex +amv magicyuv srgc +anm mdec srt +ansi media100 ssa +anull metasound stl +apac microdvd subrip +ape mimic subviewer +apng misc4 subviewer1 +aptx mjpeg sunrast +aptx_hd mjpeg_cuvid svq1 +arbc mjpegb svq3 +argo mlp tak +ass mmvideo targa +asv1 mobiclip targa_y216 +asv2 motionpixels tdsc +atrac1 movtext text +atrac3 mp1 theora +atrac3al mp1float thp +atrac3p mp2 tiertexseqvideo +atrac3pal mp2float tiff +atrac9 mp3 tmv +aura mp3adu truehd +aura2 mp3adufloat truemotion1 +av1 mp3float truemotion2 +av1_cuvid mp3on4 truemotion2rt +avrn mp3on4float truespeech +avrp mpc7 tscc +avs mpc8 tscc2 +avui mpeg1_cuvid tta +bethsoftvid mpeg1_v4l2m2m twinvq +bfi mpeg1video txd +bink mpeg2_cuvid ulti +binkaudio_dct mpeg2_v4l2m2m utvideo +binkaudio_rdft mpeg2video v210 +bintext mpeg4 v210x +bitpacked mpeg4_cuvid v308 +bmp mpeg4_v4l2m2m v408 +bmv_audio mpegvideo v410 +bmv_video mpl2 vb +bonk msa1 vble +brender_pix mscc vbn +c93 msmpeg4v1 vc1 +cavs msmpeg4v2 vc1_cuvid +cbd2_dpcm msmpeg4v3 vc1_v4l2m2m +ccaption msnsiren vc1image +cdgraphics msp2 vcr1 +cdtoons msrle vmdaudio +cdxl mss1 vmdvideo +cfhd mss2 vmix +cinepak msvideo1 vmnc +clearvideo mszh vnull +cljr mts2 vorbis +cllc mv30 vp3 +comfortnoise mvc1 vp4 +cook mvc2 vp5 +cpia mvdv vp6 +cri mvha vp6a +cscd mwsc vp6f +cyuv mxpeg vp7 +dca nellymoser vp8 +dds notchlc vp8_cuvid +derf_dpcm nuv vp8_v4l2m2m +dfa on2avc vp9 +dfpwm opus vp9_cuvid +dirac osq vp9_v4l2m2m +dnxhd paf_audio vplayer +dolby_e paf_video vqa +dpx pam vqc +dsd_lsbf pbm vvc +dsd_lsbf_planar pcm_alaw wady_dpcm +dsd_msbf pcm_bluray wavarc +dsd_msbf_planar pcm_dvd wavpack +dsicinaudio pcm_f16le wbmp +dsicinvideo pcm_f24le wcmv +dss_sp pcm_f32be webp +dst pcm_f32le webvtt +dvaudio pcm_f64be wmalossless +dvbsub pcm_f64le wmapro +dvdsub pcm_lxf wmav1 +dvvideo pcm_mulaw wmav2 +dxa pcm_s16be wmavoice +dxtory pcm_s16be_planar wmv1 +dxv pcm_s16le wmv2 +eac3 pcm_s16le_planar wmv3 +eacmv pcm_s24be wmv3image +eamad pcm_s24daud wnv1 +eatgq pcm_s24le wrapped_avframe +eatgv pcm_s24le_planar ws_snd1 +eatqi pcm_s32be xan_dpcm +eightbps pcm_s32le xan_wc3 +eightsvx_exp pcm_s32le_planar xan_wc4 +eightsvx_fib pcm_s64be xbin +escape124 pcm_s64le xbm +escape130 pcm_s8 xface +evrc pcm_s8_planar xl +exr pcm_sga xma1 +fastaudio pcm_u16be xma2 +ffv1 pcm_u16le xpm +ffvhuff pcm_u24be xsub +ffwavesynth pcm_u24le xwd +fic pcm_u32be y41p +fits pcm_u32le ylc +flac pcm_u8 yop +flashsv pcm_vidc yuv4 +flashsv2 pcx zero12v +flic pdv zerocodec +flv pfm zlib +fmvc pgm zmbv + +Enabled encoders: +a64multi hevc_v4l2m2m pgm +a64multi5 huffyuv pgmyuv +aac jpeg2000 phm +ac3 jpegls png +ac3_fixed libopus ppm +adpcm_adx libvorbis prores +adpcm_argo libvpx_vp8 prores_aw +adpcm_g722 libvpx_vp9 prores_ks +adpcm_g726 libwebp qoi +adpcm_g726le libwebp_anim qtrle +adpcm_ima_alp libx264 r10k +adpcm_ima_amv libx264rgb r210 +adpcm_ima_apm libx265 ra_144 +adpcm_ima_qt libxvid rawvideo +adpcm_ima_ssi ljpeg roq +adpcm_ima_wav magicyuv roq_dpcm +adpcm_ima_ws mjpeg rpza +adpcm_ms mlp rv10 +adpcm_swf movtext rv20 +adpcm_yamaha mp2 s302m +alac mp2fixed sbc +alias_pix mpeg1video sgi +amv mpeg2video smc +anull mpeg4 snow +apng mpeg4_v4l2m2m sonic +aptx msmpeg4v2 sonic_ls +aptx_hd msmpeg4v3 speedhq +ass msrle srt +asv1 msvideo1 ssa +asv2 nellymoser subrip +av1_nvenc opus sunrast +avrp pam svq1 +avui pbm targa +bitpacked pcm_alaw text +bmp pcm_bluray tiff +cfhd pcm_dvd truehd +cinepak pcm_f32be tta +cljr pcm_f32le ttml +comfortnoise pcm_f64be utvideo +dca pcm_f64le v210 +dfpwm pcm_mulaw v308 +dnxhd pcm_s16be v408 +dpx pcm_s16be_planar v410 +dvbsub pcm_s16le vbn +dvdsub pcm_s16le_planar vc2 +dvvideo pcm_s24be vnull +dxv pcm_s24daud vorbis +eac3 pcm_s24le vp8_v4l2m2m +exr pcm_s24le_planar wavpack +ffv1 pcm_s32be wbmp +ffvhuff pcm_s32le webvtt +fits pcm_s32le_planar wmav1 +flac pcm_s64be wmav2 +flashsv pcm_s64le wmv1 +flashsv2 pcm_s8 wmv2 +flv pcm_s8_planar wrapped_avframe +g723_1 pcm_u16be xbm +gif pcm_u16le xface +h261 pcm_u24be xsub +h263 pcm_u24le xwd +h263_v4l2m2m pcm_u32be y41p +h263p pcm_u32le yuv4 +h264_nvenc pcm_u8 zlib +h264_v4l2m2m pcm_vidc zmbv +hdr pcx +hevc_nvenc pfm + +Enabled hwaccels: +av1_nvdec mpeg1_nvdec vp8_nvdec +h264_nvdec mpeg2_nvdec vp9_nvdec +hevc_nvdec mpeg4_nvdec wmv3_nvdec +mjpeg_nvdec vc1_nvdec + +Enabled parsers: +aac dvdsub mpegaudio +aac_latm evc mpegvideo +ac3 flac opus +adx ftr png +amr g723_1 pnm +av1 g729 qoi +avs2 gif rv34 +avs3 gsm sbc +bmp h261 sipr +cavsvideo h263 tak +cook h264 vc1 +cri hdr vorbis +dca hevc vp3 +dirac ipu vp8 +dnxhd jpeg2000 vp9 +dolby_e jpegxl vvc +dpx misc4 webp +dvaudio mjpeg xbm +dvbsub mlp xma +dvd_nav mpeg4video xwd + +Enabled demuxers: +aa idf pcm_s16be +aac iff pcm_s16le +aax ifv pcm_s24be +ac3 ilbc pcm_s24le +ac4 image2 pcm_s32be +ace image2_alias_pix pcm_s32le +acm image2_brender_pix pcm_s8 +act image2pipe pcm_u16be +adf image_bmp_pipe pcm_u16le +adp image_cri_pipe pcm_u24be +ads image_dds_pipe pcm_u24le +adx image_dpx_pipe pcm_u32be +aea image_exr_pipe pcm_u32le +afc image_gem_pipe pcm_u8 +aiff image_gif_pipe pcm_vidc +aix image_hdr_pipe pdv +alp image_j2k_pipe pjs +amr image_jpeg_pipe pmp +amrnb image_jpegls_pipe pp_bnk +amrwb image_jpegxl_pipe pva +anm image_pam_pipe pvf +apac image_pbm_pipe qcp +apc image_pcx_pipe qoa +ape image_pfm_pipe r3d +apm image_pgm_pipe rawvideo +apng image_pgmyuv_pipe rcwt +aptx image_pgx_pipe realtext +aptx_hd image_phm_pipe redspark +aqtitle image_photocd_pipe rka +argo_asf image_pictor_pipe rl2 +argo_brp image_png_pipe rm +argo_cvg image_ppm_pipe roq +asf image_psd_pipe rpl +asf_o image_qdraw_pipe rsd +ass image_qoi_pipe rso +ast image_sgi_pipe rtp +au image_sunrast_pipe rtsp +av1 image_svg_pipe s337m +avi image_tiff_pipe sami +avr image_vbn_pipe sap +avs image_webp_pipe sbc +avs2 image_xbm_pipe sbg +avs3 image_xpm_pipe scc +bethsoftvid image_xwd_pipe scd +bfi ingenient sdns +bfstm ipmovie sdp +bink ipu sdr2 +binka ircam sds +bintext iss sdx +bit iv8 segafilm +bitpacked ivf ser +bmv ivr sga +boa jacosub shorten +bonk jpegxl_anim siff +brstm jv simbiosis_imx +c93 kux sln +caf kvag smacker +cavsvideo laf smjpeg +cdg lc3 smush +cdxl live_flv sol +cine lmlm4 sox +codec2 loas spdif +codec2raw lrc srt +concat luodat stl +data lvf str +daud lxf subviewer +dcstr m4v subviewer1 +derf matroska sup +dfa mca svag +dfpwm mcc svs +dhav mgsts swf +dirac microdvd tak +dnxhd mjpeg tedcaptions +dsf mjpeg_2000 thp +dsicin mlp threedostr +dss mlv tiertexseq +dts mm tmv +dtshd mmf truehd +dv mods tta +dvbsub moflex tty +dvbtxt mov txd +dxa mp3 ty +ea mpc usm +ea_cdata mpc8 v210 +eac3 mpegps v210x +epaf mpegts vag +evc mpegtsraw vc1 +ffmetadata mpegvideo vc1t +filmstrip mpjpeg vividas +fits mpl2 vivo +flac mpsub vmd +flic msf vobsub +flv msnwc_tcp voc +fourxm msp vpk +frm mtaf vplayer +fsb mtv vqf +fwse musx vvc +g722 mv w64 +g723_1 mvi wady +g726 mxf wav +g726le mxg wavarc +g729 nc wc3 +gdv nistsphere webm_dash_manifest +genh nsp webvtt +gif nsv wsaud +gsm nut wsd +gxf nuv wsvqa +h261 obu wtv +h263 ogg wv +h264 oma wve +hca osq xa +hcom paf xbin +hevc pcm_alaw xmd +hls pcm_f32be xmv +hnm pcm_f32le xvag +iamf pcm_f64be xwma +ico pcm_f64le yop +idcin pcm_mulaw yuv4mpegpipe + +Enabled muxers: +a64 h263 pcm_s16le +ac3 h264 pcm_s24be +ac4 hash pcm_s24le +adts hds pcm_s32be +adx hevc pcm_s32le +aea hls pcm_s8 +aiff iamf pcm_u16be +alp ico pcm_u16le +amr ilbc pcm_u24be +amv image2 pcm_u24le +apm image2pipe pcm_u32be +apng ipod pcm_u32le +aptx ircam pcm_u8 +aptx_hd ismv pcm_vidc +argo_asf ivf psp +argo_cvg jacosub rawvideo +asf kvag rcwt +asf_stream latm rm +ass lc3 roq +ast lrc rso +au m4v rtp +avi matroska rtp_mpegts +avif matroska_audio rtsp +avm2 md5 sap +avs2 microdvd sbc +avs3 mjpeg scc +bit mkvtimestamp_v2 segafilm +caf mlp segment +cavsvideo mmf smjpeg +codec2 mov smoothstreaming +codec2raw mp2 sox +crc mp3 spdif +dash mp4 spx +data mpeg1system srt +daud mpeg1vcd stream_segment +dfpwm mpeg1video streamhash +dirac mpeg2dvd sup +dnxhd mpeg2svcd swf +dts mpeg2video tee +dv mpeg2vob tg2 +eac3 mpegts tgp +evc mpjpeg truehd +f4v mxf tta +ffmetadata mxf_d10 ttml +fifo mxf_opatom uncodedframecrc +filmstrip null vc1 +fits nut vc1t +flac obu voc +flv oga vvc +framecrc ogg w64 +framehash ogv wav +framemd5 oma webm +g722 opus webm_chunk +g723_1 pcm_alaw webm_dash_manifest +g726 pcm_f32be webp +g726le pcm_f32le webvtt +gif pcm_f64be wsaud +gsm pcm_f64le wtv +gxf pcm_mulaw wv +h261 pcm_s16be yuv4mpegpipe + +Enabled protocols: +async gopher rtmp +cache hls rtmpt +concat http rtp +concatf httpproxy srtp +crypto icecast subfile +data md5 tcp +fd mmsh tee +ffrtmphttp mmst udp +file pipe udplite +ftp prompeg unix + +Enabled filters: +a3dscope corr oscilloscope +aap cover_rect overlay +abench crop owdenoise +abitscope cropdetect pad +acompressor crossfeed pal100bars +acontrast crystalizer pal75bars +acopy cue palettegen +acrossfade curves paletteuse +acrossover datascope pan +acrusher dblur perlin +acue dcshift perms +addroi dctdnoiz perspective +adeclick deband phase +adeclip deblock photosensitivity +adecorrelate decimate pixdesctest +adelay deconvolve pixelize +adenorm dedot pixscope +aderivative deesser pp +adrawgraph deflate pp7 +adrc deflicker premultiply +adynamicequalizer dejudder prewitt +adynamicsmooth delogo pseudocolor +aecho deshake psnr +aemphasis despill pullup +aeval detelecine qp +aevalsrc dialoguenhance random +aexciter dilation readeia608 +afade displace readvitc +afdelaysrc doubleweave realtime +afftdn drawbox remap +afftfilt drawgraph removegrain +afir drawgrid removelogo +afireqsrc drmeter repeatfields +afirsrc dynaudnorm replaygain +aformat earwax reverse +afreqshift ebur128 rgbashift +afwtdn edgedetect rgbtestsrc +agate elbg roberts +agraphmonitor entropy rotate +ahistogram epx sab +aiir eq scale +aintegral equalizer scale2ref +ainterleave erosion scdet +alatency estdif scharr +alimiter exposure scroll +allpass extractplanes segment +allrgb extrastereo select +allyuv fade selectivecolor +aloop feedback sendcmd +alphaextract fftdnoiz separatefields +alphamerge fftfilt setdar +amerge field setfield +ametadata fieldhint setparams +amix fieldmatch setpts +amovie fieldorder setrange +amplify fillborders setsar +amultiply find_rect settb +anequalizer firequalizer shear +anlmdn flanger showcqt +anlmf floodfill showcwt +anlms format showfreqs +anoisesrc fps showinfo +anull framepack showpalette +anullsink framerate showspatial +anullsrc framestep showspectrum +apad freezedetect showspectrumpic +aperms freezeframes showvolume +aphasemeter fspp showwaves +aphaser fsync showwavespic +aphaseshift gblur shuffleframes +apsnr geq shufflepixels +apsyclip gradfun shuffleplanes +apulsator gradients sidechaincompress +arealtime graphmonitor sidechaingate +aresample grayworld sidedata +areverse greyedge sierpinski +arls guided signalstats +arnndn haas signature +asdr haldclut silencedetect +asegment haldclutsrc silenceremove +aselect hdcd sinc +asendcmd headphone sine +asetnsamples hflip siti +asetpts highpass smartblur +asetrate highshelf smptebars +asettb hilbert smptehdbars +ashowinfo histeq sobel +asidedata histogram spectrumsynth +asisdr hqdn3d speechnorm +asoftclip hqx split +aspectralstats hstack spp +asplit hsvhold ssim +ass hsvkey ssim360 +astats hue stereo3d +astreamselect huesaturation stereotools +asubboost hwdownload stereowiden +asubcut hwmap streamselect +asupercut hwupload subtitles +asuperpass hwupload_cuda super2xsai +asuperstop hysteresis superequalizer +atadenoise identity surround +atempo idet swaprect +atilt il swapuv +atrim inflate tblend +avectorscope interlace telecine +avgblur interleave testsrc +avsynctest join testsrc2 +axcorrelate kerndeint thistogram +backgroundkey kirsch threshold +bandpass lagfun thumbnail +bandreject latency tile +bass lenscorrection tiltandshift +bbox life tiltshelf +bench limitdiff tinterlace +bilateral limiter tlut2 +biquad loop tmedian +bitplanenoise loudnorm tmidequalizer +blackdetect lowpass tmix +blackframe lowshelf tonemap +blend lumakey tpad +blockdetect lut transpose +blurdetect lut1d treble +bm3d lut2 tremolo +boxblur lut3d trim +bwdif lutrgb unpremultiply +cas lutyuv unsharp +ccrepack mandelbrot untile +cellauto maskedclamp uspp +channelmap maskedmax v360 +channelsplit maskedmerge vaguedenoiser +chorus maskedmin varblur +chromahold maskedthreshold vectorscope +chromakey maskfun vflip +chromanr mcdeint vfrdet +chromashift mcompand vibrance +ciescope median vibrato +codecview mergeplanes vif +color mestimate vignette +colorbalance metadata virtualbass +colorchannelmixer midequalizer vmafmotion +colorchart minterpolate volume +colorcontrast mix volumedetect +colorcorrect monochrome vstack +colorhold morpho w3fdif +colorize movie waveform +colorkey mpdecimate weave +colorlevels mptestsrc xbr +colormap msad xcorrelate +colormatrix multiply xfade +colorspace negate xmedian +colorspectrum nlmeans xpsnr +colortemperature nnedi xstack +compand noformat yadif +compensationdelay noise yaepblur +concat normalize yuvtestsrc +convolution null zoneplate +convolve nullsink zoompan +copy nullsrc + +Enabled bsfs: +aac_adtstoasc h264_mp4toannexb pcm_rechunk +av1_frame_merge h264_redundant_pps pgs_frame_merge +av1_frame_split hapqa_extract prores_metadata +av1_metadata hevc_metadata remove_extradata +chomp hevc_mp4toannexb setts +dca_core imx_dump_header showinfo +dovi_rpu media100_to_mjpegb text2movsub +dts2pts mjpeg2jpeg trace_headers +dump_extradata mjpega_dump_header truehd_core +dv_error_marker mov2textsub vp9_metadata +eac3_core mpeg2_metadata vp9_raw_reorder +evc_frame_merge mpeg4_unpack_bframes vp9_superframe +extract_extradata noise vp9_superframe_split +filter_units null vvc_metadata +h264_metadata opus_metadata vvc_mp4toannexb + +Enabled indevs: +fbdev lavfi v4l2 +kmsgrab oss xcbgrab + +Enabled outdevs: +fbdev oss v4l2 + +License: GPL version 2 or later diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/OpenCV--Details.txt b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/OpenCV--Details.txt new file mode 100644 index 0000000..21ec546 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/OpenCV--Details.txt @@ -0,0 +1,148 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_pytorch_opencv:12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT" \ + -f Dockerfile \ + --load \ + . + + +***** OpenCV configuration: +-- Confirming OpenCV Python is installed. Version: 4.10.0 + + +General configuration for OpenCV 4.10.0 ===================================== + Version control: unknown + + Extra modules: + Location (extra): /usr/local/src/opencv_contrib/modules + Version control (extra): unknown + + Platform: + Timestamp: 2024-12-19T14:35:30Z + Host: Linux 6.8.0-51-generic x86_64 + CMake: 3.31.2 + CMake generator: Ninja + CMake build tool: /usr/local/bin/ninja + Configuration: Release + + CPU/HW features: + Baseline: SSE SSE2 SSE3 + requested: SSE3 + Dispatched code generation: SSE4_1 SSE4_2 FP16 AVX AVX2 AVX512_SKX + requested: SSE4_1 SSE4_2 AVX FP16 AVX2 AVX512_SKX + SSE4_1 (16 files): + SSSE3 SSE4_1 + SSE4_2 (1 files): + SSSE3 SSE4_1 POPCNT SSE4_2 + FP16 (0 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 AVX + AVX (8 files): + SSSE3 SSE4_1 POPCNT SSE4_2 AVX + AVX2 (36 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2 + AVX512_SKX (5 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2 AVX_512F AVX512_COMMON AVX512_SKX + + C/C++: + Built as dynamic libs?: YES + C++ standard: 11 + C++ Compiler: /usr/bin/c++ (ver 13.3.0) + C++ flags (Release): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Wnon-virtual-dtor -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Wsuggest-override -Wno-delete-non-virtual-dtor -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -fopenmp -O3 -DNDEBUG -DNDEBUG + C++ flags (Debug): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Wnon-virtual-dtor -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Wsuggest-override -Wno-delete-non-virtual-dtor -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -fopenmp -g -O0 -DDEBUG -D_DEBUG + C Compiler: /usr/bin/cc + C flags (Release): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fopenmp -O3 -DNDEBUG -DNDEBUG + C flags (Debug): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fopenmp -g -O0 -DDEBUG -D_DEBUG + Linker flags (Release): -Wl,--exclude-libs,libippicv.a -Wl,--exclude-libs,libippiw.a -Wl,--gc-sections -Wl,--as-needed -Wl,--no-undefined + Linker flags (Debug): -Wl,--exclude-libs,libippicv.a -Wl,--exclude-libs,libippiw.a -Wl,--gc-sections -Wl,--as-needed -Wl,--no-undefined + ccache: NO + Precompiled headers: NO + Extra dependencies: m pthread cudart_static dl rt nppc nppial nppicc nppidei nppif nppig nppim nppist nppisu nppitc npps cublas cudnn cufft -L/usr/local/cuda/lib64 -L/usr/lib/x86_64-linux-gnu + 3rdparty dependencies: + + OpenCV modules: + To be built: alphamat aruco bgsegm bioinspired calib3d ccalib core cudaarithm cudabgsegm cudacodec cudafeatures2d cudafilters cudaimgproc cudalegacy cudaobjdetect cudaoptflow cudastereo cudawarping cudev datasets dnn dnn_objdetect dnn_superres dpm face features2d flann freetype fuzzy gapi hdf hfs highgui img_hash imgcodecs imgproc intensity_transform line_descriptor mcc ml objdetect optflow phase_unwrapping photo plot python3 quality rapid reg rgbd saliency sfm shape signal stereo stitching structured_light superres surface_matching text tracking video videoio videostab wechat_qrcode xfeatures2d ximgproc xobjdetect xphoto + Disabled: world + Disabled by dependency: - + Unavailable: cannops cvv java julia matlab ovis python2 ts viz + Applications: apps + Documentation: NO + Non-free algorithms: NO + + GUI: GTK3 + GTK+: YES (ver 3.24.41) + GThread : YES (ver 2.80.0) + GtkGlExt: NO + VTK support: NO + + Media I/O: + ZLib: /usr/lib/x86_64-linux-gnu/libz.so (ver 1.3) + JPEG: /usr/lib/x86_64-linux-gnu/libjpeg.so (ver 80) + WEBP: /usr/lib/x86_64-linux-gnu/libwebp.so (ver encoder: 0x020f) + PNG: /usr/lib/x86_64-linux-gnu/libpng.so (ver 1.6.43) + TIFF: /usr/lib/x86_64-linux-gnu/libtiff.so (ver 42 / 4.5.1) + JPEG 2000: OpenJPEG (ver 2.5.0) + OpenEXR: build (ver 2.3.0) + GDAL: NO + HDR: YES + SUNRASTER: YES + PXM: YES + PFM: YES + + Video I/O: + DC1394: YES (2.2.6) + FFMPEG: YES + avcodec: YES (61.19.100) + avformat: YES (61.7.100) + avutil: YES (59.39.100) + swscale: YES (8.3.100) + avresample: NO + GStreamer: YES (1.24.2) + v4l/v4l2: YES (linux/videodev2.h) + Xine: YES (ver 1.2.13) + + Parallel framework: TBB (ver 2022.0 interface 12140) + + Trace: YES (with Intel ITT) + + Other third-party libraries: + Intel IPP: 2021.11.0 [2021.11.0] + at: /usr/local/src/opencv/build/3rdparty/ippicv/ippicv_lnx/icv + Intel IPP IW: sources (2021.11.0) + at: /usr/local/src/opencv/build/3rdparty/ippicv/ippicv_lnx/iw + VA: NO + Lapack: YES (/usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a /usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a /usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a -lpthread -lm -ldl) + Eigen: YES (ver 3.4.0) + Custom HAL: NO + Protobuf: build (3.19.1) + Flatbuffers: builtin/3rdparty (23.5.9) + + NVIDIA CUDA: YES (ver 12.5, CUFFT CUBLAS FAST_MATH) + NVIDIA GPU arch: 60 61 70 75 80 86 89 90 + NVIDIA PTX archs: 60 61 70 75 80 86 89 90 + + cuDNN: YES (ver 9.3.0) + + OpenCL: YES (no extra features) + Include path: /usr/local/src/opencv/3rdparty/include/opencl/1.2 + Link libraries: Dynamic load + + Python 3: + Interpreter: /usr/bin/python3 (ver 3.12.3) + Libraries: /usr/lib/x86_64-linux-gnu/libpython3.12.so (ver 3.12.3) + Limited API: NO + numpy: /usr/local/lib/python3.12/dist-packages/numpy/_core/include (ver 2.0.2) + install path: /usr/lib/python3/dist-packages/cv2/python-3.12 + + Python (for build): /usr/bin/python3 + + Java: + ant: NO + Java: NO + JNI: NO + Java wrappers: NO + Java tests: NO + + Install to: /usr +----------------------------------------------------------------- + + + +cuDNN_FOUND: 9.3.0 diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/PyTorch--Details.txt b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/PyTorch--Details.txt new file mode 100644 index 0000000..a6c58a9 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/PyTorch--Details.txt @@ -0,0 +1,435 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_pytorch_opencv:12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT" \ + -f Dockerfile \ + --load \ + . + + +***** PyTorch configuration: +-- The CXX compiler identification is GNU 13.3.0 +-- The C compiler identification is GNU 13.3.0 +-- Detecting CXX compiler ABI info +-- Detecting CXX compiler ABI info - done +-- Check for working CXX compiler: /usr/bin/c++ - skipped +-- Detecting CXX compile features +-- Detecting CXX compile features - done +-- Detecting C compiler ABI info +-- Detecting C compiler ABI info - done +-- Check for working C compiler: /usr/bin/cc - skipped +-- Detecting C compile features +-- Detecting C compile features - done +-- /usr/bin/c++ /usr/local/src/pytorch/torch/abi-check.cpp -o /usr/local/src/pytorch/build/abi-check +-- Determined _GLIBCXX_USE_CXX11_ABI=1 +-- Not forcing any particular BLAS to be found +-- Could not find ccache. Consider installing ccache to speed up compilation. +-- Performing Test C_HAS_AVX_1 +-- Performing Test C_HAS_AVX_1 - Failed +-- Performing Test C_HAS_AVX_2 +-- Performing Test C_HAS_AVX_2 - Success +-- Performing Test C_HAS_AVX2_1 +-- Performing Test C_HAS_AVX2_1 - Failed +-- Performing Test C_HAS_AVX2_2 +-- Performing Test C_HAS_AVX2_2 - Success +-- Performing Test C_HAS_AVX512_1 +-- Performing Test C_HAS_AVX512_1 - Failed +-- Performing Test C_HAS_AVX512_2 +-- Performing Test C_HAS_AVX512_2 - Success +-- Performing Test CXX_HAS_AVX_1 +-- Performing Test CXX_HAS_AVX_1 - Failed +-- Performing Test CXX_HAS_AVX_2 +-- Performing Test CXX_HAS_AVX_2 - Success +-- Performing Test CXX_HAS_AVX2_1 +-- Performing Test CXX_HAS_AVX2_1 - Failed +-- Performing Test CXX_HAS_AVX2_2 +-- Performing Test CXX_HAS_AVX2_2 - Success +-- Performing Test CXX_HAS_AVX512_1 +-- Performing Test CXX_HAS_AVX512_1 - Failed +-- Performing Test CXX_HAS_AVX512_2 +-- Performing Test CXX_HAS_AVX512_2 - Success +-- Current compiler supports avx2 extension. Will build perfkernels. +-- Performing Test CAFFE2_COMPILER_SUPPORTS_AVX512_EXTENSIONS +-- Performing Test CAFFE2_COMPILER_SUPPORTS_AVX512_EXTENSIONS - Success +-- Current compiler supports avx512f extension. Will build fbgemm. +-- Performing Test COMPILER_SUPPORTS_HIDDEN_VISIBILITY +-- Performing Test COMPILER_SUPPORTS_HIDDEN_VISIBILITY - Success +-- Performing Test COMPILER_SUPPORTS_HIDDEN_INLINE_VISIBILITY +-- Performing Test COMPILER_SUPPORTS_HIDDEN_INLINE_VISIBILITY - Success +-- Performing Test COMPILER_SUPPORTS_RDYNAMIC +-- Performing Test COMPILER_SUPPORTS_RDYNAMIC - Success +-- Found CUDA: /usr/local/nvidia (found version "12.5") +-- The CUDA compiler identification is NVIDIA 12.5.82 with host compiler GNU 13.3.0 +-- Detecting CUDA compiler ABI info +-- Detecting CUDA compiler ABI info - done +-- Check for working CUDA compiler: /usr/local/nvidia/bin/nvcc - skipped +-- Detecting CUDA compile features +-- Detecting CUDA compile features - done +-- Found CUDAToolkit: /usr/local/nvidia/include (found version "12.5.82") +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD - Success +-- Found Threads: TRUE +-- Caffe2: CUDA detected: 12.5 +-- Caffe2: CUDA nvcc is: /usr/local/nvidia/bin/nvcc +-- Caffe2: CUDA toolkit directory: /usr/local/nvidia +-- Caffe2: Header version is: 12.5 +-- Found Python: /usr/bin/python3 (found version "3.12.3") found components: Interpreter +-- Found nvtx3: /usr/local/src/pytorch/third_party/NVTX/c/include +-- Found CUDNN: /usr/lib/x86_64-linux-gnu/libcudnn.so +-- Could NOT find CUSPARSELT (missing: CUSPARSELT_LIBRARY_PATH CUSPARSELT_INCLUDE_PATH) +-- Could NOT find CUDSS (missing: CUDSS_LIBRARY_PATH CUDSS_INCLUDE_PATH) +-- USE_CUFILE is set to 0. Compiling without cuFile support +-- Added CUDA NVCC flags for: -gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_80,code=sm_80;-gencode;arch=compute_86,code=sm_86;-gencode;arch=compute_89,code=sm_89;-gencode;arch=compute_90,code=sm_90;-gencode;arch=compute_90,code=compute_90 +-- Building using own protobuf under third_party per request. +-- Use custom protobuf build. +-- +-- 3.13.0.0 +-- Performing Test protobuf_HAVE_BUILTIN_ATOMICS +-- Performing Test protobuf_HAVE_BUILTIN_ATOMICS - Success +-- Caffe2 protobuf include directory: $$ +-- Trying to find preferred BLAS backend of choice: MKL +-- MKL_THREADING = OMP +-- Looking for sys/types.h +-- Looking for sys/types.h - found +-- Looking for stdint.h +-- Looking for stdint.h - found +-- Looking for stddef.h +-- Looking for stddef.h - found +-- Check size of void* +-- Check size of void* - done +-- MKL_THREADING = OMP +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- Looking for cblas_sgemm +-- Looking for cblas_sgemm - found +-- Looking for cblas_gemm_bf16bf16f32 +-- Looking for cblas_gemm_bf16bf16f32 - found +-- Looking for cblas_gemm_f16f16f32 +-- Looking for cblas_gemm_f16f16f32 - found +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- MKL libraries: /usr/local/lib/libmkl_intel_lp64.a;/usr/local/lib/libmkl_gnu_thread.a;/usr/local/lib/libmkl_core.a;-fopenmp;/usr/lib/x86_64-linux-gnu/libpthread.a;/usr/lib/x86_64-linux-gnu/libm.so;/usr/lib/x86_64-linux-gnu/libdl.a +-- MKL include directory: /usr/local/include +-- MKL OpenMP type: GNU +-- MKL OpenMP library: -fopenmp +-- The ASM compiler identification is GNU +-- Found assembler: /usr/bin/cc +-- Brace yourself, we are building NNPACK +-- Performing Test NNPACK_ARCH_IS_X86_32 +-- Performing Test NNPACK_ARCH_IS_X86_32 - Failed +-- Found PythonInterp: /usr/local/bin/python (found version "3.12.3") +-- NNPACK backend is x86-64 +-- Downloading six (Python package) to /usr/local/src/pytorch/build/confu-srcs/six (define PYTHON_SIX_SOURCE_DIR to avoid it) + + +***** TorchVision configuration: +Torchvision build configuration: +FORCE_CUDA = True +FORCE_MPS = False +DEBUG = False +USE_PNG = True +USE_JPEG = True +USE_WEBP = True +USE_HEIC = False +USE_AVIF = False +USE_NVJPEG = True +NVCC_FLAGS = None +USE_CPU_VIDEO_DECODER = True +USE_GPU_VIDEO_DECODER = True +TORCHVISION_INCLUDE = [] +TORCHVISION_LIBRARY = [] +IS_ROCM = False +BUILD_CUDA_SOURCES = True +Building wheel torchvision-0.20.0 +Building _C extension +Building image extension +Building torchvision with PNG support +png_include_dir = '/usr/include/libpng16' +png_library_dir = 'libpng-config: --libdir option is disabled in Debian/Ubuntu' +Searching for jpeglib.h. Didn't find in TORCHVISION_INCLUDE. +Searching for jpeglib.h. Didn't find in BUILD_PREFIX. +Searching for jpeglib.h. Didn't find in CONDA_PREFIX. +Searching for jpeglib.h. Found in /usr/include. +Building torchvision with JPEG support +jpeg_include_dir = None +jpeg_library_dir = None +Searching for webp/decode.h. Didn't find in TORCHVISION_INCLUDE. +Searching for webp/decode.h. Didn't find in BUILD_PREFIX. +Searching for webp/decode.h. Didn't find in CONDA_PREFIX. +Searching for webp/decode.h. Found in /usr/include. +Building torchvision with WEBP support +webp_include_dir = None +webp_library_dir = None +Building torchvision with NVJPEG image support +Building video decoder extensions +Found ffmpeg: + ffmpeg include path: ['/usr/local/include', '/usr/local/include/x86_64-linux-gnu'] + ffmpeg library_dir: ['/usr/local/lib', '/usr/local/lib/x86_64-linux-gnu'] +Building with CPU video decoder support +Could not find necessary dependencies. Refer the setup.py to check which ones are needed. +Building without GPU video decoder support + + +***** TorchAudio configuration: +-- Git branch: HEAD +-- Git SHA: 56bc006d56a0d4960de6a1e0b6340cba4eda05cd +-- Git tag: v2.5.0 +-- PyTorch dependency: torch +-- Building version 2.5.0 +running bdist_wheel +running build +running build_py +creating build +creating build/lib.linux-x86_64-cpython-312 +creating build/lib.linux-x86_64-cpython-312/torio +copying src/torio/__init__.py -> build/lib.linux-x86_64-cpython-312/torio +creating build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/version.py -> build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/kaldi_io.py -> build/lib.linux-x86_64-cpython-312/torchaudio +creating build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/_streaming_media_decoder.py -> build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/_streaming_media_encoder.py -> build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/io +creating build/lib.linux-x86_64-cpython-312/torio/_extension +copying src/torio/_extension/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/_extension +copying src/torio/_extension/utils.py -> build/lib.linux-x86_64-cpython-312/torio/_extension +creating build/lib.linux-x86_64-cpython-312/torio/utils +copying src/torio/utils/ffmpeg_utils.py -> build/lib.linux-x86_64-cpython-312/torio/utils +copying src/torio/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/utils +creating build/lib.linux-x86_64-cpython-312/torio/lib +copying src/torio/lib/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/lib +creating build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/sox_io_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/_sox_io_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/_no_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/common.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/no_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/soundfile_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +creating build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/filtering.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/functional.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/_alignment.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +creating build/lib.linux-x86_64-cpython-312/torchaudio/compliance +copying src/torchaudio/compliance/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/compliance +copying src/torchaudio/compliance/kaldi.py -> build/lib.linux-x86_64-cpython-312/torchaudio/compliance +creating build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/speechcommands.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/musdb_hq.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/snips.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/fluentcommands.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librispeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librilight_limited.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/ljspeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/libritts.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/dr_vctk.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/tedlium.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/iemocap.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/vctk.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/yesno.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librispeech_biasing.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librimix.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/cmudict.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/voxceleb1.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/commonvoice.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/gtzan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/quesst14.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/cmuarctic.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +creating build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/sox.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/ffmpeg.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/soundfile.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/common.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/soundfile_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype +copying src/torchaudio/prototype/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype +creating build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +copying src/torchaudio/sox_effects/sox_effects.py -> build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +copying src/torchaudio/sox_effects/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +creating build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/_effector.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/_playback.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +creating build/lib.linux-x86_64-cpython-312/torchaudio/_internal +copying src/torchaudio/_internal/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_internal +copying src/torchaudio/_internal/module_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_internal +creating build/lib.linux-x86_64-cpython-312/torchaudio/_extension +copying src/torchaudio/_extension/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_extension +copying src/torchaudio/_extension/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_extension +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/_squim_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/rnnt_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/_source_separation_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +creating build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/_transforms.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/_multi_channel.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +creating build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/download.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/sox_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/ffmpeg_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +creating build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/conformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/conv_tasnet.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/_hdemucs.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/tacotron2.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/emformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/wavernn.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/deepspeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/rnnt_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/rnnt.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/wav2letter.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +creating build/lib.linux-x86_64-cpython-312/torchaudio/lib +copying src/torchaudio/lib/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/lib +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/_dsp.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/_rir.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/functional.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +copying src/torchaudio/prototype/datasets/musan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +copying src/torchaudio/prototype/datasets/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/hifigan_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/rnnt_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +copying src/torchaudio/prototype/transforms/_transforms.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +copying src/torchaudio/prototype/transforms/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/_emformer_hubert.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/conv_emformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/_conformer_wav2vec2.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/rnnt_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/hifi_gan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/rnnt.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/_vggish_impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/_vggish_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/interface.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/aligner.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/subjective.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/objective.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/components.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/wavlm_attention.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/model.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/_cuda_ctc_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/_ctc_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/import_fairseq.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/import_huggingface.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +running build_ext +-- The C compiler identification is GNU 13.3.0 +-- The CXX compiler identification is GNU 13.3.0 +-- Detecting C compiler ABI info +-- Detecting C compiler ABI info - done +-- Check for working C compiler: /usr/bin/cc - skipped +-- Detecting C compile features +-- Detecting C compile features - done +-- Detecting CXX compiler ABI info +-- Detecting CXX compiler ABI info - done +-- Check for working CXX compiler: /usr/bin/c++ - skipped +-- Detecting CXX compile features +-- Detecting CXX compile features - done +-- The CUDA compiler identification is NVIDIA 12.5.82 with host compiler GNU 13.3.0 +-- Detecting CUDA compiler ABI info +-- Detecting CUDA compiler ABI info - done +-- Check for working CUDA compiler: /usr/local/nvidia/bin/nvcc - skipped +-- Detecting CUDA compile features +-- Detecting CUDA compile features - done +-- Found CUDA: /usr/local/nvidia (found version "12.5") +-- Found CUDAToolkit: /usr/local/nvidia/include (found version "12.5.82") +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD - Success +-- Found Threads: TRUE +-- Caffe2: CUDA detected: 12.5 +-- Caffe2: CUDA nvcc is: /usr/local/nvidia/bin/nvcc +-- Caffe2: CUDA toolkit directory: /usr/local/nvidia +-- Caffe2: Header version is: 12.5 +-- Found Python: /usr/local/bin/python (found version "3.12.3") found components: Interpreter +-- Could NOT find nvtx3 (missing: nvtx3_dir) +-- USE_CUDNN is set to 0. Compiling without cuDNN support +-- USE_CUSPARSELT is set to 0. Compiling without cuSPARSELt support +-- USE_CUDSS is set to 0. Compiling without cuDSS support +-- USE_CUFILE is set to 0. Compiling without cuFile support +-- Added CUDA NVCC flags for: -gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_80,code=sm_80;-gencode;arch=compute_86,code=sm_86;-gencode;arch=compute_89,code=sm_89;-gencode;arch=compute_90,code=sm_90;-gencode;arch=compute_90,code=compute_90 +-- Found Torch: /usr/local/lib/python3.12/dist-packages/torch/lib/libtorch.so +-- Found OpenMP_C: -fopenmp (found version "4.5") +-- Found OpenMP_CXX: -fopenmp (found version "4.5") +-- Found OpenMP_CUDA: -fopenmp (found version "4.5") +-- Found OpenMP: TRUE (found version "4.5") +-- Could not find ccache. Consider installing ccache to speed up compilation. +-- Building FFmpeg integration with multi version support + + +***** TorchData configuration: +Processing /usr/local/src/data + Installing build dependencies: started + Installing build dependencies: still running... + Installing build dependencies: finished with status 'done' + Getting requirements to build wheel: started + Getting requirements to build wheel: finished with status 'done' + Preparing metadata (pyproject.toml): started + Preparing metadata (pyproject.toml): finished with status 'done' +Requirement already satisfied: urllib3>=1.25 in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.2.3) +Requirement already satisfied: requests in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.32.3) +Requirement already satisfied: torch>=2 in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.5.1) +Requirement already satisfied: filelock in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.16.1) +Requirement already satisfied: typing-extensions>=4.8.0 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (4.12.2) +Requirement already satisfied: networkx in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.4.2) +Requirement already satisfied: jinja2 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.1.4) +Requirement already satisfied: fsspec in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (2024.10.0) +Requirement already satisfied: setuptools in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (72.1.0) +Requirement already satisfied: sympy==1.13.1 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (1.13.1) +Requirement already satisfied: mpmath<1.4,>=1.1.0 in /usr/local/lib/python3.12/dist-packages (from sympy==1.13.1->torch>=2->torchdata==0.9.0) (1.3.0) +Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (3.4.0) +Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (3.10) +Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (2024.12.14) +Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.12/dist-packages (from jinja2->torch>=2->torchdata==0.9.0) (3.0.2) +Building wheels for collected packages: torchdata + Building wheel for torchdata (pyproject.toml): started + Building wheel for torchdata (pyproject.toml): finished with status 'done' + Created wheel for torchdata: filename=torchdata-0.9.0-py3-none-any.whl size=211160 sha256=c1e3ed2949fb3d0ad631728d7dbaf3143713e878d50069e5e007be0eb1b2c24b + Stored in directory: /tmp/pip-ephem-wheel-cache-s8mkaln7/wheels/25/b8/b8/ff61539c4e41d2a205fcfcd350155d070c90a2a7b40f7dadfe +Successfully built torchdata +Installing collected packages: torchdata +Successfully installed torchdata-0.9.0 + + + + ##### PyTorch: Version and Device check ##### + + +*** PyTorch version : 2.5.1 + *** PyTorch Audio : 2.5.0 + *** PyTorch Vision : 0.20.0 + *** PyTorch Data : 0.9.0 diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/System--Details.txt b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/System--Details.txt new file mode 100644 index 0000000..3b51a5d --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/System--Details.txt @@ -0,0 +1,1425 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_pytorch_opencv:12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT" \ + -f Dockerfile \ + --load \ + . + + +***** Python configuration: +Python location: /usr/bin/python3 +Python version: Python 3.12.3 + +[pip list] +Package Version +------------------------- -------------- +absl-py 2.1.0 +anyio 4.7.0 +argon2-cffi 23.1.0 +argon2-cffi-bindings 21.2.0 +arrow 1.3.0 +asttokens 3.0.0 +astunparse 1.6.3 +async-lru 2.0.4 +attrs 24.3.0 +babel 2.16.0 +beautifulsoup4 4.12.3 +bleach 6.2.0 +blinker 1.7.0 +certifi 2024.12.14 +cffi 1.17.1 +charset-normalizer 3.4.0 +cmake 3.31.2 +comm 0.2.2 +contourpy 1.3.1 +cryptography 41.0.7 +cycler 0.12.1 +dbus-python 1.3.2 +debugpy 1.8.11 +decorator 5.1.1 +defusedxml 0.7.1 +distro 1.9.0 +distro-info 1.7+build1 +executing 2.1.0 +expecttest 0.3.0 +fastjsonschema 2.21.1 +filelock 3.16.1 +flatbuffers 24.3.25 +fonttools 4.55.3 +fqdn 1.5.1 +fsspec 2024.10.0 +future 1.0.0 +gast 0.6.0 +google-pasta 0.2.0 +grpcio 1.68.1 +h11 0.14.0 +h5py 3.12.1 +httpcore 1.0.7 +httplib2 0.20.4 +httpx 0.28.1 +hypothesis 6.122.4 +idna 3.10 +imageio 2.36.1 +imageio-ffmpeg 0.5.1 +intel-cmplr-lib-ur 2025.0.4 +intel-openmp 2025.0.4 +ipykernel 6.29.5 +ipython 8.30.0 +isoduration 20.11.0 +jedi 0.19.2 +Jinja2 3.1.4 +joblib 1.4.2 +json5 0.10.0 +jsonpointer 3.0.0 +jsonschema 4.23.0 +jsonschema-specifications 2024.10.1 +jupyter_client 8.6.3 +jupyter_core 5.7.2 +jupyter-events 0.11.0 +jupyter-lsp 2.2.5 +jupyter_server 2.14.2 +jupyter_server_terminals 0.5.3 +jupyterlab 4.3.4 +jupyterlab_pygments 0.3.0 +jupyterlab_server 2.27.3 +keras 3.7.0 +Keras-Preprocessing 1.1.2 +kiwisolver 1.4.7 +launchpadlib 1.11.0 +lazr.restfulclient 0.14.6 +lazr.uri 1.0.6 +lazy_loader 0.4 +libclang 18.1.1 +lintrunner 0.12.7 +lxml 5.3.0 +Markdown 3.7 +markdown-it-py 3.0.0 +MarkupSafe 3.0.2 +matplotlib 3.10.0 +matplotlib-inline 0.1.7 +mdurl 0.1.2 +mistune 3.0.2 +mkl 2025.0.1 +mkl-include 2025.0.1 +mkl-static 2025.0.1 +ml-dtypes 0.4.1 +mock 5.1.0 +moviepy 2.1.1 +mpmath 1.3.0 +namex 0.0.8 +nbclient 0.10.2 +nbconvert 7.16.4 +nbformat 5.10.4 +nest-asyncio 1.6.0 +networkx 3.4.2 +ninja 1.11.1.3 +notebook_shim 0.2.4 +numpy 2.0.2 +nvidia-cuda-runtime-cu12 12.6.77 +oauthlib 3.2.2 +opt_einsum 3.4.0 +optree 0.13.1 +overrides 7.7.0 +packaging 24.2 +pandas 2.2.3 +pandocfilters 1.5.1 +parso 0.8.4 +pexpect 4.9.0 +pillow 10.4.0 +pip 24.3.1 +platformdirs 4.3.6 +proglog 0.1.10 +prometheus_client 0.21.1 +prompt_toolkit 3.0.48 +protobuf 5.29.2 +psutil 6.1.0 +ptyprocess 0.7.0 +pure_eval 0.2.3 +pycparser 2.22 +Pygments 2.17.2 +PyGObject 3.48.2 +PyJWT 2.7.0 +pyparsing 3.2.0 +python-apt 2.7.7+ubuntu3 +python-dateutil 2.9.0.post0 +python-dotenv 1.0.1 +python-json-logger 3.2.1 +pytz 2024.2 +PyYAML 6.0.2 +pyzmq 26.2.0 +referencing 0.35.1 +requests 2.32.3 +rfc3339-validator 0.1.4 +rfc3986-validator 0.1.1 +rich 13.9.4 +rpds-py 0.22.3 +scikit-image 0.25.0 +scikit-learn 1.6.0 +scipy 1.14.1 +Send2Trash 1.8.3 +setuptools 72.1.0 +six 1.17.0 +sniffio 1.3.1 +sortedcontainers 2.4.0 +soupsieve 2.6 +stack-data 0.6.3 +sympy 1.13.1 +tbb 2022.0.0 +tbb-devel 2022.0.0 +tcmlib 1.2.0 +tensorboard 2.18.0 +tensorboard-data-server 0.7.2 +tensorflow 2.18.0 +tensorrt 10.7.0 +tensorrt_cu12 10.7.0 +tensorrt-cu12-bindings 10.7.0 +tensorrt-cu12-libs 10.7.0 +tensorrt-dispatch 10.7.0 +tensorrt-lean 10.7.0 +termcolor 2.5.0 +terminado 0.18.1 +threadpoolctl 3.5.0 +tifffile 2024.12.12 +tinycss2 1.4.0 +torch 2.5.1 +torchaudio 2.5.0 +torchdata 0.9.0 +torchvision 0.20.0 +tornado 6.4.2 +tqdm 4.67.1 +traitlets 5.14.3 +types-dataclasses 0.6.6 +types-python-dateutil 2.9.0.20241206 +typing 3.7.4.3 +typing_extensions 4.12.2 +tzdata 2024.2 +umf 0.9.1 +unattended-upgrades 0.1 +uri-template 1.3.0 +urllib3 2.2.3 +wadllib 1.3.6 +wcwidth 0.2.13 +webcolors 24.11.1 +webencodings 0.5.1 +websocket-client 1.8.0 +Werkzeug 3.1.3 +wheel 0.45.1 +wrapt 1.17.0 + +[apt list] +Listing... +adduser/noble,now 3.137ubuntu1 all [installed,automatic] +adwaita-icon-theme/noble,now 46.0-1 all [installed,automatic] +alsa-topology-conf/noble,now 1.2.5.1-2 all [installed,automatic] +alsa-ucm-conf/noble-updates,now 1.2.10-1ubuntu5.3 all [installed,automatic] +apache2-bin/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +apache2-data/noble-updates,now 2.4.58-1ubuntu8.5 all [installed,automatic] +apache2-utils/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +apache2/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +appstream/noble,now 1.0.2-1build6 amd64 [installed,automatic] +apt-utils/noble,now 2.7.14build2 amd64 [installed] +apt/noble,now 2.7.14build2 amd64 [installed] +at-spi2-common/noble,now 2.52.0-1build1 all [installed,automatic] +at-spi2-core/noble,now 2.52.0-1build1 amd64 [installed,automatic] +autoconf/noble,now 2.71-3 all [installed,automatic] +automake/noble,now 1:1.16.5-1.3ubuntu1 all [installed,automatic] +autopoint/noble,now 0.21-14ubuntu2 all [installed,automatic] +autotools-dev/noble,now 20220109.1 all [installed,automatic] +base-files/noble,now 13ubuntu10 amd64 [installed,upgradable to: 13ubuntu10.1] +base-passwd/noble,now 3.6.3build1 amd64 [installed] +bash/noble,now 5.2.21-2ubuntu4 amd64 [installed] +binutils-common/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +binutils-x86-64-linux-gnu/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +binutils/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +bsdextrautils/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +bsdutils/noble-updates,now 1:2.39.3-9ubuntu6.1 amd64 [installed] +build-essential/noble,now 12.10ubuntu1 amd64 [installed] +bzip2-doc/noble-updates,now 1.0.8-5.1build0.1 all [installed,automatic] +bzip2/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed,automatic] +ca-certificates/noble,now 20240203 all [installed] +checkinstall/noble,now 1.6.2+git20170426.d24a630-4 amd64 [installed] +clang-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +clangd-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +cmake-data/noble,now 3.28.3-1build7 all [installed,automatic] +cmake/noble,now 3.28.3-1build7 amd64 [installed] +comerr-dev/noble-updates,now 2.1-1.47.0-2.4~exp1ubuntu4.1 amd64 [installed,automatic] +coreutils/noble,now 9.4-3ubuntu6 amd64 [installed] +cpp-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +cpp-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +cpp-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +cpp/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +cppzmq-dev/noble,now 4.10.0-1build1 amd64 [installed,automatic] +cuda-cccl-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-command-line-tools-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-compat-12-5/unknown,now 555.42.06-1 amd64 [installed] +cuda-compiler-12-5/unknown,now 12.5.1-1 amd64 [installed,automatic] +cuda-crt-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-cudart-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-cudart-dev-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-cuobjdump-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-cupti-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-cupti-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-cuxxfilt-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-driver-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-gdb-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-libraries-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-libraries-dev-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-minimal-build-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-nsight-compute-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-nvcc-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvdisasm-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-nvml-dev-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-nvprof-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-nvprune-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvrtc-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvrtc-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvtx-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-nvvm-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-opencl-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-opencl-dev-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-profiler-api-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-sanitizer-12-5/unknown,now 12.5.81-1 amd64 [installed,automatic] +cuda-toolkit-12-5-config-common/unknown,now 12.5.82-1 all [installed,automatic] +cuda-toolkit-12-config-common/unknown,now 12.5.82-1 all [installed,upgradable to: 12.6.77-1] +cuda-toolkit-config-common/unknown,now 12.5.82-1 all [installed,upgradable to: 12.6.77-1] +curl/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed] +dash/noble,now 0.5.12-6ubuntu5 amd64 [installed] +dbus-bin/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus-daemon/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus-session-bus-common/noble-updates,now 1.14.10-4ubuntu4.1 all [installed,automatic] +dbus-system-bus-common/noble-updates,now 1.14.10-4ubuntu4.1 all [installed,automatic] +dbus-user-session/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dconf-gsettings-backend/noble,now 0.40.0-4build2 amd64 [installed,automatic] +dconf-service/noble,now 0.40.0-4build2 amd64 [installed,automatic] +debconf/noble,now 1.5.86ubuntu1 all [installed] +debhelper/noble,now 13.14.1ubuntu5 all [installed,automatic] +debianutils/noble,now 5.17build1 amd64 [installed] +debugedit/noble,now 1:5.0-5build2 amd64 [installed,automatic] +dh-autoreconf/noble,now 20 all [installed,automatic] +dh-strip-nondeterminism/noble,now 1.13.1-1 all [installed,automatic] +diffutils/noble,now 1:3.10-1build1 amd64 [installed] +dirmngr/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +distro-info-data/noble-updates,now 0.60ubuntu0.2 all [installed,automatic] +dmsetup/noble-updates,now 2:1.02.185-3ubuntu3.1 amd64 [installed,automatic] +doxygen/noble,now 1.9.8+ds-2build5 amd64 [installed] +dpkg-dev/noble,now 1.22.6ubuntu6 all [installed,upgradable to: 1.22.6ubuntu6.1] +dpkg/noble,now 1.22.6ubuntu6 amd64 [installed,upgradable to: 1.22.6ubuntu6.1] +dwz/noble,now 0.15-1build6 amd64 [installed,automatic] +e2fsprogs/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +file/noble,now 1:5.45-3build1 amd64 [installed] +findutils/noble,now 4.9.0-5build1 amd64 [installed] +fontconfig-config/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +fontconfig/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +fonts-dejavu-core/noble,now 2.37-8 all [installed,automatic] +fonts-dejavu-mono/noble,now 2.37-8 all [installed,automatic] +fonts-droid-fallback/noble,now 1:6.0.1r16-1.1build1 all [installed,automatic] +fonts-noto-mono/noble,now 20201225-2 all [installed,automatic] +fonts-urw-base35/noble,now 20200910-8 all [installed,automatic] +g++-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +g++-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +g++-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +g++/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +gcc-13-base/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-14-base/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +gcc-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +gcc/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +gettext-base/noble,now 0.21-14ubuntu2 amd64 [installed,automatic] +gettext/noble,now 0.21-14ubuntu2 amd64 [installed,automatic] +gfortran-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gfortran-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gfortran-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +gfortran/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +ghostscript/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 amd64 [installed,automatic] +gir1.2-atk-1.0/noble,now 2.52.0-1build1 amd64 [installed,automatic] +gir1.2-atspi-2.0/noble,now 2.52.0-1build1 amd64 [installed,automatic] +gir1.2-freedesktop-dev/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-freedesktop/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-gdkpixbuf-2.0/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +gir1.2-girepository-2.0/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-glib-2.0-dev/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +gir1.2-glib-2.0/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +gir1.2-gst-plugins-base-1.0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gir1.2-gstreamer-1.0/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed,automatic] +gir1.2-gtk-2.0/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +gir1.2-gtk-3.0/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +gir1.2-gudev-1.0/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +gir1.2-harfbuzz-0.0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +gir1.2-packagekitglib-1.0/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +gir1.2-pango-1.0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +git-man/noble-updates,noble-security,now 1:2.43.0-1ubuntu7.1 all [installed,automatic] +git/noble-updates,noble-security,now 1:2.43.0-1ubuntu7.1 amd64 [installed] +glib-networking-common/noble,now 2.80.0-1build1 all [installed,automatic] +glib-networking-services/noble,now 2.80.0-1build1 amd64 [installed,automatic] +glib-networking/noble,now 2.80.0-1build1 amd64 [installed,automatic] +gnupg-utils/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gnupg2/noble,now 2.4.4-2ubuntu17 all [installed] +gnupg/noble,now 2.4.4-2ubuntu17 all [installed] +gpg-agent/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpg/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgconf/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgsm/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgv/noble,now 2.4.4-2ubuntu17 amd64 [installed] +grep/noble,now 3.11-4build1 amd64 [installed] +groff-base/noble,now 1.23.0-3build2 amd64 [installed,automatic] +gsettings-desktop-schemas/noble-updates,now 46.1-0ubuntu1 all [installed,automatic] +gstreamer1.0-gl/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gstreamer1.0-plugins-base/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gstreamer1.0-plugins-good/noble-updates,noble-security,now 1.24.2-1ubuntu1.1 amd64 [installed] +gstreamer1.0-x/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gtk-update-icon-cache/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +gzip/noble,now 1.12-1ubuntu3 amd64 [installed] +hdf5-helpers/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +hicolor-icon-theme/noble,now 0.17-2 all [installed,automatic] +hostname/noble,now 3.23+nmu2ubuntu2 amd64 [installed] +humanity-icon-theme/noble,now 0.6.16 all [installed,automatic] +i965-va-driver/noble,now 2.4.1+dfsg1-1build2 amd64 [installed,automatic] +ibverbs-providers/noble,now 50.0-2build2 amd64 [installed,automatic] +icu-devtools/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +imagemagick-6-common/noble,now 8:6.9.12.98+dfsg1-5.2build2 all [installed,automatic] +imagemagick-6.q16/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +imagemagick/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed] +init-system-helpers/noble,now 1.66ubuntu1 all [installed] +intel-media-va-driver/noble,now 24.1.0+dfsg1-1 amd64 [installed,automatic] +intltool-debian/noble,now 0.35.0+20060710.6 all [installed,automatic] +iso-codes/noble,now 4.16.0-1 all [installed,automatic] +javascript-common/noble,now 11+nmu1 all [installed,automatic] +keyboxd/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +krb5-locales/noble-updates,now 1.20.1-6ubuntu2.2 all [installed,automatic] +krb5-multidev/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +less/noble-updates,noble-security,now 590-2ubuntu2.1 amd64 [installed,automatic] +libaa1/noble,now 1.4p5-51.1 amd64 [installed,automatic] +libaacs0/noble,now 0.11.1-2build1 amd64 [installed,automatic] +libabsl20220623t64/noble,now 20220623.1-3.1ubuntu3 amd64 [installed,automatic] +libacl1/noble,now 2.3.2-1build1 amd64 [installed,upgradable to: 2.3.2-1build1.1] +libaec-dev/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libaec0/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libamd-comgr2/noble,now 6.0+git20231212.4510c28+dfsg-3build2 amd64 [installed,automatic] +libamdhip64-5/noble,now 5.7.1-3 amd64 [installed,automatic] +libao-common/noble,now 1.2.2+20180113-1.1ubuntu4 all [installed,automatic] +libao4/noble,now 1.2.2+20180113-1.1ubuntu4 amd64 [installed,automatic] +libaom3/noble-updates,noble-security,now 3.8.2-2ubuntu0.1 amd64 [installed,automatic] +libapparmor1/noble-updates,now 4.0.1really4.0.1-0ubuntu0.24.04.3 amd64 [installed,automatic] +libappstream5/noble,now 1.0.2-1build6 amd64 [installed,automatic] +libapr1t64/noble-updates,noble-security,now 1.7.2-3.1ubuntu0.1 amd64 [installed,automatic] +libaprutil1-dbd-sqlite3/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libaprutil1-ldap/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libaprutil1t64/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libapt-pkg6.0t64/noble,now 2.7.14build2 amd64 [installed] +libarchive-cpio-perl/noble,now 0.10-3 all [installed,automatic] +libarchive-zip-perl/noble,now 1.68-1 all [installed,automatic] +libarchive13t64/noble-updates,noble-security,now 3.7.2-2ubuntu0.3 amd64 [installed,automatic] +libargon2-1/noble,now 0~20190702+dfsg-4build1 amd64 [installed,automatic] +libasan8/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libasound2-data/noble,now 1.2.11-1build2 all [installed,automatic] +libasound2t64/noble,now 1.2.11-1build2 amd64 [installed,automatic] +libass-dev/noble,now 1:0.17.1-2build1 amd64 [installed] +libass9/noble,now 1:0.17.1-2build1 amd64 [installed,automatic] +libassuan0/noble,now 2.5.6-1build1 amd64 [installed] +libasyncns0/noble,now 0.8-6build4 amd64 [installed,automatic] +libatk-adaptor/noble,now 2.52.0-1build1 amd64 [installed] +libatk-bridge2.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk-bridge2.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk1.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk1.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatlas-base-dev/noble,now 3.10.3-13ubuntu1 amd64 [installed] +libatlas3-base/noble,now 3.10.3-13ubuntu1 amd64 [installed,automatic] +libatomic1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libatspi2.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatspi2.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libattr1/noble,now 1:2.5.2-1build1 amd64 [installed] +libaudit-common/noble,now 1:3.1.2-2.1build1 all [installed,upgradable to: 1:3.1.2-2.1build1.1] +libaudit1/noble,now 1:3.1.2-2.1build1 amd64 [installed,upgradable to: 1:3.1.2-2.1build1.1] +libauthen-sasl-perl/noble,now 2.1700-1 all [installed,automatic] +libavahi-client3/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavahi-common-data/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavahi-common3/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavc1394-0/noble,now 0.5.4-5build3 amd64 [installed,automatic] +libavcodec60/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavformat60/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavutil-dev/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavutil58/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libbdplus0/noble,now 0.2.0-3build1 amd64 [installed,automatic] +libbinutils/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libblkid-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libblkid1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libbluray2/noble,now 1:1.3.4-1build1 amd64 [installed,automatic] +libboost-all-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed] +libboost-atomic-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-atomic1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-atomic1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-chrono-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-chrono1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-chrono1.83.0t64/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-container-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-container1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-container1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-context-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-context1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-context1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-coroutine-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-coroutine1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-coroutine1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-date-time-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-date-time1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-date-time1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-exception-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-exception1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-fiber-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-fiber1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-fiber1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-filesystem-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-filesystem1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-filesystem1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-graph-parallel-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-graph-parallel1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph-parallel1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-iostreams-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-iostreams1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-iostreams1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-json-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-json1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-json1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-locale-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-locale1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-locale1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-log-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-log1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-log1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-math-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-math1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-math1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-mpi-python-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-mpi-python1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi-python1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-nowide-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-nowide1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-nowide1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-numpy-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-numpy1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-numpy1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-program-options-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-program-options1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-program-options1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-python-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-python1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-python1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-random-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-random1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-random1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-regex-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-regex1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-regex1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-serialization-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-serialization1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-serialization1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-stacktrace-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-stacktrace1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-stacktrace1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-system-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-system1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-system1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-test-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-test1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-test1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-thread-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-thread1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-thread1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-timer-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-timer1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-timer1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-tools-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-type-erasure-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-type-erasure1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-type-erasure1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-url-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-url1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-url1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-wave-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-wave1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-wave1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost1.83-tools-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libbrotli-dev/noble,now 1.1.0-2build2 amd64 [installed,automatic] +libbrotli1/noble,now 1.1.0-2build2 amd64 [installed,automatic] +libbsd-dev/noble,now 0.12.1-1build1 amd64 [installed,automatic] +libbsd0/noble,now 0.12.1-1build1 amd64 [installed,automatic] +libbz2-1.0/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed] +libbz2-dev/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed,automatic] +libc-bin/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libc-dev-bin/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed,automatic] +libc6-dev/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libc6/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libcaca0/noble,now 0.99.beta20-4build2 amd64 [installed,automatic] +libcaf-openmpi-3t64/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcairo-gobject2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo-script-interpreter2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo2-dev/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcanberra-gtk-module/noble,now 0.30-10ubuntu10 amd64 [installed] +libcanberra-gtk0/noble,now 0.30-10ubuntu10 amd64 [installed,automatic] +libcanberra0t64/noble,now 0.30-10ubuntu10 amd64 [installed,automatic] +libcap-ng0/noble,now 0.8.4-2build2 amd64 [installed] +libcap2-bin/noble,now 1:2.66-5ubuntu2 amd64 [installed,automatic] +libcap2/noble,now 1:2.66-5ubuntu2 amd64 [installed] +libcares2/noble,now 1.27.0-1.0ubuntu1 amd64 [installed,automatic] +libcbor0.10/noble,now 0.10.2-1.2ubuntu2 amd64 [installed,automatic] +libcc1-0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libcdparanoia0/noble,now 3.10.2+debian-14build3 amd64 [installed,automatic] +libchromaprint1/noble,now 1.5.1-5 amd64 [installed,automatic] +libcjson1/noble,now 1.7.17-1 amd64 [installed,automatic] +libclang-common-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang-cpp17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang-cpp18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libclang-rt-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang1-17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang1-18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libclone-perl/noble,now 0.46-1build3 amd64 [installed,automatic] +libcoarrays-dev/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcoarrays-openmpi-dev/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcodec2-1.2/noble,now 1.2.0-2build1 amd64 [installed,automatic] +libcolord2/noble,now 1.4.7-1build2 amd64 [installed,automatic] +libcom-err2/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libcrypt-dev/noble,now 1:4.4.36-4build1 amd64 [installed,automatic] +libcrypt1/noble,now 1:4.4.36-4build1 amd64 [installed] +libcryptsetup12/noble-updates,now 2:2.7.0-1ubuntu4.1 amd64 [installed,automatic] +libctf-nobfd0/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libctf0/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libcublas-12-5/unknown,now 12.5.3.2-1 amd64 [installed] +libcublas-dev-12-5/unknown,now 12.5.3.2-1 amd64 [installed] +libcudnn9-cuda-12/unknown,now 9.3.0.75-1 amd64 [installed,upgradable to: 9.6.0.74-1] +libcudnn9-dev-cuda-12/unknown,now 9.3.0.75-1 amd64 [installed,upgradable to: 9.6.0.74-1] +libcufft-12-5/unknown,now 11.2.3.61-1 amd64 [installed,automatic] +libcufft-dev-12-5/unknown,now 11.2.3.61-1 amd64 [installed,automatic] +libcufile-12-5/unknown,now 1.10.1.7-1 amd64 [installed,automatic] +libcufile-dev-12-5/unknown,now 1.10.1.7-1 amd64 [installed,automatic] +libcups2t64/noble-updates,noble-security,now 2.4.7-1.2ubuntu7.3 amd64 [installed,automatic] +libcurand-12-5/unknown,now 10.3.6.82-1 amd64 [installed,automatic] +libcurand-dev-12-5/unknown,now 10.3.6.82-1 amd64 [installed,automatic] +libcurl3t64-gnutls/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcurl4-openssl-dev/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcurl4t64/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcusolver-12-5/unknown,now 11.6.3.83-1 amd64 [installed,automatic] +libcusolver-dev-12-5/unknown,now 11.6.3.83-1 amd64 [installed,automatic] +libcusparse-12-5/unknown,now 12.5.1.3-1 amd64 [installed] +libcusparse-dev-12-5/unknown,now 12.5.1.3-1 amd64 [installed] +libdata-dump-perl/noble,now 1.25-1 all [installed,automatic] +libdatrie-dev/noble,now 0.2.13-3build1 amd64 [installed,automatic] +libdatrie1/noble,now 0.2.13-3build1 amd64 [installed,automatic] +libdav1d7/noble,now 1.4.1-1build1 amd64 [installed,automatic] +libdb5.3t64/noble,now 5.3.28+dfsg2-7 amd64 [installed,automatic] +libdbus-1-3/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +libdbus-1-dev/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +libdc1394-25/noble,now 2.2.6-4build1 amd64 [installed,automatic] +libdc1394-dev/noble,now 2.2.6-4build1 amd64 [installed] +libdconf1/noble,now 0.40.0-4build2 amd64 [installed,automatic] +libde265-0/noble,now 1.0.15-1build3 amd64 [installed,automatic] +libdebconfclient0/noble,now 0.271ubuntu3 amd64 [installed] +libdebhelper-perl/noble,now 13.14.1ubuntu5 all [installed,automatic] +libdeflate-dev/noble-updates,now 1.19-1build1.1 amd64 [installed,automatic] +libdeflate0/noble-updates,now 1.19-1build1.1 amd64 [installed,automatic] +libdevmapper1.02.1/noble-updates,now 2:1.02.185-3ubuntu3.1 amd64 [installed,automatic] +libdjvulibre-text/noble,now 3.5.28-2build4 all [installed,automatic] +libdjvulibre21/noble,now 3.5.28-2build4 amd64 [installed,automatic] +libdpkg-perl/noble,now 1.22.6ubuntu6 all [installed,upgradable to: 1.22.6ubuntu6.1] +libdrm-amdgpu1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-common/noble,now 2.4.120-2build1 all [installed,automatic] +libdrm-dev/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-intel1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-nouveau2/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-radeon1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm2/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libduktape207/noble,now 2.7.0+tests-0ubuntu3 amd64 [installed,automatic] +libdv4t64/noble,now 1.0.0-17.1build1 amd64 [installed,automatic] +libdw-dev/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libdw1t64/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libedit2/noble,now 3.1-20230828-1build1 amd64 [installed,automatic] +libegl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libegl-mesa0/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libegl1-mesa-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libegl1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libeigen3-dev/noble,now 3.4.0-4 all [installed] +libelf-dev/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libelf1t64/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libencode-locale-perl/noble,now 1.05-3 all [installed,automatic] +libepoxy-dev/noble,now 1.5.10-1build1 amd64 [installed,automatic] +libepoxy0/noble,now 1.5.10-1build1 amd64 [installed,automatic] +liberror-perl/noble,now 0.17029-2 all [installed,automatic] +libevent-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-core-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-dev/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-extra-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-openssl-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-pthreads-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libexif-dev/noble,now 0.6.24-1build2 amd64 [installed,automatic] +libexif-doc/noble,now 0.6.24-1build2 all [installed,automatic] +libexif12/noble,now 0.6.24-1build2 amd64 [installed,automatic] +libexpat1-dev/noble-updates,noble-security,now 2.6.1-2ubuntu0.2 amd64 [installed,automatic] +libexpat1/noble-updates,noble-security,now 2.6.1-2ubuntu0.2 amd64 [installed,automatic] +libext2fs2t64/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libfaac-dev/noble,now 1.30-1 amd64 [installed] +libfaac0/noble,now 1.30-1 amd64 [installed,automatic] +libfabric1/noble,now 1.17.0-3build2 amd64 [installed,automatic] +libfcgi-bin/noble,now 2.4.2-2.1build1 amd64 [installed,automatic] +libfcgi0t64/noble,now 2.4.2-2.1build1 amd64 [installed,automatic] +libfdisk1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libffi-dev/noble,now 3.4.6-1build1 amd64 [installed,automatic] +libffi8/noble,now 3.4.6-1build1 amd64 [installed] +libffms2-5/noble,now 5.0~rc2-1build1 amd64 [installed,automatic] +libfftw3-double3/noble,now 3.3.10-1ubuntu3 amd64 [installed,automatic] +libfido2-1/noble,now 1.14.0-1build3 amd64 [installed,automatic] +libfile-listing-perl/noble,now 6.16-1 all [installed,automatic] +libfile-stripnondeterminism-perl/noble,now 1.13.1-1 all [installed,automatic] +libflac12t64/noble,now 1.4.3+ds-2.1ubuntu2 amd64 [installed,automatic] +libfmt9/noble,now 9.1.0+ds1-2 amd64 [installed,automatic] +libfont-afm-perl/noble,now 1.20-4 all [installed,automatic] +libfontconfig-dev/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +libfontconfig1/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +libfontenc1/noble,now 1:1.1.8-1build1 amd64 [installed,automatic] +libfreetype-dev/noble,now 2.13.2+dfsg-1build3 amd64 [installed] +libfreetype6/noble,now 2.13.2+dfsg-1build3 amd64 [installed,automatic] +libfribidi-dev/noble,now 1.0.13-3build1 amd64 [installed,automatic] +libfribidi0/noble,now 1.0.13-3build1 amd64 [installed,automatic] +libgail-common/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgail18t64/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgbm-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgbm1/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgc1/noble,now 1:8.2.6-1build1 amd64 [installed,automatic] +libgcc-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libgcc-s1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +libgcrypt20/noble,now 1.10.3-2build1 amd64 [installed] +libgd3/noble,now 2.3.3-9ubuntu5 amd64 [installed,automatic] +libgdbm-compat4t64/noble,now 1.23-5.1build1 amd64 [installed,automatic] +libgdbm6t64/noble,now 1.23-5.1build1 amd64 [installed,automatic] +libgdk-pixbuf-2.0-0/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf-2.0-dev/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf2.0-bin/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf2.0-common/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 all [installed,automatic] +libgflags-dev/noble,now 2.2.2-2build1 amd64 [installed] +libgflags2.2/noble,now 2.2.2-2build1 amd64 [installed,automatic] +libgfortran-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libgfortran5/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libgirepository-1.0-1/noble,now 1.80.1-1 amd64 [installed,automatic] +libgirepository-2.0-0/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libgl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgl1-amber-dri/noble,now 21.3.9-0ubuntu2 amd64 [installed,automatic] +libgl1-mesa-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgl1-mesa-dri/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgl1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglapi-mesa/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgles-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgles1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgles2/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglew-dev/noble,now 2.2.0-4build1 amd64 [installed] +libglew2.2/noble,now 2.2.0-4build1 amd64 [installed,automatic] +libglib2.0-0t64/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-bin/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-data/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 all [installed,automatic] +libglib2.0-dev-bin/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-dev/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglu1-mesa-dev/noble,now 9.0.2-1.1build1 amd64 [installed] +libglu1-mesa/noble,now 9.0.2-1.1build1 amd64 [installed] +libglvnd-core-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglvnd-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglvnd0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglx-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglx-mesa0/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libglx0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgme0/noble,now 0.6.3-7build1 amd64 [installed,automatic] +libgmp10/noble,now 2:6.3.0+dfsg-2ubuntu6 amd64 [installed] +libgnutls30t64/noble-security,now 3.8.3-1.1ubuntu3.1 amd64 [installed,upgradable to: 3.8.3-1.1ubuntu3.2] +libgomp1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libgoogle-glog-dev/noble,now 0.6.0-2.1build1 amd64 [installed] +libgoogle-glog0v6t64/noble,now 0.6.0-2.1build1 amd64 [installed,automatic] +libgpg-error0/noble,now 1.47-3build2 amd64 [installed] +libgphoto2-6t64/noble,now 2.5.31-2.1build2 amd64 [installed,automatic] +libgphoto2-dev/noble,now 2.5.31-2.1build2 amd64 [installed] +libgphoto2-l10n/noble,now 2.5.31-2.1build2 all [installed,automatic] +libgphoto2-port12t64/noble,now 2.5.31-2.1build2 amd64 [installed,automatic] +libgpm2/noble,now 1.20.7-11 amd64 [installed,automatic] +libgprofng0/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libgraphene-1.0-0/noble,now 1.10.8-3build2 amd64 [installed,automatic] +libgraphite2-3/noble,now 1.3.14-2build1 amd64 [installed,automatic] +libgraphite2-dev/noble,now 1.3.14-2build1 amd64 [installed,automatic] +libgrpc++1.51t64/noble,now 1.51.1-4.1build5 amd64 [installed,automatic] +libgrpc29t64/noble,now 1.51.1-4.1build5 amd64 [installed,automatic] +libgs-common/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 all [installed,automatic] +libgs10-common/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 all [installed,automatic] +libgs10/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 amd64 [installed,automatic] +libgsm1/noble,now 1.0.22-1build1 amd64 [installed,automatic] +libgssapi-krb5-2/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libgssdp-1.6-0/noble,now 1.6.3-1build3 amd64 [installed,automatic] +libgssrpc4t64/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libgstreamer-gl1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +libgstreamer-plugins-bad1.0-0/noble,now 1.24.2-1ubuntu4 amd64 [installed] +libgstreamer-plugins-base1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +libgstreamer-plugins-base1.0-dev/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed] +libgstreamer-plugins-good1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu1.1 amd64 [installed,automatic] +libgstreamer1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed,automatic] +libgstreamer1.0-dev/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed] +libgtk-3-0t64/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +libgtk-3-bin/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +libgtk-3-common/noble-updates,now 3.24.41-4ubuntu1.2 all [installed,automatic] +libgtk-3-dev/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed] +libgtk2.0-0t64/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgtk2.0-bin/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgtk2.0-common/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 all [installed,automatic] +libgtk2.0-dev/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed] +libgudev-1.0-0/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +libgudev-1.0-dev/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +libgupnp-1.6-0/noble,now 1.6.6-1build3 amd64 [installed,automatic] +libgupnp-igd-1.6-0/noble,now 1.6.0-3build3 amd64 [installed,automatic] +libharfbuzz-cairo0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-dev/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-gobject0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-icu0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-subset0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz0b/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libhdf5-103-1t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-cpp-103-1t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-dev/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed] +libhdf5-fortran-102t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-cpp-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-fortran-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libheif-plugin-aomdec/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif-plugin-aomenc/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif-plugin-libde265/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif1/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libhogweed6t64/noble,now 3.9.1-2.2build1 amd64 [installed,upgradable to: 3.9.1-2.2build1.1] +libhsa-runtime64-1/noble,now 5.7.1-2build1 amd64 [installed,automatic] +libhsakmt1/noble,now 5.7.0-1build1 amd64 [installed,automatic] +libhtml-form-perl/noble,now 6.11-1 all [installed,automatic] +libhtml-format-perl/noble,now 2.16-2 all [installed,automatic] +libhtml-parser-perl/noble,now 3.81-1build3 amd64 [installed,automatic] +libhtml-tagset-perl/noble,now 3.20-6 all [installed,automatic] +libhtml-tree-perl/noble,now 5.07-3 all [installed,automatic] +libhttp-cookies-perl/noble,now 6.11-1 all [installed,automatic] +libhttp-daemon-perl/noble,now 6.16-1 all [installed,automatic] +libhttp-date-perl/noble,now 6.06-1 all [installed,automatic] +libhttp-message-perl/noble,now 6.45-1ubuntu1 all [installed,automatic] +libhttp-negotiate-perl/noble,now 6.01-2 all [installed,automatic] +libhwasan0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libhwloc-dev/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwloc-plugins/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwloc15/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwy1t64/noble,now 1.0.7-8.1build1 amd64 [installed,automatic] +libibverbs-dev/noble,now 50.0-2build2 amd64 [installed,automatic] +libibverbs1/noble,now 50.0-2build2 amd64 [installed,automatic] +libice-dev/noble,now 2:1.0.10-1build3 amd64 [installed,automatic] +libice6/noble,now 2:1.0.10-1build3 amd64 [installed,automatic] +libicu-dev/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +libicu74/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +libid3tag0/noble,now 0.15.1b-14build1 amd64 [installed,automatic] +libidn12/noble,now 1.42-1build1 amd64 [installed,automatic] +libidn2-0/noble,now 2.3.7-2build1 amd64 [installed] +libiec61883-0/noble,now 1.2.0-6build1 amd64 [installed,automatic] +libigdgmm12/noble,now 22.3.17+ds1-1 amd64 [installed,automatic] +libijs-0.35/noble,now 0.35-15.1build1 amd64 [installed,automatic] +libimath-3-1-29t64/noble,now 3.1.9-3.1ubuntu2 amd64 [installed,automatic] +libio-html-perl/noble,now 1.004-3 all [installed,automatic] +libio-socket-ssl-perl/noble,now 2.085-1 all [installed,automatic] +libisl23/noble,now 0.26-3build1 amd64 [installed,automatic] +libitm1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libjansson4/noble,now 2.14-2build2 amd64 [installed,automatic] +libjbig-dev/noble,now 2.1-6.1ubuntu2 amd64 [installed,automatic] +libjbig0/noble,now 2.1-6.1ubuntu2 amd64 [installed,automatic] +libjbig2dec0/noble,now 0.20-1build3 amd64 [installed,automatic] +libjpeg-dev/noble,now 8c-2ubuntu11 amd64 [installed] +libjpeg-turbo8-dev/noble,now 2.1.5-2ubuntu2 amd64 [installed,automatic] +libjpeg-turbo8/noble,now 2.1.5-2ubuntu2 amd64 [installed,automatic] +libjpeg8-dev/noble,now 8c-2ubuntu11 amd64 [installed,automatic] +libjpeg8/noble,now 8c-2ubuntu11 amd64 [installed,automatic] +libjs-jquery-ui/noble,now 1.13.2+dfsg-1 all [installed,automatic] +libjs-jquery/noble,now 3.6.1+dfsg+~3.5.14-1 all [installed,automatic] +libjs-sphinxdoc/noble,now 7.2.6-6 all [installed,automatic] +libjs-underscore/noble,now 1.13.4~dfsg+~1.11.4-3 all [installed,automatic] +libjson-c5/noble,now 0.17-1build1 amd64 [installed,automatic] +libjsoncpp25/noble,now 1.9.5-6build1 amd64 [installed,automatic] +libjxl0.7/noble,now 0.7.0-10.2ubuntu6 amd64 [installed,automatic] +libjxr-tools/noble,now 1.2~git20170615.f752187-5.1ubuntu2 amd64 [installed,automatic] +libjxr0t64/noble,now 1.2~git20170615.f752187-5.1ubuntu2 amd64 [installed,automatic] +libk5crypto3/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkadm5clnt-mit12/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkadm5srv-mit12/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkdb5-10t64/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkeyutils1/noble,now 1.6.3-3build1 amd64 [installed,automatic] +libkmod2/noble,now 31+20240202-2ubuntu7 amd64 [installed,automatic] +libkrb5-3/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkrb5-dev/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkrb5support0/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libksba8/noble,now 1.6.6-1build1 amd64 [installed,automatic] +liblapack-dev/noble-updates,now 3.12.0-3build1.1 amd64 [installed] +liblapack3/noble-updates,now 3.12.0-3build1.1 amd64 [installed,automatic] +liblcms2-2/noble,now 2.14-2build1 amd64 [installed,automatic] +libldap2/noble,now 2.6.7+dfsg-1~exp1ubuntu8 amd64 [installed,upgradable to: 2.6.7+dfsg-1~exp1ubuntu8.1] +liblerc-dev/noble,now 4.0.0+ds-4ubuntu2 amd64 [installed,automatic] +liblerc4/noble,now 4.0.0+ds-4ubuntu2 amd64 [installed,automatic] +liblldb-17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libllvm17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libllvm18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +liblqr-1-0/noble,now 0.4.2-2.1build2 amd64 [installed,automatic] +liblsan0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libltdl-dev/noble,now 2.4.7-7build1 amd64 [installed,automatic] +libltdl7/noble,now 2.4.7-7build1 amd64 [installed,automatic] +liblua5.4-0/noble,now 5.4.6-3build2 amd64 [installed,automatic] +liblwp-mediatypes-perl/noble,now 6.04-2 all [installed,automatic] +liblwp-protocol-https-perl/noble,now 6.13-1 all [installed,automatic] +liblz4-1/noble,now 1.9.4-1build1 amd64 [installed,upgradable to: 1.9.4-1build1.1] +liblzma-dev/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed,automatic] +liblzma5/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed] +liblzo2-2/noble,now 2.10-2build4 amd64 [installed,automatic] +libmad0/noble,now 0.15.1b-10.2ubuntu1 amd64 [installed,automatic] +libmagic-mgc/noble,now 1:5.45-3build1 amd64 [installed,automatic] +libmagic1t64/noble,now 1:5.45-3build1 amd64 [installed,automatic] +libmagickcore-6.q16-7-extra/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmagickcore-6.q16-7t64/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmagickwand-6.q16-7t64/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmail-sendmail-perl/noble,now 0.80-3 all [installed,automatic] +libmailtools-perl/noble,now 2.21-2 all [installed,automatic] +libmbedcrypto7t64/noble,now 2.28.8-1 amd64 [installed,automatic] +libmd-dev/noble,now 1.1.0-2build1 amd64 [installed,automatic] +libmd0/noble,now 1.1.0-2build1 amd64 [installed] +libmount-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libmount1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libmp3lame-dev/noble,now 3.100-6build1 amd64 [installed] +libmp3lame0/noble,now 3.100-6build1 amd64 [installed,automatic] +libmpc3/noble,now 1.3.1-1build1 amd64 [installed,automatic] +libmpfr6/noble,now 4.2.1-1build1 amd64 [installed,automatic] +libmpg123-0t64/noble-updates,noble-security,now 1.32.5-1ubuntu1.1 amd64 [installed,automatic] +libmunge2/noble,now 0.5.15-4build1 amd64 [installed,automatic] +libncurses-dev/noble,now 6.4+20240113-1ubuntu2 amd64 [installed,automatic] +libncurses6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed,automatic] +libncursesw6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +libnet-http-perl/noble,now 6.23-1 all [installed,automatic] +libnet-smtp-ssl-perl/noble,now 1.04-2 all [installed,automatic] +libnet-ssleay-perl/noble,now 1.94-1build4 amd64 [installed,automatic] +libnetpbm11t64/noble,now 2:11.05.02-1.1build1 amd64 [installed,automatic] +libnettle8t64/noble,now 3.9.1-2.2build1 amd64 [installed,upgradable to: 3.9.1-2.2build1.1] +libnghttp2-14/noble-updates,noble-security,now 1.59.0-1ubuntu0.1 amd64 [installed,automatic] +libnice10/noble,now 0.1.21-2build3 amd64 [installed,automatic] +libnl-3-200/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-3-dev/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-route-3-200/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-route-3-dev/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnorm-dev/noble,now 1.5.9+dfsg-3.1build1 amd64 [installed,automatic] +libnorm1t64/noble,now 1.5.9+dfsg-3.1build1 amd64 [installed,automatic] +libnpp-12-5/unknown,now 12.3.0.159-1 amd64 [installed] +libnpp-dev-12-5/unknown,now 12.3.0.159-1 amd64 [installed] +libnpth0t64/noble,now 1.6-3.1build1 amd64 [installed] +libnss-systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libnuma-dev/noble,now 2.0.18-1build1 amd64 [installed] +libnuma1/noble,now 2.0.18-1build1 amd64 [installed] +libnvfatbin-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvfatbin-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvinfer-bin/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libnvinfer-dev/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libnvinfer-dispatch-dev/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libnvinfer-dispatch10/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libnvinfer-headers-dev/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libnvinfer-headers-plugin-dev/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libnvinfer-lean-dev/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libnvinfer-lean10/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libnvinfer-plugin-dev/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libnvinfer-plugin10/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libnvinfer-samples/unknown,now 10.7.0.23-1+cuda12.6 all [installed,automatic] +libnvinfer-vc-plugin-dev/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libnvinfer-vc-plugin10/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libnvinfer10/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libnvjitlink-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvjitlink-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvjpeg-12-5/unknown,now 12.3.2.81-1 amd64 [installed,automatic] +libnvjpeg-dev-12-5/unknown,now 12.3.2.81-1 amd64 [installed,automatic] +libnvonnxparsers-dev/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libnvonnxparsers10/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +libobjc-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libobjc4/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libogg-dev/noble,now 1.3.5-3build1 amd64 [installed,automatic] +libogg0/noble,now 1.3.5-3build1 amd64 [installed,automatic] +libomp-18-dev/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libomp-dev/noble,now 1:18.0-59~exp2 amd64 [installed] +libomp5-18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libopenblas-dev/noble,now 0.3.26+ds-1 amd64 [installed] +libopenblas-pthread-dev/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopenblas0-pthread/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopenblas0/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopencore-amrnb-dev/noble,now 0.1.6-1build1 amd64 [installed] +libopencore-amrnb0/noble,now 0.1.6-1build1 amd64 [installed,automatic] +libopencore-amrwb-dev/noble,now 0.1.6-1build1 amd64 [installed] +libopencore-amrwb0/noble,now 0.1.6-1build1 amd64 [installed,automatic] +libopenexr-3-1-30/noble,now 3.1.5-5.1build3 amd64 [installed,automatic] +libopengl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libopengl0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libopenjp2-7-dev/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjp2-7/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjp2-tools/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjpip-server/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenmpi-dev/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +libopenmpi3t64/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +libopenmpt0t64/noble,now 0.7.3-1.1build3 amd64 [installed,automatic] +libopus-dev/noble,now 1.4-1build1 amd64 [installed] +libopus0/noble,now 1.4-1build1 amd64 [installed,automatic] +liborc-0.4-0t64/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +liborc-0.4-dev-bin/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +liborc-0.4-dev/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +libp11-kit0/noble,now 0.25.3-4ubuntu2 amd64 [installed,upgradable to: 0.25.3-4ubuntu2.1] +libpackagekit-glib2-18/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +libpam-cap/noble,now 1:2.66-5ubuntu2 amd64 [installed,automatic] +libpam-modules-bin/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpam-modules/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpam-runtime/noble-updates,now 1.5.3-5ubuntu5.1 all [installed] +libpam-systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libpam0g/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpango-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpango1.0-dev/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangocairo-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangoft2-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangoxft-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpaper-utils/noble,now 1.1.29build1 amd64 [installed,automatic] +libpaper1/noble,now 1.1.29build1 amd64 [installed,automatic] +libpciaccess-dev/noble,now 0.17-3build1 amd64 [installed,automatic] +libpciaccess0/noble,now 0.17-3build1 amd64 [installed,automatic] +libpcre2-16-0/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-32-0/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-8-0/noble,now 10.42-4ubuntu2 amd64 [installed] +libpcre2-dev/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-posix3/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libperl5.38t64/noble,now 5.38.2-3.2build2 amd64 [installed,automatic] +libpfm4/noble,now 4.13.0+git32-g0d4ed0e-1 amd64 [installed,automatic] +libpgm-5.3-0t64/noble,now 5.3.128~dfsg-2.1build1 amd64 [installed,automatic] +libpgm-dev/noble,now 5.3.128~dfsg-2.1build1 amd64 [installed,automatic] +libpipeline1/noble,now 1.5.7-2 amd64 [installed,automatic] +libpixman-1-0/noble,now 0.42.2-1build1 amd64 [installed,automatic] +libpixman-1-dev/noble,now 0.42.2-1build1 amd64 [installed,automatic] +libpkgconf3/noble,now 1.8.1-2build1 amd64 [installed,automatic] +libpmix-dev/noble,now 5.0.1-4.1build1 amd64 [installed,automatic] +libpmix2t64/noble,now 5.0.1-4.1build1 amd64 [installed,automatic] +libpng-dev/noble,now 1.6.43-5build1 amd64 [installed] +libpng-tools/noble,now 1.6.43-5build1 amd64 [installed,automatic] +libpng16-16t64/noble,now 1.6.43-5build1 amd64 [installed,automatic] +libpolkit-agent-1-0/noble,now 124-2ubuntu1 amd64 [installed,automatic] +libpolkit-gobject-1-0/noble,now 124-2ubuntu1 amd64 [installed,automatic] +libpopt0/noble,now 1.19+dfsg-1build1 amd64 [installed,automatic] +libpostproc-dev/noble,now 7:6.1.1-3ubuntu5 amd64 [installed] +libpostproc57/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libproc2-0/noble,now 2:4.0.4-4ubuntu3 amd64 [installed,upgradable to: 2:4.0.4-4ubuntu3.2] +libprotobuf-dev/noble,now 3.21.12-8.2build1 amd64 [installed] +libprotobuf-lite32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libprotobuf32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libprotoc32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libproxy1v5/noble,now 0.5.4-4build1 amd64 [installed,automatic] +libpsl5t64/noble,now 0.21.2-1.1build1 amd64 [installed,automatic] +libpsm-infinipath1/noble,now 3.3+20.604758e7-6.3build1 amd64 [installed,automatic] +libpsm2-2/noble,now 11.2.185-2build1 amd64 [installed,automatic] +libpthread-stubs0-dev/noble,now 0.4-1build3 amd64 [installed,automatic] +libpulse-dev/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpulse-mainloop-glib0/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpulse0/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpython3-dev/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +libpython3-stdlib/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +libpython3.12-dev/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12-minimal/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12-stdlib/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12t64/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libquadmath0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +librabbitmq4/noble,now 0.11.0-1build2 amd64 [installed,automatic] +librav1e0/noble,now 0.7.1-2 amd64 [installed,automatic] +libraw1394-11/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw1394-dev/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw1394-tools/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw23t64/noble,now 0.21.2-2.1build1 amd64 [installed,automatic] +librdmacm1t64/noble,now 50.0-2build2 amd64 [installed,automatic] +libre2-10/noble,now 20230301-3build1 amd64 [installed,automatic] +libreadline8t64/noble,now 8.2-4build1 amd64 [installed,automatic] +librhash0/noble,now 1.4.3-3build1 amd64 [installed,automatic] +librist4/noble,now 0.2.10+dfsg-2 amd64 [installed,automatic] +librsvg2-2/noble,now 2.58.0+dfsg-1build1 amd64 [installed,automatic] +librsvg2-common/noble,now 2.58.0+dfsg-1build1 amd64 [installed,automatic] +librtmp1/noble,now 2.4+20151223.gitfa8646d.1-2build7 amd64 [installed,automatic] +libsasl2-2/noble,now 2.1.28+dfsg1-5ubuntu3 amd64 [installed,upgradable to: 2.1.28+dfsg1-5ubuntu3.1] +libsasl2-modules-db/noble,now 2.1.28+dfsg1-5ubuntu3 amd64 [installed,upgradable to: 2.1.28+dfsg1-5ubuntu3.1] +libseccomp2/noble,now 2.5.5-1ubuntu3 amd64 [installed,upgradable to: 2.5.5-1ubuntu3.1] +libselinux1-dev/noble,now 3.5-2ubuntu2 amd64 [installed,automatic] +libselinux1/noble,now 3.5-2ubuntu2 amd64 [installed] +libsemanage-common/noble,now 3.5-1build5 all [installed] +libsemanage2/noble,now 3.5-1build5 amd64 [installed] +libsensors-config/noble,now 1:3.6.0-9build1 all [installed,automatic] +libsensors5/noble,now 1:3.6.0-9build1 amd64 [installed,automatic] +libsepol-dev/noble,now 3.5-2build1 amd64 [installed,automatic] +libsepol2/noble,now 3.5-2build1 amd64 [installed] +libsframe1/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libsharpyuv-dev/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libsharpyuv0/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libshine3/noble,now 3.1.1-2build1 amd64 [installed,automatic] +libshout3/noble,now 2.4.6-1build2 amd64 [installed,automatic] +libslang2/noble,now 2.3.3-3build2 amd64 [installed,automatic] +libsm-dev/noble,now 2:1.2.3-1build3 amd64 [installed,automatic] +libsm6/noble,now 2:1.2.3-1build3 amd64 [installed,automatic] +libsmartcols1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libsnappy1v5/noble,now 1.1.10-1build1 amd64 [installed,automatic] +libsndfile1/noble,now 1.2.2-1ubuntu5 amd64 [installed,automatic] +libsodium-dev/noble,now 1.0.18-1build3 amd64 [installed,automatic] +libsodium23/noble,now 1.0.18-1build3 amd64 [installed,automatic] +libsoup-3.0-0/noble-updates,noble-security,now 3.4.4-5ubuntu0.1 amd64 [installed,automatic] +libsoup-3.0-common/noble-updates,noble-security,now 3.4.4-5ubuntu0.1 all [installed,automatic] +libsox-dev/noble,now 14.4.2+git20190427-4build4 amd64 [installed] +libsox-fmt-all/noble,now 14.4.2+git20190427-4build4 amd64 [installed] +libsox-fmt-alsa/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-ao/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-base/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-mp3/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-oss/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-pulse/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox3/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsoxr0/noble,now 0.1.3-4build3 amd64 [installed,automatic] +libspeex1/noble-updates,now 1.2.1-2ubuntu2.24.04.1 amd64 [installed,automatic] +libsphinxbase-dev/noble,now 0.8+5prealpha+1-17build2 amd64 [installed] +libsphinxbase3t64/noble,now 0.8+5prealpha+1-17build2 amd64 [installed,automatic] +libsqlite3-0/noble,now 3.45.1-1ubuntu2 amd64 [installed,automatic] +libsrt1.5-gnutls/noble,now 1.5.3-1build2 amd64 [installed,automatic] +libss2/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libssh-4/noble,now 0.10.6-2build2 amd64 [installed,automatic] +libssh-gcrypt-4/noble,now 0.10.6-2build2 amd64 [installed,automatic] +libssl-dev/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed,automatic] +libssl3t64/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed] +libstdc++-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libstdc++6/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +libstemmer0d/noble,now 2.2.0-4build1 amd64 [installed,automatic] +libsub-override-perl/noble,now 0.10-1 all [installed,automatic] +libsvtav1enc1d1/noble,now 1.7.0+dfsg-2build1 amd64 [installed,automatic] +libswresample4/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libswscale7/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libsys-hostname-long-perl/noble,now 1.5-3 all [installed,automatic] +libsystemd-shared/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libsystemd0/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed] +libsz2/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libtag1v5-vanilla/noble,now 1.13.1-1build1 amd64 [installed,automatic] +libtag1v5/noble,now 1.13.1-1build1 amd64 [installed,automatic] +libtasn1-6/noble,now 4.19.0-3build1 amd64 [installed] +libtbb-dev/noble,now 2021.11.0-2ubuntu2 amd64 [installed] +libtbb12/noble,now 2021.11.0-2ubuntu2 amd64 [installed,automatic] +libtbbbind-2-5/noble,now 2021.11.0-2ubuntu2 amd64 [installed,automatic] +libtbbmalloc2/noble,now 2021.11.0-2ubuntu2 amd64 [installed] +libtdb1/noble,now 1.4.10-1build1 amd64 [installed,automatic] +libthai-data/noble,now 0.1.29-2build1 all [installed,automatic] +libthai-dev/noble,now 0.1.29-2build1 amd64 [installed,automatic] +libthai0/noble,now 0.1.29-2build1 amd64 [installed,automatic] +libtheora-dev/noble,now 1.1.1+dfsg.1-16.1build3 amd64 [installed] +libtheora0/noble,now 1.1.1+dfsg.1-16.1build3 amd64 [installed,automatic] +libtiff-dev/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtiff5-dev/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed] +libtiff6/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtiffxx6/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtimedate-perl/noble,now 2.3300-2 all [installed,automatic] +libtinfo6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +libtool/noble,now 2.4.7-7build1 all [installed] +libtry-tiny-perl/noble,now 0.31-2 all [installed,automatic] +libtsan2/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libtwolame0/noble,now 0.4.0-2build3 amd64 [installed,automatic] +libubsan1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libuchardet0/noble,now 0.0.8-1build1 amd64 [installed,automatic] +libucx0/noble,now 1.16.0+ds-5ubuntu1 amd64 [installed,automatic] +libudev-dev/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libudev1/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed] +libudfread0/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libunibreak-dev/noble,now 5.1-2build1 amd64 [installed,automatic] +libunibreak5/noble,now 5.1-2build1 amd64 [installed,automatic] +libunistring5/noble,now 1.1-2build1 amd64 [installed] +libunwind-dev/noble,now 1.6.2-3build1 amd64 [installed,automatic] +libunwind8/noble,now 1.6.2-3build1 amd64 [installed,automatic] +liburi-perl/noble,now 5.27-1 all [installed,automatic] +libusb-1.0-0/noble,now 2:1.0.27-1 amd64 [installed,automatic] +libuuid1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libuv1t64/noble,now 1.48.0-1.1build1 amd64 [installed,automatic] +libv4l-0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libv4l-dev/noble,now 1.26.1-4build3 amd64 [installed] +libv4l2rds0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libv4lconvert0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libva-drm2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libva-x11-2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libva2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libvdpau1/noble,now 1.5-2build1 amd64 [installed,automatic] +libvisual-0.4-0/noble,now 0.4.2-2build1 amd64 [installed,automatic] +libvorbis-dev/noble,now 1.3.7-1build3 amd64 [installed] +libvorbis0a/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvorbisenc2/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvorbisfile3/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvpl2/noble,now 2023.3.0-1build1 amd64 [installed,automatic] +libvpx-dev/noble-updates,noble-security,now 1.14.0-1ubuntu2.1 amd64 [installed] +libvpx9/noble-updates,noble-security,now 1.14.0-1ubuntu2.1 amd64 [installed,automatic] +libvulkan1/noble,now 1.3.275.0-1build1 amd64 [installed,automatic] +libwavpack1/noble,now 5.6.0-1build1 amd64 [installed,automatic] +libwayland-bin/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-client0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-cursor0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-dev/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-egl1/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-server0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwebp-dev/noble,now 1.3.2-0.4build3 amd64 [installed] +libwebp7/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpdecoder3/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpdemux2/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpmux3/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwmflite-0.2-7/noble,now 0.2.13-1.1build3 amd64 [installed,automatic] +libwww-perl/noble,now 6.76-1 all [installed,automatic] +libwww-robotrules-perl/noble,now 6.02-1 all [installed,automatic] +libx11-6/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-data/noble,now 2:1.8.7-1build1 all [installed,automatic] +libx11-dev/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-xcb-dev/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-xcb1/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx264-164/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed,automatic] +libx264-dev/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed] +libx265-199/noble,now 3.5-2build1 amd64 [installed,automatic] +libx265-dev/noble,now 3.5-2build1 amd64 [installed] +libxapian30/noble,now 1.4.22-1build1 amd64 [installed,automatic] +libxau-dev/noble,now 1:1.0.9-1build6 amd64 [installed,automatic] +libxau6/noble,now 1:1.0.9-1build6 amd64 [installed,automatic] +libxaw7/noble,now 2:1.0.14-1build2 amd64 [installed,automatic] +libxcb-damage0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-dri2-0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-dri3-0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-glx0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-present0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-randr0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-render0-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-render0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-shm0-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-shm0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-sync1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-xfixes0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-xkb1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb1-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcomposite-dev/noble,now 1:0.4.5-1build3 amd64 [installed,automatic] +libxcomposite1/noble,now 1:0.4.5-1build3 amd64 [installed,automatic] +libxcursor-dev/noble,now 1:1.2.1-1build1 amd64 [installed,automatic] +libxcursor1/noble,now 1:1.2.1-1build1 amd64 [installed,automatic] +libxdamage-dev/noble,now 1:1.1.6-1build1 amd64 [installed,automatic] +libxdamage1/noble,now 1:1.1.6-1build1 amd64 [installed,automatic] +libxdmcp-dev/noble,now 1:1.1.3-0ubuntu6 amd64 [installed,automatic] +libxdmcp6/noble,now 1:1.1.3-0ubuntu6 amd64 [installed,automatic] +libxext-dev/noble,now 2:1.3.4-1build2 amd64 [installed,automatic] +libxext6/noble,now 2:1.3.4-1build2 amd64 [installed,automatic] +libxfixes-dev/noble,now 1:6.0.0-2build1 amd64 [installed,automatic] +libxfixes3/noble,now 1:6.0.0-2build1 amd64 [installed,automatic] +libxft-dev/noble,now 2.3.6-1build1 amd64 [installed,automatic] +libxft2/noble,now 2.3.6-1build1 amd64 [installed,automatic] +libxi-dev/noble,now 2:1.8.1-1build1 amd64 [installed] +libxi6/noble,now 2:1.8.1-1build1 amd64 [installed,automatic] +libxine2-bin/noble,now 1.2.13+hg20230710-2ubuntu6 amd64 [installed,automatic] +libxine2-dev/noble,now 1.2.13+hg20230710-2ubuntu6 amd64 [installed] +libxinerama-dev/noble,now 2:1.1.4-3build1 amd64 [installed,automatic] +libxinerama1/noble,now 2:1.1.4-3build1 amd64 [installed,automatic] +libxkbcommon-dev/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbcommon-x11-0/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbcommon0/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbfile1/noble,now 1:1.1.0-1build4 amd64 [installed,automatic] +libxml2-dev/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxml2-utils/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxml2/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxmlb2/noble,now 0.3.18-1 amd64 [installed,automatic] +libxmu-dev/noble,now 2:1.1.3-3build2 amd64 [installed] +libxmu-headers/noble,now 2:1.1.3-3build2 all [installed,automatic] +libxmu6/noble,now 2:1.1.3-3build2 amd64 [installed,automatic] +libxmuu1/noble,now 2:1.1.3-3build2 amd64 [installed,automatic] +libxnvctrl0/unknown,now 565.57.01-0ubuntu1 amd64 [installed,automatic] +libxpm4/noble,now 1:3.5.17-1build2 amd64 [installed,automatic] +libxrandr-dev/noble,now 2:1.5.2-2build1 amd64 [installed,automatic] +libxrandr2/noble,now 2:1.5.2-2build1 amd64 [installed,automatic] +libxrender-dev/noble,now 1:0.9.10-1.1build1 amd64 [installed,automatic] +libxrender1/noble,now 1:0.9.10-1.1build1 amd64 [installed,automatic] +libxshmfence1/noble,now 1.3-1build5 amd64 [installed,automatic] +libxt-dev/noble,now 1:1.2.1-1.2build1 amd64 [installed,automatic] +libxt6t64/noble,now 1:1.2.1-1.2build1 amd64 [installed,automatic] +libxtst-dev/noble,now 2:1.2.3-1.1build1 amd64 [installed,automatic] +libxtst6/noble,now 2:1.2.3-1.1build1 amd64 [installed,automatic] +libxv1/noble,now 2:1.0.11-1.1build1 amd64 [installed,automatic] +libxvidcore-dev/noble,now 2:1.3.7-1build1 amd64 [installed] +libxvidcore4/noble,now 2:1.3.7-1build1 amd64 [installed,automatic] +libxxf86vm1/noble,now 1:1.1.4-1build4 amd64 [installed,automatic] +libxxhash0/noble,now 0.8.2-2build1 amd64 [installed] +libyaml-0-2/noble,now 0.2.5-1build1 amd64 [installed,automatic] +libz3-4/noble,now 4.8.12-3.1build1 amd64 [installed,automatic] +libz3-dev/noble,now 4.8.12-3.1build1 amd64 [installed,automatic] +libzmq3-dev/noble,now 4.3.5-1build2 amd64 [installed] +libzmq5/noble,now 4.3.5-1build2 amd64 [installed,automatic] +libzstd-dev/noble-updates,now 1.5.5+dfsg2-2build1.1 amd64 [installed,automatic] +libzstd1/noble-updates,now 1.5.5+dfsg2-2build1.1 amd64 [installed] +libzvbi-common/noble,now 0.2.42-2 all [installed,automatic] +libzvbi0t64/noble,now 0.2.42-2 amd64 [installed,automatic] +linux-libc-dev/now 6.8.0-38.38 amd64 [installed,upgradable to: 6.8.0-51.52] +lld-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +lldb-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +llvm-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-linker-tools/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-runtime/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-tools/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +locales/noble-updates,noble-security,now 2.39-0ubuntu8.3 all [installed] +login/noble,now 1:4.13+dfsg1-4ubuntu3 amd64 [installed,upgradable to: 1:4.13+dfsg1-4ubuntu3.2] +logsave/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +lsb-release/noble,now 12.0-2 all [installed] +lto-disabled-list/noble,now 47 all [installed,automatic] +m4/noble,now 1.4.19-4build1 amd64 [installed,automatic] +make/noble,now 4.3-4.1build2 amd64 [installed,automatic] +man-db/noble,now 2.12.0-4build2 amd64 [installed,automatic] +mawk/noble,now 1.3.4.20240123-1build1 amd64 [installed] +media-types/noble,now 10.1.0 all [installed,automatic] +mesa-va-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mesa-vdpau-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mesa-vulkan-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mount/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +mpi-default-bin/noble,now 1.15build1 amd64 [installed,automatic] +mpi-default-dev/noble,now 1.15build1 amd64 [installed,automatic] +ncurses-base/noble,now 6.4+20240113-1ubuntu2 all [installed] +ncurses-bin/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +netbase/noble,now 6.4 all [installed,automatic] +netpbm/noble,now 2:11.05.02-1.1build1 amd64 [installed,automatic] +networkd-dispatcher/noble,now 2.2.4-1 all [installed,automatic] +ninja-build/noble,now 1.11.1-2 amd64 [installed] +nsight-compute-2024.2.1/unknown,now 2024.2.1.2-1 amd64 [installed,automatic] +ocl-icd-libopencl1/noble,now 2.3.2-1build1 amd64 [installed,automatic] +openmpi-bin/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +openmpi-common/noble,now 4.1.6-7ubuntu2 all [installed,automatic] +openssh-client/noble-updates,now 1:9.6p1-3ubuntu13.5 amd64 [installed,automatic] +openssl/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed,automatic] +packagekit-tools/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +packagekit/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +pango1.0-tools/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +passwd/noble,now 1:4.13+dfsg1-4ubuntu3 amd64 [installed,upgradable to: 1:4.13+dfsg1-4ubuntu3.2] +patch/noble,now 2.7.6-7build3 amd64 [installed,automatic] +patchelf/noble,now 0.18.0-1.1build1 amd64 [installed] +perl-base/noble,now 5.38.2-3.2build2 amd64 [installed] +perl-modules-5.38/noble,now 5.38.2-3.2build2 all [installed,automatic] +perl-openssl-defaults/noble,now 7build3 amd64 [installed,automatic] +perl/noble,now 5.38.2-3.2build2 amd64 [installed] +pinentry-curses/noble,now 1.2.1-3ubuntu5 amd64 [installed,automatic] +pkg-config/noble,now 1.8.1-2build1 amd64 [installed] +pkgconf-bin/noble,now 1.8.1-2build1 amd64 [installed,automatic] +pkgconf/noble,now 1.8.1-2build1 amd64 [installed,automatic] +po-debconf/noble,now 1.0.21+nmu1 all [installed,automatic] +polkitd/noble,now 124-2ubuntu1 amd64 [installed,automatic] +poppler-data/noble,now 0.4.12-1 all [installed,automatic] +procps/noble,now 2:4.0.4-4ubuntu3 amd64 [installed,upgradable to: 2:4.0.4-4ubuntu3.2] +protobuf-compiler/noble,now 3.21.12-8.2build1 amd64 [installed] +publicsuffix/noble,now 20231001.0357-0.1 all [installed,automatic] +python-apt-common/noble-updates,now 2.7.7ubuntu3 all [installed,automatic] +python3-apt/noble-updates,now 2.7.7ubuntu3 amd64 [installed,automatic] +python3-blinker/noble,now 1.7.0-1 all [installed,automatic] +python3-cffi-backend/noble,now 1.16.0-2build1 amd64 [installed,automatic] +python3-cryptography/noble-updates,noble-security,now 41.0.7-4ubuntu0.1 amd64 [installed,automatic] +python3-dbus/noble,now 1.3.2-5build3 amd64 [installed,automatic] +python3-dev/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed] +python3-distro-info/noble,now 1.7build1 all [installed,automatic] +python3-distro/noble,now 1.9.0-1 all [installed,automatic] +python3-gi/noble,now 3.48.2-1 amd64 [installed,automatic] +python3-httplib2/noble,now 0.20.4-3 all [installed,automatic] +python3-jwt/noble,now 2.7.0-1 all [installed,automatic] +python3-launchpadlib/noble,now 1.11.0-6 all [installed,automatic] +python3-lazr.restfulclient/noble,now 0.14.6-1 all [installed,automatic] +python3-lazr.uri/noble,now 1.0.6-3 all [installed,automatic] +python3-libnvinfer-dev/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +python3-libnvinfer-dispatch/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +python3-libnvinfer-lean/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +python3-libnvinfer/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed,automatic] +python3-lldb-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +python3-minimal/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +python3-oauthlib/noble,now 3.2.2-1 all [installed,automatic] +python3-packaging/noble,now 24.0-1 all [installed,automatic] +python3-pip-whl/noble-updates,noble-security,now 24.0+dfsg-1ubuntu1.1 all [installed,automatic] +python3-pkg-resources/noble-updates,noble-security,now 68.1.2-2ubuntu1.1 all [installed,automatic] +python3-pygments/noble,now 2.17.2+dfsg-1 all [installed,automatic] +python3-pyparsing/noble,now 3.1.1-1 all [installed,automatic] +python3-setuptools-whl/noble-updates,noble-security,now 68.1.2-2ubuntu1.1 all [installed,automatic] +python3-six/noble,now 1.16.0-4 all [installed,automatic] +python3-software-properties/noble-updates,now 0.99.49.1 all [installed,automatic] +python3-venv/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed] +python3-wadllib/noble,now 1.3.6-5 all [installed,automatic] +python3-yaml/noble,now 6.0.1-2build2 amd64 [installed,automatic] +python3.12-dev/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12-minimal/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12-venv/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +readline-common/noble,now 8.2-4build1 all [installed,automatic] +rpcsvc-proto/noble,now 1.4.2-0ubuntu7 amd64 [installed,automatic] +rsync/noble,now 3.2.7-1ubuntu1 amd64 [installed] +sed/noble,now 4.9-2build1 amd64 [installed] +sensible-utils/noble,now 0.0.22 all [installed] +session-migration/noble,now 0.3.9build1 amd64 [installed,automatic] +sgml-base/noble,now 1.31 all [installed,automatic] +shared-mime-info/noble,now 2.4-4 amd64 [installed,automatic] +software-properties-common/noble-updates,now 0.99.49.1 all [installed] +sound-theme-freedesktop/noble,now 0.8-2ubuntu1 all [installed,automatic] +spawn-fcgi/noble,now 1.6.4-2 amd64 [installed,automatic] +sphinxbase-utils/noble,now 0.8+5prealpha+1-17build2 amd64 [installed] +ssl-cert/noble,now 1.1.2ubuntu1 all [installed,automatic] +systemd-dev/noble-updates,now 255.4-1ubuntu8.4 all [installed,automatic] +systemd-resolved/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd-sysv/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd-timesyncd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +sysvinit-utils/noble,now 3.08-6ubuntu3 amd64 [installed] +tar/noble,now 1.35+dfsg-3build1 amd64 [installed] +tensorrt-dev/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed] +tensorrt-libs/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed] +tensorrt/unknown,now 10.7.0.23-1+cuda12.6 amd64 [installed] +time/noble,now 1.9-0.2build1 amd64 [installed] +tzdata/noble-updates,now 2024a-3ubuntu1.1 all [installed,automatic] +ubuntu-keyring/noble,now 2023.11.28.1 all [installed] +ubuntu-mono/noble,now 24.04-0ubuntu1 all [installed,automatic] +ucf/noble,now 3.0043+nmu1 all [installed,automatic] +unattended-upgrades/noble,now 2.9.1+nmu4ubuntu1 all [installed,automatic] +unzip/noble-updates,noble-security,now 6.0-28ubuntu4.1 amd64 [installed] +util-linux/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +uuid-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +v4l-utils/noble,now 1.26.1-4build3 amd64 [installed] +va-driver-all/noble,now 2.20.0-2build1 amd64 [installed,automatic] +vdpau-driver-all/noble,now 1.5-2build1 amd64 [installed,automatic] +wayland-protocols/noble,now 1.34-1 all [installed,automatic] +wget/noble-updates,noble-security,now 1.21.4-1ubuntu4.1 amd64 [installed] +x11-apps/noble,now 7.7+11build3 amd64 [installed] +x11-common/noble,now 1:7.7+23ubuntu3 all [installed,automatic] +x11proto-dev/noble,now 2023.2-1 all [installed,automatic] +x264/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed] +xauth/noble,now 1:1.1.2-1build1 amd64 [installed,automatic] +xbitmaps/noble,now 1.1.1-2.2 all [installed,automatic] +xdg-user-dirs/noble,now 0.18-1build1 amd64 [installed,automatic] +xfonts-encodings/noble,now 1:1.0.5-0ubuntu2 all [installed,automatic] +xfonts-utils/noble,now 1:7.7+6build3 amd64 [installed,automatic] +xkb-data/noble-updates,now 2.41-2ubuntu1.1 all [installed,automatic] +xml-core/noble,now 0.19 all [installed,automatic] +xorg-sgml-doctools/noble,now 1:1.11-1.1 all [installed,automatic] +xtrans-dev/noble,now 1.4.0-1 all [installed,automatic] +xz-utils/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed,automatic] +yasm/noble,now 1.3.0-4 amd64 [installed] +zip/noble-updates,now 3.0-13ubuntu0.1 amd64 [installed] +zlib1g-dev/noble-updates,now 1:1.3.dfsg-3.1ubuntu2.1 amd64 [installed] +zlib1g/noble-updates,now 1:1.3.dfsg-3.1ubuntu2.1 amd64 [installed] + +[system details] + +FOUND_UBUNTU: 24.04 +OpenCV_Built: 4.10.0 +CUDA_found: 12.5.82 +cuDNN_found: 9.3.0 +TensorFlow_Built: 2.18.0 +FFmpeg_Built: 7.1 +Torch_Built: 2.5.1 +TorchVision_Built: 0.20.0 +TorchAudio_Built: 2.5.0 +TorchData_Built: 0.9.0 diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/TensorFlow--Details.txt b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/TensorFlow--Details.txt new file mode 100644 index 0000000..8fe8181 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/TensorFlow--Details.txt @@ -0,0 +1,44 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_pytorch_opencv:12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT" \ + -f Dockerfile \ + --load \ + . + + +***** TensorFlow configuration: +--- Tensorflow Build: Environment variables set --- +TF_CUDA_CLANG=1 +TF_CUDA_COMPUTE_CAPABILITIES=6.0,6.1,7.0,7.5,8.0,8.6,8.9,9.0 +TF_NEED_AWS=0 +TF_NEED_CLANG=1 +TF_NEED_COMPUTECPP=0 +TF_NEED_CUDA=1 +TF_NEED_GCP=0 +TF_NEED_GDR=0 +TF_NEED_HDFS=0 +TF_NEED_JEMALLOC=0 +TF_NEED_KAFKA=0 +TF_NEED_MKL=1 +TF_NEED_MPI=0 +TF_NEED_OPENCL=0 +TF_NEED_OPENCL_SYCL=0 +TF_NEED_ROCM=0 +TF_NEED_S3=0 +TF_NEED_TENSORRT=0 +TF_NEED_VERBS=0 +TF_SET_ANDROID_WORKSPACE=0 + +*** Tensorflow version : 2.18.0 +*** TF Builf with cuda : True +*** TF compile flags : ['-I/usr/local/lib/python3.12/dist-packages/tensorflow/include', '-D_GLIBCXX_USE_CXX11_ABI=1', '--std=c++17', '-DEIGEN_MAX_ALIGN_BYTES=64'] +*** TF include : /usr/local/lib/python3.12/dist-packages/tensorflow/include +*** TF lib : /usr/local/lib/python3.12/dist-packages/tensorflow +*** TF link flags : ['-L/usr/local/lib/python3.12/dist-packages/tensorflow', '-l:libtensorflow_framework.so.2'] +*** Keras version : 3.7.0 +*** pandas version : 2.2.3 +*** scikit-learn version : 1.6.0 diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/torchaudio.patch b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/torchaudio.patch new file mode 100644 index 0000000..063d278 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/torchaudio.patch @@ -0,0 +1,12 @@ +diff --git a/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu b/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu +index 4ca8f1bf24..e6192155a2 100644 +--- a/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu ++++ b/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu +@@ -24,6 +24,7 @@ + // (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE + // OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + #include ++#include + #include "ctc_fast_divmod.cuh" + #include "cub/cub.cuh" + #include "device_data_wrap.h" diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/withincontainer_checker.sh b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/withincontainer_checker.sh new file mode 100644 index 0000000..b7aa188 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT/withincontainer_checker.sh @@ -0,0 +1,112 @@ +#!/bin/bash + +# Expected to be run in container +if [ ! -f /.within_container ]; then + echo "Tool expected to be ran within the container, aborting" + exit 1 +fi + +destp="/tmp/python_info.txt" +echo "Python location: $(which python3)" > $destp +echo "Python version: $(python3 --version)" >> $destp +echo "" >> $destp +echo "[pip list]" >> $destp +pip3 list >> $destp + +echo "" >> $destp +echo "[apt list]" >> $destp +apt list --installed >> $destp + +echo "" >> $destp +echo "[system details]" >> $destp + +# Ubuntu version +tmp="/etc/lsb-release" +if [ ! -f $tmp ]; then + echo "Unable to confirm Ubuntu version, aborting" + exit 1 +fi +echo "" >> $destp +echo -n "FOUND_UBUNTU: " >> $destp +perl -ne 'print $1 if (m%DISTRIB_RELEASE=(.+)%)' $tmp >> $destp +echo "" >> $destp + +if [ -f /tmp/.GPU_build ]; then + # CUDNN version + cudnn_inc="/usr/include/cudnn.h" + cudnn8_inc="/usr/include/x86_64-linux-gnu/cudnn_version_v8.h" + cudnnjn_inc="/usr/include/cudnn_version.h" + if [ -f $cudnn8_inc ]; then + cudnn_inc="${cudnn8_inc}" + elif [ -f $cudnnjn_inc ]; then + cudnn_inc="$cudnnjn_inc" + fi + if [ ! -f $cudnn_inc ]; then + cudnn="Details not found" + else + cmj="$(sed -n 's/^#define CUDNN_MAJOR\s*\(.*\).*/\1/p' $cudnn_inc)" + cmn="$(sed -n 's/^#define CUDNN_MINOR\s*\(.*\).*/\1/p' $cudnn_inc)" + cpl="$(sed -n 's/^#define CUDNN_PATCHLEVEL\s*\(.*\).*/\1/p' $cudnn_inc)" + cudnn="${cmj}.${cmn}.${cpl}" + fi + echo "$cudnn" > /tmp/.cudnn_found + + # CUDA version + nvcc="/usr/local/nvidia/bin/nvcc" + if [ ! -f $cuda_f ]; then + cuda="Details not found" + else + cuda=$($nvcc --version | grep compilation | perl -ne 'print $1 if (m%V([\d\.]+)%)') + fi + echo "$cuda" > /tmp/.cuda_found +fi + +dest="/tmp/opencv_info.txt" +if [ -f /tmp/.opencv_built ]; then + echo "OpenCV_Built: $(cat /tmp/.opencv_built)" >> $destp + + echo -n "-- Confirming OpenCV Python is installed. Version: " > $dest + python3 -c 'import cv2; print(cv2.__version__)' >> $dest + echo "" >> $dest + opencv_version -v >> $dest + if [ -f /tmp/.cudnn_found ]; then + echo "" >> $dest + echo "cuDNN_FOUND: $(cat /tmp/.cudnn_found)" >> $dest + fi +fi + +if [ -f /tmp/.cuda_found ]; then + echo "CUDA_found: $(cat /tmp/.cuda_found)" >> $destp +fi + +if [ -f /tmp/.cudnn_found ]; then + echo "cuDNN_found: $(cat /tmp/.cudnn_found)" >> $destp +fi + +if [ -f /tmp/.tensorflow_built ]; then + echo "TensorFlow_Built: $(cat /tmp/.tensorflow_built)" >> $destp +fi + +if [ -f /tmp/.ffmpeg_built ]; then + echo "FFmpeg_Built: $(cat /tmp/.ffmpeg_built)" >> $destp +fi + +if [ -f /tmp/.torch_built ]; then + echo "Torch_Built: $(cat /tmp/.torch_built)" >> $destp +fi + +if [ -f /tmp/.torchvision_built ]; then + echo "TorchVision_Built: $(cat /tmp/.torchvision_built)" >> $destp +fi + +if [ -f /tmp/.torchaudio_built ]; then + echo "TorchAudio_Built: $(cat /tmp/.torchaudio_built)" >> $destp +fi + +if [ -f /tmp/.torchdata_built ]; then + echo "TorchData_Built: $(cat /tmp/.torchdata_built)" >> $destp +fi + +if [ -f /tmp/.torchtext_built ]; then + echo "TorchText_Built: $(cat /tmp/.torchtext_built)" >> $destp +fi diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/BuildInfo.txt b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/BuildInfo.txt new file mode 100644 index 0000000..befee35 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/BuildInfo.txt @@ -0,0 +1,18 @@ + +CTPO_FROM=nvidia/cuda:12.5.1-devel-ubuntu24.04 +CTPO_BUILD=GPU +CTPO_TENSORFLOW_VERSION=2.18.0 +CTPO_PYTORCH_VERSION=2.5.1 +CTPO_CUDA_VERSION=12.5.1 +CTPO_OPENCV_VERSION=4.10.0 +CTPO_RELEASE=20241219 +FOUND_UBUNTU=24.04 +OpenCV_Built=4.10.0 +CUDA_found=12.5.82 +cuDNN_found=9.3.0 +TensorFlow_Built=2.18.0 +FFmpeg_Built=7.1 +Torch_Built=2.5.1 +TorchVision_Built=0.20.0 +TorchAudio_Built=2.5.0 +TorchData_Built=0.9.0 diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/Dockerfile b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/Dockerfile new file mode 100644 index 0000000..c28cef6 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/Dockerfile @@ -0,0 +1,461 @@ +##### Splitting installation into controlled parts: +## - Base container setup (all apt-get + system + ldd extension) +## - Python pip3 preparation + First batch of python tools installs +## - Tensorflow build and install (optional) +## - FFmpeg build and install +## - OpenCV build and install (using FFmpeg) +## - Additional python tools installs +## - Magma build and install (GPU only, optional) +## - PyTorch (+ vison + audio) build and install (using FFmpeg + OpenCV, optional) +## - Final steps: /iti setup, ... + +# The idea is to have a base Dockerfile that will be tailored to specific builds +# so that each build has their own final Dockerfile available for inspection + +ARG CTPO_FROM=nvidia/cuda:12.5.1-devel-ubuntu24.04 +FROM ${CTPO_FROM} + +# Adapted from https://gitlab.com/nvidia/container-images/cuda/-/blob/master/dist/12.2.2/ubuntu2204/devel/cudnn8/Dockerfile +ENV NV_CUDNN_VERSION=9.3.0.75-1 +ENV NV_CUDNN_PACKAGE_BASENAME="libcudnn9" +ENV NV_CUDA_ADD=cuda-12 +ENV NV_CUDNN_PACKAGE="$NV_CUDNN_PACKAGE_BASENAME-$NV_CUDA_ADD=$NV_CUDNN_VERSION" +ENV NV_CUDNN_PACKAGE_DEV="$NV_CUDNN_PACKAGE_BASENAME-dev-$NV_CUDA_ADD=$NV_CUDNN_VERSION" +LABEL com.nvidia.cudnn.version="${NV_CUDNN_VERSION}" + +RUN apt-get update && apt-get install -y --no-install-recommends \ + ${NV_CUDNN_PACKAGE} \ + ${NV_CUDNN_PACKAGE_DEV} \ + && apt-mark hold ${NV_CUDNN_PACKAGE_BASENAME}-${NV_CUDA_ADD} + +ARG CTPO_NUMPROC=32 + +##### Base + +# Install system packages +ENV DEBIAN_FRONTEND=noninteractive +RUN apt-get update -y --fix-missing\ + && apt-get install -y \ + apt-utils \ + locales \ + wget \ + ca-certificates \ + && apt-get clean + +# UTF-8 +RUN localedef -i en_US -c -f UTF-8 -A /usr/share/locale/locale.alias en_US.UTF-8 +ENV LANG=en_US.utf8 + +# Install system packages +RUN apt-get install -y \ + # Base + build-essential \ + checkinstall \ + cmake \ + curl \ + g++ \ + gcc \ + git \ + ninja-build \ + perl \ + patchelf \ + pkg-config \ + protobuf-compiler \ + python3-dev \ + rsync \ + time \ + unzip \ + wget \ + zip \ + zlib1g \ + zlib1g-dev \ + # OpenCV + doxygen \ + file \ + gfortran \ + gnupg \ + gstreamer1.0-plugins-good \ + imagemagick \ + libatk-adaptor \ + libatlas-base-dev \ + libboost-all-dev \ + libcanberra-gtk-module \ + libdc1394-dev \ + libeigen3-dev \ + libfaac-dev \ + libfreetype6-dev \ + libgflags-dev \ + libglew-dev \ + libglu1-mesa \ + libglu1-mesa-dev \ + libgoogle-glog-dev \ + libgphoto2-dev \ + libgstreamer1.0-dev \ + libgstreamer-plugins-bad1.0-0 \ + libgstreamer-plugins-base1.0-dev \ + libgtk2.0-dev \ + libgtk-3-dev \ + libhdf5-dev \ + libhdf5-serial-dev \ + libjpeg-dev \ + liblapack-dev \ + libmp3lame-dev \ + libopenblas-dev \ + libopencore-amrnb-dev \ + libopencore-amrwb-dev \ + libopenjp2-7 \ + libopenjp2-7-dev \ + libopenjp2-tools \ + libopenjpip-server \ + libpng-dev \ + libpostproc-dev \ + libprotobuf-dev \ + libtbbmalloc2 \ + libtbb-dev \ + libtheora-dev \ + libtiff5-dev \ + libv4l-dev \ + libvorbis-dev \ + libwebp-dev \ + libx264-dev \ + libx265-dev \ + libxi-dev \ + libxine2-dev \ + libxmu-dev \ + libxvidcore-dev \ + libzmq3-dev \ + v4l-utils \ + x11-apps \ + x264 \ + yasm \ + # Torch + libomp-dev \ + libsox-dev \ + libsox-fmt-all \ + libsphinxbase-dev \ + sphinxbase-utils \ + # FFMpeg (source install, do not install packages: libavcodec-dev libavformat-dev libavresample-dev libavutil-dev libswscale-dev) + libass-dev \ + libc6 \ + libc6-dev \ + libnuma1 \ + libnuma-dev \ + libopus-dev \ + libtool \ + libvpx-dev \ + && apt-get clean + +# No Additional CUDA apt installs + + + +ENV CTPO_CLANG_VERSION=17 +RUN apt-get install -y lsb-release software-properties-common gnupg \ + && mkdir /tmp/clang \ + && cd /tmp/clang \ + && wget https://apt.llvm.org/llvm.sh \ + && chmod +x llvm.sh \ + && ./llvm.sh ${CTPO_CLANG_VERSION} \ + && cd / \ + && rm -rf /tmp/clang +RUN which clang-${CTPO_CLANG_VERSION} \ + && which clang++-${CTPO_CLANG_VERSION} \ + && clang-${CTPO_CLANG_VERSION} --version \ + && clang++-${CTPO_CLANG_VERSION} --version + +ENV CTPO_BUILD=GPU +RUN touch /tmp/.${CTPO_BUILD}_build + +# - Avoid "RPC failed; curl 56 GnuTLS" issue on some pulls, while keeping the system installed git +# - Some tools expect a "python" binary +# - Prepare ldconfig +RUN git config --global http.postBuffer 1048576000 \ + && mkdir -p /usr/local/bin && ln -s $(which python3) /usr/local/bin/python \ + && mkdir -p /usr/local/lib && sh -c 'echo "/usr/local/lib" >> /etc/ld.so.conf.d/usrlocallib.conf' && ldconfig + +ENV LD_LIBRARY_PATH=/usr/local/lib:$LD_LIBRARY_PATH + +# Misc GPU fixes +RUN cd /usr/local \ + && if [ -e cuda ]; then if [ ! -e nvidia ]; then ln -s cuda nvidia; fi; fi \ + && tmp="/usr/local/cuda/extras/CUPTI/lib64" \ + && if [ -d $tmp ]; then \ + echo $tmp >> /etc/ld.so.conf.d/nvidia-cupti.conf; \ + ldconfig; \ + echo "***** CUPTI added to LD path"; \ + fi + + +# Setup pip +RUN mv /usr/lib/python3.12/EXTERNALLY-MANAGED /usr/lib/python3.12/EXTERNALLY-MANAGED.old \ + && wget -q -O /tmp/get-pip.py --no-check-certificate https://bootstrap.pypa.io/get-pip.py \ + && python3 /tmp/get-pip.py \ + && pip3 install -U pip \ + && rm /tmp/get-pip.py + +# No TensorRT support + +# Install Python tools (for buiding) +RUN pip3 install -U --ignore-installed \ + # Base + cmake \ + future \ + mkl \ + mkl-include \ + mock \ + numpy \ + opt_einsum \ + packaging \ + pyyaml \ + requests \ + setuptools \ + six \ + wheel \ + # OpenCV + lxml \ + Pillow \ + # Torch + cffi \ + typing \ + ninja \ + # Extra + scikit-image \ + scikit-learn \ + matplotlib \ + moviepy \ + pandas \ + mkl-static mkl-include \ + && pip3 install -U keras_preprocessing --no-deps \ + && rm -rf /root/.cache/pip + +##### TensorFlow +# https://www.tensorflow.org/install/source + +## Download & Building TensorFlow from source in same RUN +ENV LATEST_BAZELISK=1.22.1 +ENV CTPO_TENSORFLOW_VERSION=2.18.0 +ENV CTPO_TF_CONFIG="--config=cuda" +ENV TF_CUDA_COMPUTE_CAPABILITIES=6.0,6.1,7.0,7.5,8.0,8.6,8.9,9.0 + +# See https://github.com/tensorflow/tensorflow/blob/master/configure.py for new TF_NEED_ +ENV TF_NEED_CUDA=1 +ENV TF_CUDA_CLANG=1 +ENV TF_NEED_TENSORRT=0 +ENV TF_NEED_AWS=0 +ENV TF_NEED_CLANG=1 +ENV TF_NEED_COMPUTECPP=0 +ENV TF_NEED_GCP=0 +ENV TF_NEED_GDR=0 +ENV TF_NEED_HDFS=0 +ENV TF_NEED_JEMALLOC=0 +ENV TF_NEED_KAFKA=0 +ENV TF_NEED_MKL=1 +ENV TF_NEED_MPI=0 +ENV TF_NEED_OPENCL=0 +ENV TF_NEED_OPENCL_SYCL=0 +ENV TF_NEED_ROCM=0 +ENV TF_NEED_S3=0 +ENV TF_NEED_VERBS=0 +ENV TF_SET_ANDROID_WORKSPACE=0 +ENV HERMETIC_CUDA_COMPUTE_CAPABILITIES=$TF_CUDA_COMPUTE_CAPABILITIES + +RUN curl -s -Lo /usr/local/bin/bazel https://github.com/bazelbuild/bazelisk/releases/download/v${LATEST_BAZELISK}/bazelisk-linux-amd64 \ + && chmod +x /usr/local/bin/bazel \ + && mkdir -p /usr/local/src/tensorflow \ + && cd /usr/local/src \ + && wget -q -c https://github.com/tensorflow/tensorflow/archive/v${CTPO_TENSORFLOW_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/tensorflow \ + && cd /usr/local/src/tensorflow \ + && bazel version \ + && ./configure \ + && time bazel build --verbose_failures --config=opt --config=v2 ${CTPO_TF_CONFIG} //tensorflow/tools/pip_package:wheel --repo_env=WHEEL_NAME=tensorflow --config=cuda --config=cuda_wheel \ + && time pip3 install bazel-bin/tensorflow/tools/pip_package/wheel_house/tensorflow-*.whl \ + && rm -rf /usr/local/src/tensorflow /tmp/tensorflow_pkg /tmp/bazel_check.pl /tmp/tf_build.sh /tmp/hsperfdata_root /root/.cache/bazel /root/.cache/pip /root/.cache/bazelisk + +RUN python3 -c 'import tensorflow as tf; print(f"{tf.__version__}")' > /tmp/.tensorflow_built + +RUN echo "--- Tensorflow Build: Environment variables set --- " > /tmp/tf_env.dump \ + && env | grep TF_ | grep -v CTPO_ | sort >> /tmp/tf_env.dump + +##### FFMPEG + +ENV CTPO_FFMPEG_VERSION=7.1 +ENV CTPO_FFMPEG_NVCODEC=12.2.72.0 +ENV CTPO_FFMPEG_NONFREE="" +RUN mkdir -p /usr/local/src/builder \ + && cd /usr/local/src \ + && wget -q https://github.com/FFmpeg/nv-codec-headers/archive/refs/tags/n${CTPO_FFMPEG_NVCODEC}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder \ + && cd /usr/local/src/builder \ + && make install \ + && rm -rf /usr/local/src/builder +RUN mkdir -p /usr/local/src/builder \ + && cd /usr/local/src \ + && wget -q https://ffmpeg.org/releases/ffmpeg-${CTPO_FFMPEG_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder \ + && cd /usr/local/src/builder \ + && time ./configure --enable-cuda --enable-cuvid --enable-nvdec --enable-nvenc ${CTPO_FFMPEG_NONFREE} --extra-cflags="-I/usr/local/cuda/include/ -fPIC" --extra-ldflags="-L/usr/local/cuda/lib64/ -Wl,-Bsymbolic" --enable-shared --disable-static --enable-gpl --enable-libv4l2 --enable-libvorbis --enable-libvpx --enable-libwebp --enable-libxvid --enable-libopus --enable-pic --enable-libass --enable-libx264 --enable-libx265 | tee /tmp/ffmpeg_config.txt \ + && make -j${CTPO_NUMPROC} install \ + && ldconfig \ + && rm -rf /usr/local/src/builder +# From https://docs.nvidia.com/video-technologies/video-codec-sdk/ffmpeg-with-nvidia-gpu/#basic-testing +# GPU Testing: ffmpeg -y -vsync 0 -hwaccel cuda -hwaccel_output_format cuda -i input.mp4 -c:a copy -c:v h264_nvenc -b:v 5M output.mp4 +# GPU Testing: ffmpeg -y -vsync 0 -hwaccel cuvid -c:v h264_cuvid -i in.mp4 -c:v hevc_nvenc out.mkv + +RUN echo "${CTPO_FFMPEG_VERSION}" > /tmp/.ffmpeg_built + +#### OpenCV + +# Download & Build OpenCV in same RUN +## FYI: We are removing the OpenCV source and build directory in /usr/local/src to attempt to save additional disk space +# Comment the last line if you want to rerun cmake with additional/modified options. For example: +# cd /usr/local/src/opencv/build +# cmake -DOPENCV_ENABLE_NONFREE=ON -DBUILD_EXAMPLES=ON -DBUILD_DOCS=ON -DBUILD_TESTS=ON -DBUILD_PERF_TESTS=ON .. && make install +ENV CTPO_OPENCV_VERSION=4.10.0 +ENV CTPO_OPENCV_CUDA="-D WITH_CUDA=ON -D CUDA_TOOLKIT_ROOT_DIR=/usr/local/cuda -D CMAKE_LIBRARY_PATH=/usr/local/cuda/lib64/stubs -D CUDA_FAST_MATH=1 -D WITH_CUBLAS=1 -D WITH_NVCUVID=1 -DCUDA_ARCH_BIN=6.0,6.1,7.0,7.5,8.0,8.6,8.9,9.0 -DCUDA_ARCH_PTX=6.0,6.1,7.0,7.5,8.0,8.6,8.9,9.0" +ENV CTPO_OPENCV_NONFREE="" +RUN mkdir -p /usr/local/src/opencv/build /usr/local/src/opencv_contrib \ + && cd /usr/local/src \ + && wget -q https://github.com/opencv/opencv/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv \ + && wget -q https://github.com/opencv/opencv_contrib/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv_contrib \ + && cd /usr/local/src/opencv/build \ + && time cmake \ + -DBUILD_DOCS=0 \ + -DBUILD_EXAMPLES=0 \ + -DBUILD_PERF_TESTS=0 \ + -DBUILD_TESTS=0 \ + -DBUILD_opencv_python2=0 \ + -DBUILD_opencv_python3=1 \ + -DCMAKE_BUILD_TYPE=Release \ + -DCMAKE_INSTALL_PREFIX=$(python3 -c "import sys; print(sys.prefix)") \ + -DOPENCV_PYTHON3_INSTALL_PATH=$(python3 -c "from distutils.sysconfig import get_python_lib; print(get_python_lib())") \ + -DPYTHON_EXECUTABLE=$(which python3) \ + -DCMAKE_INSTALL_TYPE=Release \ + -DENABLE_FAST_MATH=1 \ + -DFORCE_VTK=1 \ + -DINSTALL_C_EXAMPLES=0 \ + -DINSTALL_PYTHON_EXAMPLES=0 \ + -DOPENCV_EXTRA_MODULES_PATH=/usr/local/src/opencv_contrib/modules \ + -DOPENCV_GENERATE_PKGCONFIG=1 \ + -DOPENCV_PC_FILE_NAME=opencv.pc \ + -DWITH_CSTRIPES=1 \ + -DWITH_EIGEN=1 \ + -DWITH_GDAL=1 \ + -DWITH_GSTREAMER=1 \ + -DWITH_GSTREAMER_0_10=OFF \ + -DWITH_GTK=1 \ + -DWITH_IPP=1 \ + -DWITH_OPENCL=1 \ + -DWITH_OPENMP=1 \ + -DWITH_TBB=1 \ + -DWITH_V4L=1 \ + -DWITH_WEBP=1 \ + -DWITH_XINE=1 \ + ${CTPO_OPENCV_CUDA} \ + ${CTPO_OPENCV_NONFREE} \ + -GNinja \ + .. \ + && time ninja install \ + && ldconfig \ + && rm -rf /usr/local/src/opencv /usr/local/src/opencv_contrib + +RUN python3 -c 'import cv2; print(f"{cv2.__version__}")' > /tmp/.opencv_built + +##### Magma (for PyTorch GPU only) + +ENV CTPO_MAGMA=2.8.0 +ENV CTPO_MAGMA_ARCH="Pascal Volta Turing Ampere Hopper" +RUN mkdir -p /usr/local/src/builder/build; \ + cd /usr/local/src; \ + wget -q http://icl.utk.edu/projectsfiles/magma/downloads/magma-${CTPO_MAGMA}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder; \ + cd /usr/local/src/builder/build; \ + time cmake -DGPU_TARGET="${CTPO_MAGMA_ARCH}" ..; \ + time make -j${CTPO_NUMPROC} install; \ + rm -rf /usr/local/src/magma /usr/local/src/builder + +##### Torch (using FFMpeg + OpenCV + Magma [GPU only]) + +ENV CTPO_TORCH_CUDA_ARCH="6.0 6.1 7.0 7.5 8.0 8.6 8.9 9.0+PTX" + +ENV CTPO_TORCH=2.5.1 +# For details on the TORCH_CUDA_ARCH_LIST, see https://pytorch.org/docs/stable/cpp_extension.html +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCH} https://github.com/pytorch/pytorch.git \ + && cd /usr/local/src/pytorch \ + && pip3 install -r requirements.txt \ + && time env PYTORCH_BUILD_VERSION=${CTPO_TORCH} PYTORCH_BUILD_NUMBER=0 USE_CUDA=1 USE_CUDNN=1 CAFFE2_USE_CUDNN=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" USE_MKLDNN=1 USE_FFMPEG=1 USE_OPENCV=1 python3 ./setup.py bdist_wheel | tee /tmp/torch_config.txt \ + && time pip3 install /usr/local/src/pytorch/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torch_config.txt \ + && sh -c "cmp --silent torch_config.txt torch_config.txt.bak && exit 1 || rm torch_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/pytorch + +RUN python3 -c 'import torch; print(f"{torch.__version__}")' > /tmp/.torch_built + +# Note: NOT building with Video Codec SDK as it requires an Nvidia account +ENV CTPO_TORCHVISION=0.20.0 +# setup.py options from https://github.com/pytorch/vision/blob/main/setup.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHVISION} https://github.com/pytorch/vision.git \ + && cd /usr/local/src/vision \ + && time env BUILD_VERSION=${CTPO_TORCHVISION} FORCE_CUDA=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" TORCHVISION_USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchvision_config.txt \ + && time pip3 install /usr/local/src/vision/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^running bdist_wheel%' torchvision_config.txt \ + && sh -c "cmp --silent torchvision_config.txt torchvision_config.txt.bak && exit 1 || rm torchvision_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/vision + +RUN python3 -c 'import torchvision; print(f"{torchvision.__version__}")' > /tmp/.torchvision_built + +ENV CTPO_TORCHAUDIO=2.5.0 +# Need to patch torchaudio https://github.com/pytorch/audio/pull/3811 +COPY torchaudio.patch /tmp/torchaudio.patch +# setup.py options from https://github.com/pytorch/audio/blob/main/tools/setup_helpers/extension.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHAUDIO} https://github.com/pytorch/audio.git \ + && cd /usr/local/src/audio \ + && patch -p1 < /tmp/torchaudio.patch \ + && time env BUILD_VERSION=${CTPO_TORCHAUDIO} USE_CUDA=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchaudio_config.txt \ + && time pip3 install /usr/local/src/audio/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torchaudio_config.txt \ + && sh -c "cmp --silent torchaudio_config.txt torchaudio_config.txt.bak && exit 1 || rm torchaudio_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/audio + +RUN python3 -c 'import torchaudio; print(f"{torchaudio.__version__}")' > /tmp/.torchaudio_built + +ENV CTPO_TORCHDATA=0.9.0 +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHDATA} https://github.com/pytorch/data.git \ + && cd /usr/local/src/data \ + && BUILD_VERSION=${CTPO_TORCHDATA} pip3 install . | tee /tmp/torchdata_config.txt \ + && rm -rf /root/.cache/pip /usr/local/src/data + +RUN python3 -c 'import torchdata; print(f"{torchdata.__version__}")' > /tmp/.torchdata_built + +##### Final steps + +# Add Jupyter lab & venv requirements +RUN apt-get install -y python3-venv \ + && pip3 install -U jupyterlab +# https://jupyterlab.readthedocs.io/en/stable/getting_started/changelog.html +# with v4 extensions are installed using the extension manager, see https://jupyterlab.readthedocs.io/en/stable/user/extensions.html#id11 + +RUN touch /.within_container +COPY withincontainer_checker.sh /tmp/withincontainer_checker.sh +RUN chmod +x /tmp/withincontainer_checker.sh \ + && /tmp/withincontainer_checker.sh + +# Setting up working directory +RUN mkdir /iti +WORKDIR /iti + +# Uncomment as needed +#ENV NVIDIA_VISIBLE_DEVICES all +#ENV NVIDIA_DRIVER_CAPABILITIES video,compute,utility + +CMD ["/bin/bash"] \ No newline at end of file diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/FFmpeg--Details.txt b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/FFmpeg--Details.txt new file mode 100644 index 0000000..c4c8357 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/FFmpeg--Details.txt @@ -0,0 +1,729 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +echo "===== Build Start time: " Thu Dec 19 03:52:58 AM EST 2024 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_pytorch_opencv:12.5.1_2.18.0_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . +echo "===== Build End time: " Thu Dec 19 03:52:58 AM EST 2024 + + +***** FFmpeg configuration: +install prefix /usr/local +source path . +C compiler gcc +C library glibc +ARCH x86 (generic) +big-endian no +runtime cpu detection yes +standalone assembly yes +x86 assembler yasm +MMX enabled yes +MMXEXT enabled yes +3DNow! enabled yes +3DNow! extended enabled yes +SSE enabled yes +SSSE3 enabled yes +AESNI enabled yes +AVX enabled yes +AVX2 enabled yes +AVX-512 enabled yes +AVX-512ICL enabled yes +XOP enabled yes +FMA3 enabled yes +FMA4 enabled yes +i686 features enabled yes +CMOV is fast yes +EBX available yes +EBP available yes +debug symbols yes +strip symbols yes +optimize for size no +optimizations yes +static no +shared yes +postprocessing support yes +network support yes +threading support pthreads +safe bitstream reader yes +texi2html enabled no +perl enabled yes +pod2man enabled yes +makeinfo enabled no +makeinfo supports HTML no +xmllint enabled yes + +External libraries: +bzlib libvorbis libxcb +iconv libvpx libxcb_shm +libass libwebp libxvid +libopus libx264 lzma +libv4l2 libx265 zlib + +External libraries providing hardware acceleration: +cuda libdrm v4l2_m2m +cuvid nvdec +ffnvcodec nvenc + +Libraries: +avcodec avformat swresample +avdevice avutil swscale +avfilter postproc + +Programs: +ffmpeg ffprobe + +Enabled decoders: +aac fourxm pgmyuv +aac_fixed fraps pgssub +aac_latm frwu pgx +aasc ftr phm +ac3 g2m photocd +ac3_fixed g723_1 pictor +acelp_kelvin g729 pixlet +adpcm_4xm gdv pjs +adpcm_adx gem png +adpcm_afc gif ppm +adpcm_agm gremlin_dpcm prores +adpcm_aica gsm prosumer +adpcm_argo gsm_ms psd +adpcm_ct h261 ptx +adpcm_dtk h263 qcelp +adpcm_ea h263_v4l2m2m qdm2 +adpcm_ea_maxis_xa h263i qdmc +adpcm_ea_r1 h263p qdraw +adpcm_ea_r2 h264 qoa +adpcm_ea_r3 h264_cuvid qoi +adpcm_ea_xas h264_v4l2m2m qpeg +adpcm_g722 hap qtrle +adpcm_g726 hca r10k +adpcm_g726le hcom r210 +adpcm_ima_acorn hdr ra_144 +adpcm_ima_alp hevc ra_288 +adpcm_ima_amv hevc_cuvid ralf +adpcm_ima_apc hevc_v4l2m2m rasc +adpcm_ima_apm hnm4_video rawvideo +adpcm_ima_cunning hq_hqa realtext +adpcm_ima_dat4 hqx rka +adpcm_ima_dk3 huffyuv rl2 +adpcm_ima_dk4 hymt roq +adpcm_ima_ea_eacs iac roq_dpcm +adpcm_ima_ea_sead idcin rpza +adpcm_ima_iss idf rscc +adpcm_ima_moflex iff_ilbm rtv1 +adpcm_ima_mtf ilbc rv10 +adpcm_ima_oki imc rv20 +adpcm_ima_qt imm4 rv30 +adpcm_ima_rad imm5 rv40 +adpcm_ima_smjpeg indeo2 s302m +adpcm_ima_ssi indeo3 sami +adpcm_ima_wav indeo4 sanm +adpcm_ima_ws indeo5 sbc +adpcm_ms interplay_acm scpr +adpcm_mtaf interplay_dpcm screenpresso +adpcm_psx interplay_video sdx2_dpcm +adpcm_sbpro_2 ipu sga +adpcm_sbpro_3 jacosub sgi +adpcm_sbpro_4 jpeg2000 sgirle +adpcm_swf jpegls sheervideo +adpcm_thp jv shorten +adpcm_thp_le kgv1 simbiosis_imx +adpcm_vima kmvc sipr +adpcm_xa lagarith siren +adpcm_xmd lead smackaud +adpcm_yamaha libopus smacker +adpcm_zork libvorbis smc +agm libvpx_vp8 smvjpeg +aic libvpx_vp9 snow +alac loco sol_dpcm +alias_pix lscr sonic +als m101 sp5x +amrnb mace3 speedhq +amrwb mace6 speex +amv magicyuv srgc +anm mdec srt +ansi media100 ssa +anull metasound stl +apac microdvd subrip +ape mimic subviewer +apng misc4 subviewer1 +aptx mjpeg sunrast +aptx_hd mjpeg_cuvid svq1 +arbc mjpegb svq3 +argo mlp tak +ass mmvideo targa +asv1 mobiclip targa_y216 +asv2 motionpixels tdsc +atrac1 movtext text +atrac3 mp1 theora +atrac3al mp1float thp +atrac3p mp2 tiertexseqvideo +atrac3pal mp2float tiff +atrac9 mp3 tmv +aura mp3adu truehd +aura2 mp3adufloat truemotion1 +av1 mp3float truemotion2 +av1_cuvid mp3on4 truemotion2rt +avrn mp3on4float truespeech +avrp mpc7 tscc +avs mpc8 tscc2 +avui mpeg1_cuvid tta +bethsoftvid mpeg1_v4l2m2m twinvq +bfi mpeg1video txd +bink mpeg2_cuvid ulti +binkaudio_dct mpeg2_v4l2m2m utvideo +binkaudio_rdft mpeg2video v210 +bintext mpeg4 v210x +bitpacked mpeg4_cuvid v308 +bmp mpeg4_v4l2m2m v408 +bmv_audio mpegvideo v410 +bmv_video mpl2 vb +bonk msa1 vble +brender_pix mscc vbn +c93 msmpeg4v1 vc1 +cavs msmpeg4v2 vc1_cuvid +cbd2_dpcm msmpeg4v3 vc1_v4l2m2m +ccaption msnsiren vc1image +cdgraphics msp2 vcr1 +cdtoons msrle vmdaudio +cdxl mss1 vmdvideo +cfhd mss2 vmix +cinepak msvideo1 vmnc +clearvideo mszh vnull +cljr mts2 vorbis +cllc mv30 vp3 +comfortnoise mvc1 vp4 +cook mvc2 vp5 +cpia mvdv vp6 +cri mvha vp6a +cscd mwsc vp6f +cyuv mxpeg vp7 +dca nellymoser vp8 +dds notchlc vp8_cuvid +derf_dpcm nuv vp8_v4l2m2m +dfa on2avc vp9 +dfpwm opus vp9_cuvid +dirac osq vp9_v4l2m2m +dnxhd paf_audio vplayer +dolby_e paf_video vqa +dpx pam vqc +dsd_lsbf pbm vvc +dsd_lsbf_planar pcm_alaw wady_dpcm +dsd_msbf pcm_bluray wavarc +dsd_msbf_planar pcm_dvd wavpack +dsicinaudio pcm_f16le wbmp +dsicinvideo pcm_f24le wcmv +dss_sp pcm_f32be webp +dst pcm_f32le webvtt +dvaudio pcm_f64be wmalossless +dvbsub pcm_f64le wmapro +dvdsub pcm_lxf wmav1 +dvvideo pcm_mulaw wmav2 +dxa pcm_s16be wmavoice +dxtory pcm_s16be_planar wmv1 +dxv pcm_s16le wmv2 +eac3 pcm_s16le_planar wmv3 +eacmv pcm_s24be wmv3image +eamad pcm_s24daud wnv1 +eatgq pcm_s24le wrapped_avframe +eatgv pcm_s24le_planar ws_snd1 +eatqi pcm_s32be xan_dpcm +eightbps pcm_s32le xan_wc3 +eightsvx_exp pcm_s32le_planar xan_wc4 +eightsvx_fib pcm_s64be xbin +escape124 pcm_s64le xbm +escape130 pcm_s8 xface +evrc pcm_s8_planar xl +exr pcm_sga xma1 +fastaudio pcm_u16be xma2 +ffv1 pcm_u16le xpm +ffvhuff pcm_u24be xsub +ffwavesynth pcm_u24le xwd +fic pcm_u32be y41p +fits pcm_u32le ylc +flac pcm_u8 yop +flashsv pcm_vidc yuv4 +flashsv2 pcx zero12v +flic pdv zerocodec +flv pfm zlib +fmvc pgm zmbv + +Enabled encoders: +a64multi hevc_v4l2m2m pgm +a64multi5 huffyuv pgmyuv +aac jpeg2000 phm +ac3 jpegls png +ac3_fixed libopus ppm +adpcm_adx libvorbis prores +adpcm_argo libvpx_vp8 prores_aw +adpcm_g722 libvpx_vp9 prores_ks +adpcm_g726 libwebp qoi +adpcm_g726le libwebp_anim qtrle +adpcm_ima_alp libx264 r10k +adpcm_ima_amv libx264rgb r210 +adpcm_ima_apm libx265 ra_144 +adpcm_ima_qt libxvid rawvideo +adpcm_ima_ssi ljpeg roq +adpcm_ima_wav magicyuv roq_dpcm +adpcm_ima_ws mjpeg rpza +adpcm_ms mlp rv10 +adpcm_swf movtext rv20 +adpcm_yamaha mp2 s302m +alac mp2fixed sbc +alias_pix mpeg1video sgi +amv mpeg2video smc +anull mpeg4 snow +apng mpeg4_v4l2m2m sonic +aptx msmpeg4v2 sonic_ls +aptx_hd msmpeg4v3 speedhq +ass msrle srt +asv1 msvideo1 ssa +asv2 nellymoser subrip +av1_nvenc opus sunrast +avrp pam svq1 +avui pbm targa +bitpacked pcm_alaw text +bmp pcm_bluray tiff +cfhd pcm_dvd truehd +cinepak pcm_f32be tta +cljr pcm_f32le ttml +comfortnoise pcm_f64be utvideo +dca pcm_f64le v210 +dfpwm pcm_mulaw v308 +dnxhd pcm_s16be v408 +dpx pcm_s16be_planar v410 +dvbsub pcm_s16le vbn +dvdsub pcm_s16le_planar vc2 +dvvideo pcm_s24be vnull +dxv pcm_s24daud vorbis +eac3 pcm_s24le vp8_v4l2m2m +exr pcm_s24le_planar wavpack +ffv1 pcm_s32be wbmp +ffvhuff pcm_s32le webvtt +fits pcm_s32le_planar wmav1 +flac pcm_s64be wmav2 +flashsv pcm_s64le wmv1 +flashsv2 pcm_s8 wmv2 +flv pcm_s8_planar wrapped_avframe +g723_1 pcm_u16be xbm +gif pcm_u16le xface +h261 pcm_u24be xsub +h263 pcm_u24le xwd +h263_v4l2m2m pcm_u32be y41p +h263p pcm_u32le yuv4 +h264_nvenc pcm_u8 zlib +h264_v4l2m2m pcm_vidc zmbv +hdr pcx +hevc_nvenc pfm + +Enabled hwaccels: +av1_nvdec mpeg1_nvdec vp8_nvdec +h264_nvdec mpeg2_nvdec vp9_nvdec +hevc_nvdec mpeg4_nvdec wmv3_nvdec +mjpeg_nvdec vc1_nvdec + +Enabled parsers: +aac dvdsub mpegaudio +aac_latm evc mpegvideo +ac3 flac opus +adx ftr png +amr g723_1 pnm +av1 g729 qoi +avs2 gif rv34 +avs3 gsm sbc +bmp h261 sipr +cavsvideo h263 tak +cook h264 vc1 +cri hdr vorbis +dca hevc vp3 +dirac ipu vp8 +dnxhd jpeg2000 vp9 +dolby_e jpegxl vvc +dpx misc4 webp +dvaudio mjpeg xbm +dvbsub mlp xma +dvd_nav mpeg4video xwd + +Enabled demuxers: +aa idf pcm_s16be +aac iff pcm_s16le +aax ifv pcm_s24be +ac3 ilbc pcm_s24le +ac4 image2 pcm_s32be +ace image2_alias_pix pcm_s32le +acm image2_brender_pix pcm_s8 +act image2pipe pcm_u16be +adf image_bmp_pipe pcm_u16le +adp image_cri_pipe pcm_u24be +ads image_dds_pipe pcm_u24le +adx image_dpx_pipe pcm_u32be +aea image_exr_pipe pcm_u32le +afc image_gem_pipe pcm_u8 +aiff image_gif_pipe pcm_vidc +aix image_hdr_pipe pdv +alp image_j2k_pipe pjs +amr image_jpeg_pipe pmp +amrnb image_jpegls_pipe pp_bnk +amrwb image_jpegxl_pipe pva +anm image_pam_pipe pvf +apac image_pbm_pipe qcp +apc image_pcx_pipe qoa +ape image_pfm_pipe r3d +apm image_pgm_pipe rawvideo +apng image_pgmyuv_pipe rcwt +aptx image_pgx_pipe realtext +aptx_hd image_phm_pipe redspark +aqtitle image_photocd_pipe rka +argo_asf image_pictor_pipe rl2 +argo_brp image_png_pipe rm +argo_cvg image_ppm_pipe roq +asf image_psd_pipe rpl +asf_o image_qdraw_pipe rsd +ass image_qoi_pipe rso +ast image_sgi_pipe rtp +au image_sunrast_pipe rtsp +av1 image_svg_pipe s337m +avi image_tiff_pipe sami +avr image_vbn_pipe sap +avs image_webp_pipe sbc +avs2 image_xbm_pipe sbg +avs3 image_xpm_pipe scc +bethsoftvid image_xwd_pipe scd +bfi ingenient sdns +bfstm ipmovie sdp +bink ipu sdr2 +binka ircam sds +bintext iss sdx +bit iv8 segafilm +bitpacked ivf ser +bmv ivr sga +boa jacosub shorten +bonk jpegxl_anim siff +brstm jv simbiosis_imx +c93 kux sln +caf kvag smacker +cavsvideo laf smjpeg +cdg lc3 smush +cdxl live_flv sol +cine lmlm4 sox +codec2 loas spdif +codec2raw lrc srt +concat luodat stl +data lvf str +daud lxf subviewer +dcstr m4v subviewer1 +derf matroska sup +dfa mca svag +dfpwm mcc svs +dhav mgsts swf +dirac microdvd tak +dnxhd mjpeg tedcaptions +dsf mjpeg_2000 thp +dsicin mlp threedostr +dss mlv tiertexseq +dts mm tmv +dtshd mmf truehd +dv mods tta +dvbsub moflex tty +dvbtxt mov txd +dxa mp3 ty +ea mpc usm +ea_cdata mpc8 v210 +eac3 mpegps v210x +epaf mpegts vag +evc mpegtsraw vc1 +ffmetadata mpegvideo vc1t +filmstrip mpjpeg vividas +fits mpl2 vivo +flac mpsub vmd +flic msf vobsub +flv msnwc_tcp voc +fourxm msp vpk +frm mtaf vplayer +fsb mtv vqf +fwse musx vvc +g722 mv w64 +g723_1 mvi wady +g726 mxf wav +g726le mxg wavarc +g729 nc wc3 +gdv nistsphere webm_dash_manifest +genh nsp webvtt +gif nsv wsaud +gsm nut wsd +gxf nuv wsvqa +h261 obu wtv +h263 ogg wv +h264 oma wve +hca osq xa +hcom paf xbin +hevc pcm_alaw xmd +hls pcm_f32be xmv +hnm pcm_f32le xvag +iamf pcm_f64be xwma +ico pcm_f64le yop +idcin pcm_mulaw yuv4mpegpipe + +Enabled muxers: +a64 h263 pcm_s16le +ac3 h264 pcm_s24be +ac4 hash pcm_s24le +adts hds pcm_s32be +adx hevc pcm_s32le +aea hls pcm_s8 +aiff iamf pcm_u16be +alp ico pcm_u16le +amr ilbc pcm_u24be +amv image2 pcm_u24le +apm image2pipe pcm_u32be +apng ipod pcm_u32le +aptx ircam pcm_u8 +aptx_hd ismv pcm_vidc +argo_asf ivf psp +argo_cvg jacosub rawvideo +asf kvag rcwt +asf_stream latm rm +ass lc3 roq +ast lrc rso +au m4v rtp +avi matroska rtp_mpegts +avif matroska_audio rtsp +avm2 md5 sap +avs2 microdvd sbc +avs3 mjpeg scc +bit mkvtimestamp_v2 segafilm +caf mlp segment +cavsvideo mmf smjpeg +codec2 mov smoothstreaming +codec2raw mp2 sox +crc mp3 spdif +dash mp4 spx +data mpeg1system srt +daud mpeg1vcd stream_segment +dfpwm mpeg1video streamhash +dirac mpeg2dvd sup +dnxhd mpeg2svcd swf +dts mpeg2video tee +dv mpeg2vob tg2 +eac3 mpegts tgp +evc mpjpeg truehd +f4v mxf tta +ffmetadata mxf_d10 ttml +fifo mxf_opatom uncodedframecrc +filmstrip null vc1 +fits nut vc1t +flac obu voc +flv oga vvc +framecrc ogg w64 +framehash ogv wav +framemd5 oma webm +g722 opus webm_chunk +g723_1 pcm_alaw webm_dash_manifest +g726 pcm_f32be webp +g726le pcm_f32le webvtt +gif pcm_f64be wsaud +gsm pcm_f64le wtv +gxf pcm_mulaw wv +h261 pcm_s16be yuv4mpegpipe + +Enabled protocols: +async gopher rtmp +cache hls rtmpt +concat http rtp +concatf httpproxy srtp +crypto icecast subfile +data md5 tcp +fd mmsh tee +ffrtmphttp mmst udp +file pipe udplite +ftp prompeg unix + +Enabled filters: +a3dscope corr oscilloscope +aap cover_rect overlay +abench crop owdenoise +abitscope cropdetect pad +acompressor crossfeed pal100bars +acontrast crystalizer pal75bars +acopy cue palettegen +acrossfade curves paletteuse +acrossover datascope pan +acrusher dblur perlin +acue dcshift perms +addroi dctdnoiz perspective +adeclick deband phase +adeclip deblock photosensitivity +adecorrelate decimate pixdesctest +adelay deconvolve pixelize +adenorm dedot pixscope +aderivative deesser pp +adrawgraph deflate pp7 +adrc deflicker premultiply +adynamicequalizer dejudder prewitt +adynamicsmooth delogo pseudocolor +aecho deshake psnr +aemphasis despill pullup +aeval detelecine qp +aevalsrc dialoguenhance random +aexciter dilation readeia608 +afade displace readvitc +afdelaysrc doubleweave realtime +afftdn drawbox remap +afftfilt drawgraph removegrain +afir drawgrid removelogo +afireqsrc drmeter repeatfields +afirsrc dynaudnorm replaygain +aformat earwax reverse +afreqshift ebur128 rgbashift +afwtdn edgedetect rgbtestsrc +agate elbg roberts +agraphmonitor entropy rotate +ahistogram epx sab +aiir eq scale +aintegral equalizer scale2ref +ainterleave erosion scdet +alatency estdif scharr +alimiter exposure scroll +allpass extractplanes segment +allrgb extrastereo select +allyuv fade selectivecolor +aloop feedback sendcmd +alphaextract fftdnoiz separatefields +alphamerge fftfilt setdar +amerge field setfield +ametadata fieldhint setparams +amix fieldmatch setpts +amovie fieldorder setrange +amplify fillborders setsar +amultiply find_rect settb +anequalizer firequalizer shear +anlmdn flanger showcqt +anlmf floodfill showcwt +anlms format showfreqs +anoisesrc fps showinfo +anull framepack showpalette +anullsink framerate showspatial +anullsrc framestep showspectrum +apad freezedetect showspectrumpic +aperms freezeframes showvolume +aphasemeter fspp showwaves +aphaser fsync showwavespic +aphaseshift gblur shuffleframes +apsnr geq shufflepixels +apsyclip gradfun shuffleplanes +apulsator gradients sidechaincompress +arealtime graphmonitor sidechaingate +aresample grayworld sidedata +areverse greyedge sierpinski +arls guided signalstats +arnndn haas signature +asdr haldclut silencedetect +asegment haldclutsrc silenceremove +aselect hdcd sinc +asendcmd headphone sine +asetnsamples hflip siti +asetpts highpass smartblur +asetrate highshelf smptebars +asettb hilbert smptehdbars +ashowinfo histeq sobel +asidedata histogram spectrumsynth +asisdr hqdn3d speechnorm +asoftclip hqx split +aspectralstats hstack spp +asplit hsvhold ssim +ass hsvkey ssim360 +astats hue stereo3d +astreamselect huesaturation stereotools +asubboost hwdownload stereowiden +asubcut hwmap streamselect +asupercut hwupload subtitles +asuperpass hwupload_cuda super2xsai +asuperstop hysteresis superequalizer +atadenoise identity surround +atempo idet swaprect +atilt il swapuv +atrim inflate tblend +avectorscope interlace telecine +avgblur interleave testsrc +avsynctest join testsrc2 +axcorrelate kerndeint thistogram +backgroundkey kirsch threshold +bandpass lagfun thumbnail +bandreject latency tile +bass lenscorrection tiltandshift +bbox life tiltshelf +bench limitdiff tinterlace +bilateral limiter tlut2 +biquad loop tmedian +bitplanenoise loudnorm tmidequalizer +blackdetect lowpass tmix +blackframe lowshelf tonemap +blend lumakey tpad +blockdetect lut transpose +blurdetect lut1d treble +bm3d lut2 tremolo +boxblur lut3d trim +bwdif lutrgb unpremultiply +cas lutyuv unsharp +ccrepack mandelbrot untile +cellauto maskedclamp uspp +channelmap maskedmax v360 +channelsplit maskedmerge vaguedenoiser +chorus maskedmin varblur +chromahold maskedthreshold vectorscope +chromakey maskfun vflip +chromanr mcdeint vfrdet +chromashift mcompand vibrance +ciescope median vibrato +codecview mergeplanes vif +color mestimate vignette +colorbalance metadata virtualbass +colorchannelmixer midequalizer vmafmotion +colorchart minterpolate volume +colorcontrast mix volumedetect +colorcorrect monochrome vstack +colorhold morpho w3fdif +colorize movie waveform +colorkey mpdecimate weave +colorlevels mptestsrc xbr +colormap msad xcorrelate +colormatrix multiply xfade +colorspace negate xmedian +colorspectrum nlmeans xpsnr +colortemperature nnedi xstack +compand noformat yadif +compensationdelay noise yaepblur +concat normalize yuvtestsrc +convolution null zoneplate +convolve nullsink zoompan +copy nullsrc + +Enabled bsfs: +aac_adtstoasc h264_mp4toannexb pcm_rechunk +av1_frame_merge h264_redundant_pps pgs_frame_merge +av1_frame_split hapqa_extract prores_metadata +av1_metadata hevc_metadata remove_extradata +chomp hevc_mp4toannexb setts +dca_core imx_dump_header showinfo +dovi_rpu media100_to_mjpegb text2movsub +dts2pts mjpeg2jpeg trace_headers +dump_extradata mjpega_dump_header truehd_core +dv_error_marker mov2textsub vp9_metadata +eac3_core mpeg2_metadata vp9_raw_reorder +evc_frame_merge mpeg4_unpack_bframes vp9_superframe +extract_extradata noise vp9_superframe_split +filter_units null vvc_metadata +h264_metadata opus_metadata vvc_mp4toannexb + +Enabled indevs: +fbdev lavfi v4l2 +kmsgrab oss xcbgrab + +Enabled outdevs: +fbdev oss v4l2 + +License: GPL version 2 or later diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/OpenCV--Details.txt b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/OpenCV--Details.txt new file mode 100644 index 0000000..a3b5f95 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/OpenCV--Details.txt @@ -0,0 +1,150 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +echo "===== Build Start time: " Thu Dec 19 03:52:58 AM EST 2024 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_pytorch_opencv:12.5.1_2.18.0_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . +echo "===== Build End time: " Thu Dec 19 03:52:58 AM EST 2024 + + +***** OpenCV configuration: +-- Confirming OpenCV Python is installed. Version: 4.10.0 + + +General configuration for OpenCV 4.10.0 ===================================== + Version control: unknown + + Extra modules: + Location (extra): /usr/local/src/opencv_contrib/modules + Version control (extra): unknown + + Platform: + Timestamp: 2024-12-19T10:40:32Z + Host: Linux 6.8.0-51-generic x86_64 + CMake: 3.31.2 + CMake generator: Ninja + CMake build tool: /usr/local/bin/ninja + Configuration: Release + + CPU/HW features: + Baseline: SSE SSE2 SSE3 + requested: SSE3 + Dispatched code generation: SSE4_1 SSE4_2 FP16 AVX AVX2 AVX512_SKX + requested: SSE4_1 SSE4_2 AVX FP16 AVX2 AVX512_SKX + SSE4_1 (16 files): + SSSE3 SSE4_1 + SSE4_2 (1 files): + SSSE3 SSE4_1 POPCNT SSE4_2 + FP16 (0 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 AVX + AVX (8 files): + SSSE3 SSE4_1 POPCNT SSE4_2 AVX + AVX2 (36 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2 + AVX512_SKX (5 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2 AVX_512F AVX512_COMMON AVX512_SKX + + C/C++: + Built as dynamic libs?: YES + C++ standard: 11 + C++ Compiler: /usr/bin/c++ (ver 13.3.0) + C++ flags (Release): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Wnon-virtual-dtor -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Wsuggest-override -Wno-delete-non-virtual-dtor -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -fopenmp -O3 -DNDEBUG -DNDEBUG + C++ flags (Debug): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Wnon-virtual-dtor -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Wsuggest-override -Wno-delete-non-virtual-dtor -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -fopenmp -g -O0 -DDEBUG -D_DEBUG + C Compiler: /usr/bin/cc + C flags (Release): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fopenmp -O3 -DNDEBUG -DNDEBUG + C flags (Debug): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fopenmp -g -O0 -DDEBUG -D_DEBUG + Linker flags (Release): -Wl,--exclude-libs,libippicv.a -Wl,--exclude-libs,libippiw.a -Wl,--gc-sections -Wl,--as-needed -Wl,--no-undefined + Linker flags (Debug): -Wl,--exclude-libs,libippicv.a -Wl,--exclude-libs,libippiw.a -Wl,--gc-sections -Wl,--as-needed -Wl,--no-undefined + ccache: NO + Precompiled headers: NO + Extra dependencies: m pthread cudart_static dl rt nppc nppial nppicc nppidei nppif nppig nppim nppist nppisu nppitc npps cublas cudnn cufft -L/usr/local/cuda/lib64 -L/usr/lib/x86_64-linux-gnu + 3rdparty dependencies: + + OpenCV modules: + To be built: alphamat aruco bgsegm bioinspired calib3d ccalib core cudaarithm cudabgsegm cudacodec cudafeatures2d cudafilters cudaimgproc cudalegacy cudaobjdetect cudaoptflow cudastereo cudawarping cudev datasets dnn dnn_objdetect dnn_superres dpm face features2d flann freetype fuzzy gapi hdf hfs highgui img_hash imgcodecs imgproc intensity_transform line_descriptor mcc ml objdetect optflow phase_unwrapping photo plot python3 quality rapid reg rgbd saliency sfm shape signal stereo stitching structured_light superres surface_matching text tracking video videoio videostab wechat_qrcode xfeatures2d ximgproc xobjdetect xphoto + Disabled: world + Disabled by dependency: - + Unavailable: cannops cvv java julia matlab ovis python2 ts viz + Applications: apps + Documentation: NO + Non-free algorithms: NO + + GUI: GTK3 + GTK+: YES (ver 3.24.41) + GThread : YES (ver 2.80.0) + GtkGlExt: NO + VTK support: NO + + Media I/O: + ZLib: /usr/lib/x86_64-linux-gnu/libz.so (ver 1.3) + JPEG: /usr/lib/x86_64-linux-gnu/libjpeg.so (ver 80) + WEBP: /usr/lib/x86_64-linux-gnu/libwebp.so (ver encoder: 0x020f) + PNG: /usr/lib/x86_64-linux-gnu/libpng.so (ver 1.6.43) + TIFF: /usr/lib/x86_64-linux-gnu/libtiff.so (ver 42 / 4.5.1) + JPEG 2000: OpenJPEG (ver 2.5.0) + OpenEXR: build (ver 2.3.0) + GDAL: NO + HDR: YES + SUNRASTER: YES + PXM: YES + PFM: YES + + Video I/O: + DC1394: YES (2.2.6) + FFMPEG: YES + avcodec: YES (61.19.100) + avformat: YES (61.7.100) + avutil: YES (59.39.100) + swscale: YES (8.3.100) + avresample: NO + GStreamer: YES (1.24.2) + v4l/v4l2: YES (linux/videodev2.h) + Xine: YES (ver 1.2.13) + + Parallel framework: TBB (ver 2022.0 interface 12140) + + Trace: YES (with Intel ITT) + + Other third-party libraries: + Intel IPP: 2021.11.0 [2021.11.0] + at: /usr/local/src/opencv/build/3rdparty/ippicv/ippicv_lnx/icv + Intel IPP IW: sources (2021.11.0) + at: /usr/local/src/opencv/build/3rdparty/ippicv/ippicv_lnx/iw + VA: NO + Lapack: YES (/usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a /usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a /usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a -lpthread -lm -ldl) + Eigen: YES (ver 3.4.0) + Custom HAL: NO + Protobuf: build (3.19.1) + Flatbuffers: builtin/3rdparty (23.5.9) + + NVIDIA CUDA: YES (ver 12.5, CUFFT CUBLAS FAST_MATH) + NVIDIA GPU arch: 60 61 70 75 80 86 89 90 + NVIDIA PTX archs: 60 61 70 75 80 86 89 90 + + cuDNN: YES (ver 9.3.0) + + OpenCL: YES (no extra features) + Include path: /usr/local/src/opencv/3rdparty/include/opencl/1.2 + Link libraries: Dynamic load + + Python 3: + Interpreter: /usr/bin/python3 (ver 3.12.3) + Libraries: /usr/lib/x86_64-linux-gnu/libpython3.12.so (ver 3.12.3) + Limited API: NO + numpy: /usr/local/lib/python3.12/dist-packages/numpy/_core/include (ver 2.0.2) + install path: /usr/lib/python3/dist-packages/cv2/python-3.12 + + Python (for build): /usr/bin/python3 + + Java: + ant: NO + Java: NO + JNI: NO + Java wrappers: NO + Java tests: NO + + Install to: /usr +----------------------------------------------------------------- + + + +cuDNN_FOUND: 9.3.0 diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/PyTorch--Details.txt b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/PyTorch--Details.txt new file mode 100644 index 0000000..260efeb --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/PyTorch--Details.txt @@ -0,0 +1,437 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +echo "===== Build Start time: " Thu Dec 19 03:52:58 AM EST 2024 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_pytorch_opencv:12.5.1_2.18.0_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . +echo "===== Build End time: " Thu Dec 19 03:52:58 AM EST 2024 + + +***** PyTorch configuration: +-- The CXX compiler identification is GNU 13.3.0 +-- The C compiler identification is GNU 13.3.0 +-- Detecting CXX compiler ABI info +-- Detecting CXX compiler ABI info - done +-- Check for working CXX compiler: /usr/bin/c++ - skipped +-- Detecting CXX compile features +-- Detecting CXX compile features - done +-- Detecting C compiler ABI info +-- Detecting C compiler ABI info - done +-- Check for working C compiler: /usr/bin/cc - skipped +-- Detecting C compile features +-- Detecting C compile features - done +-- /usr/bin/c++ /usr/local/src/pytorch/torch/abi-check.cpp -o /usr/local/src/pytorch/build/abi-check +-- Determined _GLIBCXX_USE_CXX11_ABI=1 +-- Not forcing any particular BLAS to be found +-- Could not find ccache. Consider installing ccache to speed up compilation. +-- Performing Test C_HAS_AVX_1 +-- Performing Test C_HAS_AVX_1 - Failed +-- Performing Test C_HAS_AVX_2 +-- Performing Test C_HAS_AVX_2 - Success +-- Performing Test C_HAS_AVX2_1 +-- Performing Test C_HAS_AVX2_1 - Failed +-- Performing Test C_HAS_AVX2_2 +-- Performing Test C_HAS_AVX2_2 - Success +-- Performing Test C_HAS_AVX512_1 +-- Performing Test C_HAS_AVX512_1 - Failed +-- Performing Test C_HAS_AVX512_2 +-- Performing Test C_HAS_AVX512_2 - Success +-- Performing Test CXX_HAS_AVX_1 +-- Performing Test CXX_HAS_AVX_1 - Failed +-- Performing Test CXX_HAS_AVX_2 +-- Performing Test CXX_HAS_AVX_2 - Success +-- Performing Test CXX_HAS_AVX2_1 +-- Performing Test CXX_HAS_AVX2_1 - Failed +-- Performing Test CXX_HAS_AVX2_2 +-- Performing Test CXX_HAS_AVX2_2 - Success +-- Performing Test CXX_HAS_AVX512_1 +-- Performing Test CXX_HAS_AVX512_1 - Failed +-- Performing Test CXX_HAS_AVX512_2 +-- Performing Test CXX_HAS_AVX512_2 - Success +-- Current compiler supports avx2 extension. Will build perfkernels. +-- Performing Test CAFFE2_COMPILER_SUPPORTS_AVX512_EXTENSIONS +-- Performing Test CAFFE2_COMPILER_SUPPORTS_AVX512_EXTENSIONS - Success +-- Current compiler supports avx512f extension. Will build fbgemm. +-- Performing Test COMPILER_SUPPORTS_HIDDEN_VISIBILITY +-- Performing Test COMPILER_SUPPORTS_HIDDEN_VISIBILITY - Success +-- Performing Test COMPILER_SUPPORTS_HIDDEN_INLINE_VISIBILITY +-- Performing Test COMPILER_SUPPORTS_HIDDEN_INLINE_VISIBILITY - Success +-- Performing Test COMPILER_SUPPORTS_RDYNAMIC +-- Performing Test COMPILER_SUPPORTS_RDYNAMIC - Success +-- Found CUDA: /usr/local/nvidia (found version "12.5") +-- The CUDA compiler identification is NVIDIA 12.5.82 with host compiler GNU 13.3.0 +-- Detecting CUDA compiler ABI info +-- Detecting CUDA compiler ABI info - done +-- Check for working CUDA compiler: /usr/local/nvidia/bin/nvcc - skipped +-- Detecting CUDA compile features +-- Detecting CUDA compile features - done +-- Found CUDAToolkit: /usr/local/nvidia/include (found version "12.5.82") +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD - Success +-- Found Threads: TRUE +-- Caffe2: CUDA detected: 12.5 +-- Caffe2: CUDA nvcc is: /usr/local/nvidia/bin/nvcc +-- Caffe2: CUDA toolkit directory: /usr/local/nvidia +-- Caffe2: Header version is: 12.5 +-- Found Python: /usr/bin/python3 (found version "3.12.3") found components: Interpreter +-- Found nvtx3: /usr/local/src/pytorch/third_party/NVTX/c/include +-- Found CUDNN: /usr/lib/x86_64-linux-gnu/libcudnn.so +-- Could NOT find CUSPARSELT (missing: CUSPARSELT_LIBRARY_PATH CUSPARSELT_INCLUDE_PATH) +-- Could NOT find CUDSS (missing: CUDSS_LIBRARY_PATH CUDSS_INCLUDE_PATH) +-- USE_CUFILE is set to 0. Compiling without cuFile support +-- Added CUDA NVCC flags for: -gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_80,code=sm_80;-gencode;arch=compute_86,code=sm_86;-gencode;arch=compute_89,code=sm_89;-gencode;arch=compute_90,code=sm_90;-gencode;arch=compute_90,code=compute_90 +-- Building using own protobuf under third_party per request. +-- Use custom protobuf build. +-- +-- 3.13.0.0 +-- Performing Test protobuf_HAVE_BUILTIN_ATOMICS +-- Performing Test protobuf_HAVE_BUILTIN_ATOMICS - Success +-- Caffe2 protobuf include directory: $$ +-- Trying to find preferred BLAS backend of choice: MKL +-- MKL_THREADING = OMP +-- Looking for sys/types.h +-- Looking for sys/types.h - found +-- Looking for stdint.h +-- Looking for stdint.h - found +-- Looking for stddef.h +-- Looking for stddef.h - found +-- Check size of void* +-- Check size of void* - done +-- MKL_THREADING = OMP +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- Looking for cblas_sgemm +-- Looking for cblas_sgemm - found +-- Looking for cblas_gemm_bf16bf16f32 +-- Looking for cblas_gemm_bf16bf16f32 - found +-- Looking for cblas_gemm_f16f16f32 +-- Looking for cblas_gemm_f16f16f32 - found +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- MKL libraries: /usr/local/lib/libmkl_intel_lp64.a;/usr/local/lib/libmkl_gnu_thread.a;/usr/local/lib/libmkl_core.a;-fopenmp;/usr/lib/x86_64-linux-gnu/libpthread.a;/usr/lib/x86_64-linux-gnu/libm.so;/usr/lib/x86_64-linux-gnu/libdl.a +-- MKL include directory: /usr/local/include +-- MKL OpenMP type: GNU +-- MKL OpenMP library: -fopenmp +-- The ASM compiler identification is GNU +-- Found assembler: /usr/bin/cc +-- Brace yourself, we are building NNPACK +-- Performing Test NNPACK_ARCH_IS_X86_32 +-- Performing Test NNPACK_ARCH_IS_X86_32 - Failed +-- Found PythonInterp: /usr/local/bin/python (found version "3.12.3") +-- NNPACK backend is x86-64 +-- Downloading six (Python package) to /usr/local/src/pytorch/build/confu-srcs/six (define PYTHON_SIX_SOURCE_DIR to avoid it) + + +***** TorchVision configuration: +Torchvision build configuration: +FORCE_CUDA = True +FORCE_MPS = False +DEBUG = False +USE_PNG = True +USE_JPEG = True +USE_WEBP = True +USE_HEIC = False +USE_AVIF = False +USE_NVJPEG = True +NVCC_FLAGS = None +USE_CPU_VIDEO_DECODER = True +USE_GPU_VIDEO_DECODER = True +TORCHVISION_INCLUDE = [] +TORCHVISION_LIBRARY = [] +IS_ROCM = False +BUILD_CUDA_SOURCES = True +Building wheel torchvision-0.20.0 +Building _C extension +Building image extension +Building torchvision with PNG support +png_include_dir = '/usr/include/libpng16' +png_library_dir = 'libpng-config: --libdir option is disabled in Debian/Ubuntu' +Searching for jpeglib.h. Didn't find in TORCHVISION_INCLUDE. +Searching for jpeglib.h. Didn't find in BUILD_PREFIX. +Searching for jpeglib.h. Didn't find in CONDA_PREFIX. +Searching for jpeglib.h. Found in /usr/include. +Building torchvision with JPEG support +jpeg_include_dir = None +jpeg_library_dir = None +Searching for webp/decode.h. Didn't find in TORCHVISION_INCLUDE. +Searching for webp/decode.h. Didn't find in BUILD_PREFIX. +Searching for webp/decode.h. Didn't find in CONDA_PREFIX. +Searching for webp/decode.h. Found in /usr/include. +Building torchvision with WEBP support +webp_include_dir = None +webp_library_dir = None +Building torchvision with NVJPEG image support +Building video decoder extensions +Found ffmpeg: + ffmpeg include path: ['/usr/local/include', '/usr/local/include/x86_64-linux-gnu'] + ffmpeg library_dir: ['/usr/local/lib', '/usr/local/lib/x86_64-linux-gnu'] +Building with CPU video decoder support +Could not find necessary dependencies. Refer the setup.py to check which ones are needed. +Building without GPU video decoder support + + +***** TorchAudio configuration: +-- Git branch: HEAD +-- Git SHA: 56bc006d56a0d4960de6a1e0b6340cba4eda05cd +-- Git tag: v2.5.0 +-- PyTorch dependency: torch +-- Building version 2.5.0 +running bdist_wheel +running build +running build_py +creating build +creating build/lib.linux-x86_64-cpython-312 +creating build/lib.linux-x86_64-cpython-312/torio +copying src/torio/__init__.py -> build/lib.linux-x86_64-cpython-312/torio +creating build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/version.py -> build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/kaldi_io.py -> build/lib.linux-x86_64-cpython-312/torchaudio +creating build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/_streaming_media_decoder.py -> build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/_streaming_media_encoder.py -> build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/io +creating build/lib.linux-x86_64-cpython-312/torio/_extension +copying src/torio/_extension/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/_extension +copying src/torio/_extension/utils.py -> build/lib.linux-x86_64-cpython-312/torio/_extension +creating build/lib.linux-x86_64-cpython-312/torio/utils +copying src/torio/utils/ffmpeg_utils.py -> build/lib.linux-x86_64-cpython-312/torio/utils +copying src/torio/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/utils +creating build/lib.linux-x86_64-cpython-312/torio/lib +copying src/torio/lib/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/lib +creating build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/sox_io_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/_sox_io_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/_no_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/common.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/no_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/soundfile_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +creating build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/filtering.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/functional.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/_alignment.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +creating build/lib.linux-x86_64-cpython-312/torchaudio/compliance +copying src/torchaudio/compliance/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/compliance +copying src/torchaudio/compliance/kaldi.py -> build/lib.linux-x86_64-cpython-312/torchaudio/compliance +creating build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/speechcommands.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/musdb_hq.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/snips.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/fluentcommands.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librispeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librilight_limited.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/ljspeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/libritts.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/dr_vctk.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/tedlium.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/iemocap.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/vctk.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/yesno.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librispeech_biasing.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librimix.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/cmudict.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/voxceleb1.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/commonvoice.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/gtzan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/quesst14.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/cmuarctic.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +creating build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/sox.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/ffmpeg.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/soundfile.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/common.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/soundfile_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype +copying src/torchaudio/prototype/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype +creating build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +copying src/torchaudio/sox_effects/sox_effects.py -> build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +copying src/torchaudio/sox_effects/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +creating build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/_effector.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/_playback.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +creating build/lib.linux-x86_64-cpython-312/torchaudio/_internal +copying src/torchaudio/_internal/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_internal +copying src/torchaudio/_internal/module_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_internal +creating build/lib.linux-x86_64-cpython-312/torchaudio/_extension +copying src/torchaudio/_extension/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_extension +copying src/torchaudio/_extension/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_extension +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/_squim_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/rnnt_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/_source_separation_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +creating build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/_transforms.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/_multi_channel.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +creating build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/download.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/sox_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/ffmpeg_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +creating build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/conformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/conv_tasnet.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/_hdemucs.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/tacotron2.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/emformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/wavernn.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/deepspeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/rnnt_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/rnnt.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/wav2letter.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +creating build/lib.linux-x86_64-cpython-312/torchaudio/lib +copying src/torchaudio/lib/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/lib +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/_dsp.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/_rir.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/functional.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +copying src/torchaudio/prototype/datasets/musan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +copying src/torchaudio/prototype/datasets/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/hifigan_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/rnnt_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +copying src/torchaudio/prototype/transforms/_transforms.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +copying src/torchaudio/prototype/transforms/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/_emformer_hubert.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/conv_emformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/_conformer_wav2vec2.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/rnnt_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/hifi_gan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/rnnt.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/_vggish_impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/_vggish_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/interface.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/aligner.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/subjective.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/objective.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/components.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/wavlm_attention.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/model.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/_cuda_ctc_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/_ctc_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/import_fairseq.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/import_huggingface.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +running build_ext +-- The C compiler identification is GNU 13.3.0 +-- The CXX compiler identification is GNU 13.3.0 +-- Detecting C compiler ABI info +-- Detecting C compiler ABI info - done +-- Check for working C compiler: /usr/bin/cc - skipped +-- Detecting C compile features +-- Detecting C compile features - done +-- Detecting CXX compiler ABI info +-- Detecting CXX compiler ABI info - done +-- Check for working CXX compiler: /usr/bin/c++ - skipped +-- Detecting CXX compile features +-- Detecting CXX compile features - done +-- The CUDA compiler identification is NVIDIA 12.5.82 with host compiler GNU 13.3.0 +-- Detecting CUDA compiler ABI info +-- Detecting CUDA compiler ABI info - done +-- Check for working CUDA compiler: /usr/local/nvidia/bin/nvcc - skipped +-- Detecting CUDA compile features +-- Detecting CUDA compile features - done +-- Found CUDA: /usr/local/nvidia (found version "12.5") +-- Found CUDAToolkit: /usr/local/nvidia/include (found version "12.5.82") +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD - Success +-- Found Threads: TRUE +-- Caffe2: CUDA detected: 12.5 +-- Caffe2: CUDA nvcc is: /usr/local/nvidia/bin/nvcc +-- Caffe2: CUDA toolkit directory: /usr/local/nvidia +-- Caffe2: Header version is: 12.5 +-- Found Python: /usr/local/bin/python (found version "3.12.3") found components: Interpreter +-- Could NOT find nvtx3 (missing: nvtx3_dir) +-- USE_CUDNN is set to 0. Compiling without cuDNN support +-- USE_CUSPARSELT is set to 0. Compiling without cuSPARSELt support +-- USE_CUDSS is set to 0. Compiling without cuDSS support +-- USE_CUFILE is set to 0. Compiling without cuFile support +-- Added CUDA NVCC flags for: -gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_80,code=sm_80;-gencode;arch=compute_86,code=sm_86;-gencode;arch=compute_89,code=sm_89;-gencode;arch=compute_90,code=sm_90;-gencode;arch=compute_90,code=compute_90 +-- Found Torch: /usr/local/lib/python3.12/dist-packages/torch/lib/libtorch.so +-- Found OpenMP_C: -fopenmp (found version "4.5") +-- Found OpenMP_CXX: -fopenmp (found version "4.5") +-- Found OpenMP_CUDA: -fopenmp (found version "4.5") +-- Found OpenMP: TRUE (found version "4.5") +-- Could not find ccache. Consider installing ccache to speed up compilation. +-- Building FFmpeg integration with multi version support + + +***** TorchData configuration: +Processing /usr/local/src/data + Installing build dependencies: started + Installing build dependencies: still running... + Installing build dependencies: finished with status 'done' + Getting requirements to build wheel: started + Getting requirements to build wheel: finished with status 'done' + Preparing metadata (pyproject.toml): started + Preparing metadata (pyproject.toml): finished with status 'done' +Requirement already satisfied: urllib3>=1.25 in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.2.3) +Requirement already satisfied: requests in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.32.3) +Requirement already satisfied: torch>=2 in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.5.1) +Requirement already satisfied: filelock in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.16.1) +Requirement already satisfied: typing-extensions>=4.8.0 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (4.12.2) +Requirement already satisfied: networkx in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.4.2) +Requirement already satisfied: jinja2 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.1.4) +Requirement already satisfied: fsspec in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (2024.10.0) +Requirement already satisfied: setuptools in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (72.1.0) +Requirement already satisfied: sympy==1.13.1 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (1.13.1) +Requirement already satisfied: mpmath<1.4,>=1.1.0 in /usr/local/lib/python3.12/dist-packages (from sympy==1.13.1->torch>=2->torchdata==0.9.0) (1.3.0) +Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (3.4.0) +Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (3.10) +Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (2024.12.14) +Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.12/dist-packages (from jinja2->torch>=2->torchdata==0.9.0) (3.0.2) +Building wheels for collected packages: torchdata + Building wheel for torchdata (pyproject.toml): started + Building wheel for torchdata (pyproject.toml): finished with status 'done' + Created wheel for torchdata: filename=torchdata-0.9.0-py3-none-any.whl size=211160 sha256=ce2c7c54920fec127fbbf579782e3dde2ddd20d5f8361877c78ecee0b4d9cde1 + Stored in directory: /tmp/pip-ephem-wheel-cache-4qummuur/wheels/25/b8/b8/ff61539c4e41d2a205fcfcd350155d070c90a2a7b40f7dadfe +Successfully built torchdata +Installing collected packages: torchdata +Successfully installed torchdata-0.9.0 + + + + ##### PyTorch: Version and Device check ##### + + +*** PyTorch version : 2.5.1 + *** PyTorch Audio : 2.5.0 + *** PyTorch Vision : 0.20.0 + *** PyTorch Data : 0.9.0 diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/System--Details.txt b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/System--Details.txt new file mode 100644 index 0000000..442d99a --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/System--Details.txt @@ -0,0 +1,1397 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +echo "===== Build Start time: " Thu Dec 19 03:52:58 AM EST 2024 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_pytorch_opencv:12.5.1_2.18.0_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . +echo "===== Build End time: " Thu Dec 19 03:52:58 AM EST 2024 + + +***** Python configuration: +Python location: /usr/bin/python3 +Python version: Python 3.12.3 + +[pip list] +Package Version +------------------------- -------------- +absl-py 2.1.0 +anyio 4.7.0 +argon2-cffi 23.1.0 +argon2-cffi-bindings 21.2.0 +arrow 1.3.0 +asttokens 3.0.0 +astunparse 1.6.3 +async-lru 2.0.4 +attrs 24.3.0 +babel 2.16.0 +beautifulsoup4 4.12.3 +bleach 6.2.0 +blinker 1.7.0 +certifi 2024.12.14 +cffi 1.17.1 +charset-normalizer 3.4.0 +cmake 3.31.2 +comm 0.2.2 +contourpy 1.3.1 +cryptography 41.0.7 +cycler 0.12.1 +dbus-python 1.3.2 +debugpy 1.8.11 +decorator 5.1.1 +defusedxml 0.7.1 +distro 1.9.0 +distro-info 1.7+build1 +executing 2.1.0 +expecttest 0.3.0 +fastjsonschema 2.21.1 +filelock 3.16.1 +flatbuffers 24.3.25 +fonttools 4.55.3 +fqdn 1.5.1 +fsspec 2024.10.0 +future 1.0.0 +gast 0.6.0 +google-pasta 0.2.0 +grpcio 1.68.1 +h11 0.14.0 +h5py 3.12.1 +httpcore 1.0.7 +httplib2 0.20.4 +httpx 0.28.1 +hypothesis 6.122.4 +idna 3.10 +imageio 2.36.1 +imageio-ffmpeg 0.5.1 +intel-cmplr-lib-ur 2025.0.4 +intel-openmp 2025.0.4 +ipykernel 6.29.5 +ipython 8.30.0 +isoduration 20.11.0 +jedi 0.19.2 +Jinja2 3.1.4 +joblib 1.4.2 +json5 0.10.0 +jsonpointer 3.0.0 +jsonschema 4.23.0 +jsonschema-specifications 2024.10.1 +jupyter_client 8.6.3 +jupyter_core 5.7.2 +jupyter-events 0.11.0 +jupyter-lsp 2.2.5 +jupyter_server 2.14.2 +jupyter_server_terminals 0.5.3 +jupyterlab 4.3.4 +jupyterlab_pygments 0.3.0 +jupyterlab_server 2.27.3 +keras 3.7.0 +Keras-Preprocessing 1.1.2 +kiwisolver 1.4.7 +launchpadlib 1.11.0 +lazr.restfulclient 0.14.6 +lazr.uri 1.0.6 +lazy_loader 0.4 +libclang 18.1.1 +lintrunner 0.12.7 +lxml 5.3.0 +Markdown 3.7 +markdown-it-py 3.0.0 +MarkupSafe 3.0.2 +matplotlib 3.10.0 +matplotlib-inline 0.1.7 +mdurl 0.1.2 +mistune 3.0.2 +mkl 2025.0.1 +mkl-include 2025.0.1 +mkl-static 2025.0.1 +ml-dtypes 0.4.1 +mock 5.1.0 +moviepy 2.1.1 +mpmath 1.3.0 +namex 0.0.8 +nbclient 0.10.2 +nbconvert 7.16.4 +nbformat 5.10.4 +nest-asyncio 1.6.0 +networkx 3.4.2 +ninja 1.11.1.3 +notebook_shim 0.2.4 +numpy 2.0.2 +oauthlib 3.2.2 +opt_einsum 3.4.0 +optree 0.13.1 +overrides 7.7.0 +packaging 24.2 +pandas 2.2.3 +pandocfilters 1.5.1 +parso 0.8.4 +pexpect 4.9.0 +pillow 10.4.0 +pip 24.3.1 +platformdirs 4.3.6 +proglog 0.1.10 +prometheus_client 0.21.1 +prompt_toolkit 3.0.48 +protobuf 5.29.2 +psutil 6.1.0 +ptyprocess 0.7.0 +pure_eval 0.2.3 +pycparser 2.22 +Pygments 2.17.2 +PyGObject 3.48.2 +PyJWT 2.7.0 +pyparsing 3.2.0 +python-apt 2.7.7+ubuntu3 +python-dateutil 2.9.0.post0 +python-dotenv 1.0.1 +python-json-logger 3.2.1 +pytz 2024.2 +PyYAML 6.0.2 +pyzmq 26.2.0 +referencing 0.35.1 +requests 2.32.3 +rfc3339-validator 0.1.4 +rfc3986-validator 0.1.1 +rich 13.9.4 +rpds-py 0.22.3 +scikit-image 0.25.0 +scikit-learn 1.6.0 +scipy 1.14.1 +Send2Trash 1.8.3 +setuptools 72.1.0 +six 1.17.0 +sniffio 1.3.1 +sortedcontainers 2.4.0 +soupsieve 2.6 +stack-data 0.6.3 +sympy 1.13.1 +tbb 2022.0.0 +tbb-devel 2022.0.0 +tcmlib 1.2.0 +tensorboard 2.18.0 +tensorboard-data-server 0.7.2 +tensorflow 2.18.0 +termcolor 2.5.0 +terminado 0.18.1 +threadpoolctl 3.5.0 +tifffile 2024.12.12 +tinycss2 1.4.0 +torch 2.5.1 +torchaudio 2.5.0 +torchdata 0.9.0 +torchvision 0.20.0 +tornado 6.4.2 +tqdm 4.67.1 +traitlets 5.14.3 +types-dataclasses 0.6.6 +types-python-dateutil 2.9.0.20241206 +typing 3.7.4.3 +typing_extensions 4.12.2 +tzdata 2024.2 +umf 0.9.1 +unattended-upgrades 0.1 +uri-template 1.3.0 +urllib3 2.2.3 +wadllib 1.3.6 +wcwidth 0.2.13 +webcolors 24.11.1 +webencodings 0.5.1 +websocket-client 1.8.0 +Werkzeug 3.1.3 +wheel 0.45.1 +wrapt 1.17.0 + +[apt list] +Listing... +adduser/noble,now 3.137ubuntu1 all [installed,automatic] +adwaita-icon-theme/noble,now 46.0-1 all [installed,automatic] +alsa-topology-conf/noble,now 1.2.5.1-2 all [installed,automatic] +alsa-ucm-conf/noble-updates,now 1.2.10-1ubuntu5.3 all [installed,automatic] +apache2-bin/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +apache2-data/noble-updates,now 2.4.58-1ubuntu8.5 all [installed,automatic] +apache2-utils/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +apache2/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +appstream/noble,now 1.0.2-1build6 amd64 [installed,automatic] +apt-utils/noble,now 2.7.14build2 amd64 [installed] +apt/noble,now 2.7.14build2 amd64 [installed] +at-spi2-common/noble,now 2.52.0-1build1 all [installed,automatic] +at-spi2-core/noble,now 2.52.0-1build1 amd64 [installed,automatic] +autoconf/noble,now 2.71-3 all [installed,automatic] +automake/noble,now 1:1.16.5-1.3ubuntu1 all [installed,automatic] +autopoint/noble,now 0.21-14ubuntu2 all [installed,automatic] +autotools-dev/noble,now 20220109.1 all [installed,automatic] +base-files/noble,now 13ubuntu10 amd64 [installed,upgradable to: 13ubuntu10.1] +base-passwd/noble,now 3.6.3build1 amd64 [installed] +bash/noble,now 5.2.21-2ubuntu4 amd64 [installed] +binutils-common/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +binutils-x86-64-linux-gnu/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +binutils/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +bsdextrautils/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +bsdutils/noble-updates,now 1:2.39.3-9ubuntu6.1 amd64 [installed] +build-essential/noble,now 12.10ubuntu1 amd64 [installed] +bzip2-doc/noble-updates,now 1.0.8-5.1build0.1 all [installed,automatic] +bzip2/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed,automatic] +ca-certificates/noble,now 20240203 all [installed] +checkinstall/noble,now 1.6.2+git20170426.d24a630-4 amd64 [installed] +clang-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +clangd-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +cmake-data/noble,now 3.28.3-1build7 all [installed,automatic] +cmake/noble,now 3.28.3-1build7 amd64 [installed] +comerr-dev/noble-updates,now 2.1-1.47.0-2.4~exp1ubuntu4.1 amd64 [installed,automatic] +coreutils/noble,now 9.4-3ubuntu6 amd64 [installed] +cpp-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +cpp-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +cpp-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +cpp/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +cppzmq-dev/noble,now 4.10.0-1build1 amd64 [installed,automatic] +cuda-cccl-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-command-line-tools-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-compat-12-5/unknown,now 555.42.06-1 amd64 [installed] +cuda-compiler-12-5/unknown,now 12.5.1-1 amd64 [installed,automatic] +cuda-crt-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-cudart-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-cudart-dev-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-cuobjdump-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-cupti-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-cupti-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-cuxxfilt-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-driver-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-gdb-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-libraries-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-libraries-dev-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-minimal-build-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-nsight-compute-12-5/unknown,now 12.5.1-1 amd64 [installed] +cuda-nvcc-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvdisasm-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-nvml-dev-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-nvprof-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-nvprune-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvrtc-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvrtc-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-nvtx-12-5/unknown,now 12.5.82-1 amd64 [installed] +cuda-nvvm-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +cuda-opencl-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-opencl-dev-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-profiler-api-12-5/unknown,now 12.5.39-1 amd64 [installed,automatic] +cuda-sanitizer-12-5/unknown,now 12.5.81-1 amd64 [installed,automatic] +cuda-toolkit-12-5-config-common/unknown,now 12.5.82-1 all [installed,automatic] +cuda-toolkit-12-config-common/unknown,now 12.5.82-1 all [installed,upgradable to: 12.6.77-1] +cuda-toolkit-config-common/unknown,now 12.5.82-1 all [installed,upgradable to: 12.6.77-1] +curl/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed] +dash/noble,now 0.5.12-6ubuntu5 amd64 [installed] +dbus-bin/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus-daemon/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus-session-bus-common/noble-updates,now 1.14.10-4ubuntu4.1 all [installed,automatic] +dbus-system-bus-common/noble-updates,now 1.14.10-4ubuntu4.1 all [installed,automatic] +dbus-user-session/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dconf-gsettings-backend/noble,now 0.40.0-4build2 amd64 [installed,automatic] +dconf-service/noble,now 0.40.0-4build2 amd64 [installed,automatic] +debconf/noble,now 1.5.86ubuntu1 all [installed] +debhelper/noble,now 13.14.1ubuntu5 all [installed,automatic] +debianutils/noble,now 5.17build1 amd64 [installed] +debugedit/noble,now 1:5.0-5build2 amd64 [installed,automatic] +dh-autoreconf/noble,now 20 all [installed,automatic] +dh-strip-nondeterminism/noble,now 1.13.1-1 all [installed,automatic] +diffutils/noble,now 1:3.10-1build1 amd64 [installed] +dirmngr/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +distro-info-data/noble-updates,now 0.60ubuntu0.2 all [installed,automatic] +dmsetup/noble-updates,now 2:1.02.185-3ubuntu3.1 amd64 [installed,automatic] +doxygen/noble,now 1.9.8+ds-2build5 amd64 [installed] +dpkg-dev/noble,now 1.22.6ubuntu6 all [installed,upgradable to: 1.22.6ubuntu6.1] +dpkg/noble,now 1.22.6ubuntu6 amd64 [installed,upgradable to: 1.22.6ubuntu6.1] +dwz/noble,now 0.15-1build6 amd64 [installed,automatic] +e2fsprogs/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +file/noble,now 1:5.45-3build1 amd64 [installed] +findutils/noble,now 4.9.0-5build1 amd64 [installed] +fontconfig-config/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +fontconfig/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +fonts-dejavu-core/noble,now 2.37-8 all [installed,automatic] +fonts-dejavu-mono/noble,now 2.37-8 all [installed,automatic] +fonts-droid-fallback/noble,now 1:6.0.1r16-1.1build1 all [installed,automatic] +fonts-noto-mono/noble,now 20201225-2 all [installed,automatic] +fonts-urw-base35/noble,now 20200910-8 all [installed,automatic] +g++-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +g++-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +g++-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +g++/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +gcc-13-base/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-14-base/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +gcc-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +gcc/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +gettext-base/noble,now 0.21-14ubuntu2 amd64 [installed,automatic] +gettext/noble,now 0.21-14ubuntu2 amd64 [installed,automatic] +gfortran-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gfortran-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gfortran-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +gfortran/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +ghostscript/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 amd64 [installed,automatic] +gir1.2-atk-1.0/noble,now 2.52.0-1build1 amd64 [installed,automatic] +gir1.2-atspi-2.0/noble,now 2.52.0-1build1 amd64 [installed,automatic] +gir1.2-freedesktop-dev/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-freedesktop/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-gdkpixbuf-2.0/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +gir1.2-girepository-2.0/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-glib-2.0-dev/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +gir1.2-glib-2.0/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +gir1.2-gst-plugins-base-1.0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gir1.2-gstreamer-1.0/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed,automatic] +gir1.2-gtk-2.0/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +gir1.2-gtk-3.0/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +gir1.2-gudev-1.0/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +gir1.2-harfbuzz-0.0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +gir1.2-packagekitglib-1.0/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +gir1.2-pango-1.0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +git-man/noble-updates,noble-security,now 1:2.43.0-1ubuntu7.1 all [installed,automatic] +git/noble-updates,noble-security,now 1:2.43.0-1ubuntu7.1 amd64 [installed] +glib-networking-common/noble,now 2.80.0-1build1 all [installed,automatic] +glib-networking-services/noble,now 2.80.0-1build1 amd64 [installed,automatic] +glib-networking/noble,now 2.80.0-1build1 amd64 [installed,automatic] +gnupg-utils/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gnupg2/noble,now 2.4.4-2ubuntu17 all [installed] +gnupg/noble,now 2.4.4-2ubuntu17 all [installed] +gpg-agent/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpg/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgconf/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgsm/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgv/noble,now 2.4.4-2ubuntu17 amd64 [installed] +grep/noble,now 3.11-4build1 amd64 [installed] +groff-base/noble,now 1.23.0-3build2 amd64 [installed,automatic] +gsettings-desktop-schemas/noble-updates,now 46.1-0ubuntu1 all [installed,automatic] +gstreamer1.0-gl/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gstreamer1.0-plugins-base/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gstreamer1.0-plugins-good/noble-updates,noble-security,now 1.24.2-1ubuntu1.1 amd64 [installed] +gstreamer1.0-x/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gtk-update-icon-cache/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +gzip/noble,now 1.12-1ubuntu3 amd64 [installed] +hdf5-helpers/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +hicolor-icon-theme/noble,now 0.17-2 all [installed,automatic] +hostname/noble,now 3.23+nmu2ubuntu2 amd64 [installed] +humanity-icon-theme/noble,now 0.6.16 all [installed,automatic] +i965-va-driver/noble,now 2.4.1+dfsg1-1build2 amd64 [installed,automatic] +ibverbs-providers/noble,now 50.0-2build2 amd64 [installed,automatic] +icu-devtools/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +imagemagick-6-common/noble,now 8:6.9.12.98+dfsg1-5.2build2 all [installed,automatic] +imagemagick-6.q16/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +imagemagick/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed] +init-system-helpers/noble,now 1.66ubuntu1 all [installed] +intel-media-va-driver/noble,now 24.1.0+dfsg1-1 amd64 [installed,automatic] +intltool-debian/noble,now 0.35.0+20060710.6 all [installed,automatic] +iso-codes/noble,now 4.16.0-1 all [installed,automatic] +javascript-common/noble,now 11+nmu1 all [installed,automatic] +keyboxd/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +krb5-locales/noble-updates,now 1.20.1-6ubuntu2.2 all [installed,automatic] +krb5-multidev/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +less/noble-updates,noble-security,now 590-2ubuntu2.1 amd64 [installed,automatic] +libaa1/noble,now 1.4p5-51.1 amd64 [installed,automatic] +libaacs0/noble,now 0.11.1-2build1 amd64 [installed,automatic] +libabsl20220623t64/noble,now 20220623.1-3.1ubuntu3 amd64 [installed,automatic] +libacl1/noble,now 2.3.2-1build1 amd64 [installed,upgradable to: 2.3.2-1build1.1] +libaec-dev/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libaec0/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libamd-comgr2/noble,now 6.0+git20231212.4510c28+dfsg-3build2 amd64 [installed,automatic] +libamdhip64-5/noble,now 5.7.1-3 amd64 [installed,automatic] +libao-common/noble,now 1.2.2+20180113-1.1ubuntu4 all [installed,automatic] +libao4/noble,now 1.2.2+20180113-1.1ubuntu4 amd64 [installed,automatic] +libaom3/noble-updates,noble-security,now 3.8.2-2ubuntu0.1 amd64 [installed,automatic] +libapparmor1/noble-updates,now 4.0.1really4.0.1-0ubuntu0.24.04.3 amd64 [installed,automatic] +libappstream5/noble,now 1.0.2-1build6 amd64 [installed,automatic] +libapr1t64/noble-updates,noble-security,now 1.7.2-3.1ubuntu0.1 amd64 [installed,automatic] +libaprutil1-dbd-sqlite3/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libaprutil1-ldap/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libaprutil1t64/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libapt-pkg6.0t64/noble,now 2.7.14build2 amd64 [installed] +libarchive-cpio-perl/noble,now 0.10-3 all [installed,automatic] +libarchive-zip-perl/noble,now 1.68-1 all [installed,automatic] +libarchive13t64/noble-updates,noble-security,now 3.7.2-2ubuntu0.3 amd64 [installed,automatic] +libargon2-1/noble,now 0~20190702+dfsg-4build1 amd64 [installed,automatic] +libasan8/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libasound2-data/noble,now 1.2.11-1build2 all [installed,automatic] +libasound2t64/noble,now 1.2.11-1build2 amd64 [installed,automatic] +libass-dev/noble,now 1:0.17.1-2build1 amd64 [installed] +libass9/noble,now 1:0.17.1-2build1 amd64 [installed,automatic] +libassuan0/noble,now 2.5.6-1build1 amd64 [installed] +libasyncns0/noble,now 0.8-6build4 amd64 [installed,automatic] +libatk-adaptor/noble,now 2.52.0-1build1 amd64 [installed] +libatk-bridge2.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk-bridge2.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk1.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk1.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatlas-base-dev/noble,now 3.10.3-13ubuntu1 amd64 [installed] +libatlas3-base/noble,now 3.10.3-13ubuntu1 amd64 [installed,automatic] +libatomic1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libatspi2.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatspi2.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libattr1/noble,now 1:2.5.2-1build1 amd64 [installed] +libaudit-common/noble,now 1:3.1.2-2.1build1 all [installed,upgradable to: 1:3.1.2-2.1build1.1] +libaudit1/noble,now 1:3.1.2-2.1build1 amd64 [installed,upgradable to: 1:3.1.2-2.1build1.1] +libauthen-sasl-perl/noble,now 2.1700-1 all [installed,automatic] +libavahi-client3/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavahi-common-data/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavahi-common3/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavc1394-0/noble,now 0.5.4-5build3 amd64 [installed,automatic] +libavcodec60/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavformat60/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavutil-dev/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavutil58/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libbdplus0/noble,now 0.2.0-3build1 amd64 [installed,automatic] +libbinutils/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libblkid-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libblkid1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libbluray2/noble,now 1:1.3.4-1build1 amd64 [installed,automatic] +libboost-all-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed] +libboost-atomic-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-atomic1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-atomic1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-chrono-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-chrono1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-chrono1.83.0t64/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-container-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-container1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-container1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-context-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-context1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-context1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-coroutine-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-coroutine1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-coroutine1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-date-time-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-date-time1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-date-time1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-exception-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-exception1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-fiber-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-fiber1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-fiber1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-filesystem-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-filesystem1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-filesystem1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-graph-parallel-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-graph-parallel1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph-parallel1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-iostreams-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-iostreams1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-iostreams1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-json-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-json1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-json1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-locale-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-locale1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-locale1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-log-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-log1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-log1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-math-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-math1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-math1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-mpi-python-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-mpi-python1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi-python1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-nowide-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-nowide1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-nowide1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-numpy-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-numpy1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-numpy1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-program-options-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-program-options1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-program-options1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-python-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-python1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-python1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-random-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-random1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-random1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-regex-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-regex1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-regex1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-serialization-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-serialization1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-serialization1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-stacktrace-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-stacktrace1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-stacktrace1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-system-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-system1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-system1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-test-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-test1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-test1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-thread-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-thread1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-thread1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-timer-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-timer1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-timer1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-tools-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-type-erasure-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-type-erasure1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-type-erasure1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-url-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-url1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-url1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-wave-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-wave1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-wave1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost1.83-tools-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libbrotli-dev/noble,now 1.1.0-2build2 amd64 [installed,automatic] +libbrotli1/noble,now 1.1.0-2build2 amd64 [installed,automatic] +libbsd-dev/noble,now 0.12.1-1build1 amd64 [installed,automatic] +libbsd0/noble,now 0.12.1-1build1 amd64 [installed,automatic] +libbz2-1.0/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed] +libbz2-dev/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed,automatic] +libc-bin/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libc-dev-bin/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed,automatic] +libc6-dev/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libc6/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libcaca0/noble,now 0.99.beta20-4build2 amd64 [installed,automatic] +libcaf-openmpi-3t64/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcairo-gobject2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo-script-interpreter2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo2-dev/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcanberra-gtk-module/noble,now 0.30-10ubuntu10 amd64 [installed] +libcanberra-gtk0/noble,now 0.30-10ubuntu10 amd64 [installed,automatic] +libcanberra0t64/noble,now 0.30-10ubuntu10 amd64 [installed,automatic] +libcap-ng0/noble,now 0.8.4-2build2 amd64 [installed] +libcap2-bin/noble,now 1:2.66-5ubuntu2 amd64 [installed,automatic] +libcap2/noble,now 1:2.66-5ubuntu2 amd64 [installed] +libcares2/noble,now 1.27.0-1.0ubuntu1 amd64 [installed,automatic] +libcbor0.10/noble,now 0.10.2-1.2ubuntu2 amd64 [installed,automatic] +libcc1-0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libcdparanoia0/noble,now 3.10.2+debian-14build3 amd64 [installed,automatic] +libchromaprint1/noble,now 1.5.1-5 amd64 [installed,automatic] +libcjson1/noble,now 1.7.17-1 amd64 [installed,automatic] +libclang-common-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang-cpp17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang-cpp18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libclang-rt-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang1-17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang1-18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libclone-perl/noble,now 0.46-1build3 amd64 [installed,automatic] +libcoarrays-dev/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcoarrays-openmpi-dev/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcodec2-1.2/noble,now 1.2.0-2build1 amd64 [installed,automatic] +libcolord2/noble,now 1.4.7-1build2 amd64 [installed,automatic] +libcom-err2/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libcrypt-dev/noble,now 1:4.4.36-4build1 amd64 [installed,automatic] +libcrypt1/noble,now 1:4.4.36-4build1 amd64 [installed] +libcryptsetup12/noble-updates,now 2:2.7.0-1ubuntu4.1 amd64 [installed,automatic] +libctf-nobfd0/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libctf0/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libcublas-12-5/unknown,now 12.5.3.2-1 amd64 [installed] +libcublas-dev-12-5/unknown,now 12.5.3.2-1 amd64 [installed] +libcudnn9-cuda-12/unknown,now 9.3.0.75-1 amd64 [installed,upgradable to: 9.6.0.74-1] +libcudnn9-dev-cuda-12/unknown,now 9.3.0.75-1 amd64 [installed,upgradable to: 9.6.0.74-1] +libcufft-12-5/unknown,now 11.2.3.61-1 amd64 [installed,automatic] +libcufft-dev-12-5/unknown,now 11.2.3.61-1 amd64 [installed,automatic] +libcufile-12-5/unknown,now 1.10.1.7-1 amd64 [installed,automatic] +libcufile-dev-12-5/unknown,now 1.10.1.7-1 amd64 [installed,automatic] +libcups2t64/noble-updates,noble-security,now 2.4.7-1.2ubuntu7.3 amd64 [installed,automatic] +libcurand-12-5/unknown,now 10.3.6.82-1 amd64 [installed,automatic] +libcurand-dev-12-5/unknown,now 10.3.6.82-1 amd64 [installed,automatic] +libcurl3t64-gnutls/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcurl4-openssl-dev/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcurl4t64/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcusolver-12-5/unknown,now 11.6.3.83-1 amd64 [installed,automatic] +libcusolver-dev-12-5/unknown,now 11.6.3.83-1 amd64 [installed,automatic] +libcusparse-12-5/unknown,now 12.5.1.3-1 amd64 [installed] +libcusparse-dev-12-5/unknown,now 12.5.1.3-1 amd64 [installed] +libdata-dump-perl/noble,now 1.25-1 all [installed,automatic] +libdatrie-dev/noble,now 0.2.13-3build1 amd64 [installed,automatic] +libdatrie1/noble,now 0.2.13-3build1 amd64 [installed,automatic] +libdav1d7/noble,now 1.4.1-1build1 amd64 [installed,automatic] +libdb5.3t64/noble,now 5.3.28+dfsg2-7 amd64 [installed,automatic] +libdbus-1-3/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +libdbus-1-dev/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +libdc1394-25/noble,now 2.2.6-4build1 amd64 [installed,automatic] +libdc1394-dev/noble,now 2.2.6-4build1 amd64 [installed] +libdconf1/noble,now 0.40.0-4build2 amd64 [installed,automatic] +libde265-0/noble,now 1.0.15-1build3 amd64 [installed,automatic] +libdebconfclient0/noble,now 0.271ubuntu3 amd64 [installed] +libdebhelper-perl/noble,now 13.14.1ubuntu5 all [installed,automatic] +libdeflate-dev/noble-updates,now 1.19-1build1.1 amd64 [installed,automatic] +libdeflate0/noble-updates,now 1.19-1build1.1 amd64 [installed,automatic] +libdevmapper1.02.1/noble-updates,now 2:1.02.185-3ubuntu3.1 amd64 [installed,automatic] +libdjvulibre-text/noble,now 3.5.28-2build4 all [installed,automatic] +libdjvulibre21/noble,now 3.5.28-2build4 amd64 [installed,automatic] +libdpkg-perl/noble,now 1.22.6ubuntu6 all [installed,upgradable to: 1.22.6ubuntu6.1] +libdrm-amdgpu1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-common/noble,now 2.4.120-2build1 all [installed,automatic] +libdrm-dev/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-intel1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-nouveau2/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-radeon1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm2/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libduktape207/noble,now 2.7.0+tests-0ubuntu3 amd64 [installed,automatic] +libdv4t64/noble,now 1.0.0-17.1build1 amd64 [installed,automatic] +libdw-dev/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libdw1t64/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libedit2/noble,now 3.1-20230828-1build1 amd64 [installed,automatic] +libegl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libegl-mesa0/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libegl1-mesa-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libegl1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libeigen3-dev/noble,now 3.4.0-4 all [installed] +libelf-dev/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libelf1t64/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libencode-locale-perl/noble,now 1.05-3 all [installed,automatic] +libepoxy-dev/noble,now 1.5.10-1build1 amd64 [installed,automatic] +libepoxy0/noble,now 1.5.10-1build1 amd64 [installed,automatic] +liberror-perl/noble,now 0.17029-2 all [installed,automatic] +libevent-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-core-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-dev/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-extra-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-openssl-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-pthreads-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libexif-dev/noble,now 0.6.24-1build2 amd64 [installed,automatic] +libexif-doc/noble,now 0.6.24-1build2 all [installed,automatic] +libexif12/noble,now 0.6.24-1build2 amd64 [installed,automatic] +libexpat1-dev/noble-updates,noble-security,now 2.6.1-2ubuntu0.2 amd64 [installed,automatic] +libexpat1/noble-updates,noble-security,now 2.6.1-2ubuntu0.2 amd64 [installed,automatic] +libext2fs2t64/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libfaac-dev/noble,now 1.30-1 amd64 [installed] +libfaac0/noble,now 1.30-1 amd64 [installed,automatic] +libfabric1/noble,now 1.17.0-3build2 amd64 [installed,automatic] +libfcgi-bin/noble,now 2.4.2-2.1build1 amd64 [installed,automatic] +libfcgi0t64/noble,now 2.4.2-2.1build1 amd64 [installed,automatic] +libfdisk1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libffi-dev/noble,now 3.4.6-1build1 amd64 [installed,automatic] +libffi8/noble,now 3.4.6-1build1 amd64 [installed] +libffms2-5/noble,now 5.0~rc2-1build1 amd64 [installed,automatic] +libfftw3-double3/noble,now 3.3.10-1ubuntu3 amd64 [installed,automatic] +libfido2-1/noble,now 1.14.0-1build3 amd64 [installed,automatic] +libfile-listing-perl/noble,now 6.16-1 all [installed,automatic] +libfile-stripnondeterminism-perl/noble,now 1.13.1-1 all [installed,automatic] +libflac12t64/noble,now 1.4.3+ds-2.1ubuntu2 amd64 [installed,automatic] +libfmt9/noble,now 9.1.0+ds1-2 amd64 [installed,automatic] +libfont-afm-perl/noble,now 1.20-4 all [installed,automatic] +libfontconfig-dev/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +libfontconfig1/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +libfontenc1/noble,now 1:1.1.8-1build1 amd64 [installed,automatic] +libfreetype-dev/noble,now 2.13.2+dfsg-1build3 amd64 [installed] +libfreetype6/noble,now 2.13.2+dfsg-1build3 amd64 [installed,automatic] +libfribidi-dev/noble,now 1.0.13-3build1 amd64 [installed,automatic] +libfribidi0/noble,now 1.0.13-3build1 amd64 [installed,automatic] +libgail-common/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgail18t64/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgbm-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgbm1/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgc1/noble,now 1:8.2.6-1build1 amd64 [installed,automatic] +libgcc-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libgcc-s1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +libgcrypt20/noble,now 1.10.3-2build1 amd64 [installed] +libgd3/noble,now 2.3.3-9ubuntu5 amd64 [installed,automatic] +libgdbm-compat4t64/noble,now 1.23-5.1build1 amd64 [installed,automatic] +libgdbm6t64/noble,now 1.23-5.1build1 amd64 [installed,automatic] +libgdk-pixbuf-2.0-0/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf-2.0-dev/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf2.0-bin/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf2.0-common/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 all [installed,automatic] +libgflags-dev/noble,now 2.2.2-2build1 amd64 [installed] +libgflags2.2/noble,now 2.2.2-2build1 amd64 [installed,automatic] +libgfortran-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libgfortran5/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libgirepository-1.0-1/noble,now 1.80.1-1 amd64 [installed,automatic] +libgirepository-2.0-0/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libgl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgl1-amber-dri/noble,now 21.3.9-0ubuntu2 amd64 [installed,automatic] +libgl1-mesa-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgl1-mesa-dri/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgl1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglapi-mesa/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgles-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgles1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgles2/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglew-dev/noble,now 2.2.0-4build1 amd64 [installed] +libglew2.2/noble,now 2.2.0-4build1 amd64 [installed,automatic] +libglib2.0-0t64/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-bin/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-data/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 all [installed,automatic] +libglib2.0-dev-bin/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-dev/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglu1-mesa-dev/noble,now 9.0.2-1.1build1 amd64 [installed] +libglu1-mesa/noble,now 9.0.2-1.1build1 amd64 [installed] +libglvnd-core-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglvnd-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglvnd0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglx-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglx-mesa0/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libglx0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgme0/noble,now 0.6.3-7build1 amd64 [installed,automatic] +libgmp10/noble,now 2:6.3.0+dfsg-2ubuntu6 amd64 [installed] +libgnutls30t64/noble-security,now 3.8.3-1.1ubuntu3.1 amd64 [installed,upgradable to: 3.8.3-1.1ubuntu3.2] +libgomp1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libgoogle-glog-dev/noble,now 0.6.0-2.1build1 amd64 [installed] +libgoogle-glog0v6t64/noble,now 0.6.0-2.1build1 amd64 [installed,automatic] +libgpg-error0/noble,now 1.47-3build2 amd64 [installed] +libgphoto2-6t64/noble,now 2.5.31-2.1build2 amd64 [installed,automatic] +libgphoto2-dev/noble,now 2.5.31-2.1build2 amd64 [installed] +libgphoto2-l10n/noble,now 2.5.31-2.1build2 all [installed,automatic] +libgphoto2-port12t64/noble,now 2.5.31-2.1build2 amd64 [installed,automatic] +libgpm2/noble,now 1.20.7-11 amd64 [installed,automatic] +libgprofng0/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libgraphene-1.0-0/noble,now 1.10.8-3build2 amd64 [installed,automatic] +libgraphite2-3/noble,now 1.3.14-2build1 amd64 [installed,automatic] +libgraphite2-dev/noble,now 1.3.14-2build1 amd64 [installed,automatic] +libgrpc++1.51t64/noble,now 1.51.1-4.1build5 amd64 [installed,automatic] +libgrpc29t64/noble,now 1.51.1-4.1build5 amd64 [installed,automatic] +libgs-common/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 all [installed,automatic] +libgs10-common/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 all [installed,automatic] +libgs10/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 amd64 [installed,automatic] +libgsm1/noble,now 1.0.22-1build1 amd64 [installed,automatic] +libgssapi-krb5-2/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libgssdp-1.6-0/noble,now 1.6.3-1build3 amd64 [installed,automatic] +libgssrpc4t64/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libgstreamer-gl1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +libgstreamer-plugins-bad1.0-0/noble,now 1.24.2-1ubuntu4 amd64 [installed] +libgstreamer-plugins-base1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +libgstreamer-plugins-base1.0-dev/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed] +libgstreamer-plugins-good1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu1.1 amd64 [installed,automatic] +libgstreamer1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed,automatic] +libgstreamer1.0-dev/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed] +libgtk-3-0t64/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +libgtk-3-bin/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +libgtk-3-common/noble-updates,now 3.24.41-4ubuntu1.2 all [installed,automatic] +libgtk-3-dev/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed] +libgtk2.0-0t64/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgtk2.0-bin/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgtk2.0-common/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 all [installed,automatic] +libgtk2.0-dev/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed] +libgudev-1.0-0/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +libgudev-1.0-dev/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +libgupnp-1.6-0/noble,now 1.6.6-1build3 amd64 [installed,automatic] +libgupnp-igd-1.6-0/noble,now 1.6.0-3build3 amd64 [installed,automatic] +libharfbuzz-cairo0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-dev/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-gobject0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-icu0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-subset0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz0b/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libhdf5-103-1t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-cpp-103-1t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-dev/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed] +libhdf5-fortran-102t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-cpp-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-fortran-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libheif-plugin-aomdec/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif-plugin-aomenc/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif-plugin-libde265/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif1/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libhogweed6t64/noble,now 3.9.1-2.2build1 amd64 [installed,upgradable to: 3.9.1-2.2build1.1] +libhsa-runtime64-1/noble,now 5.7.1-2build1 amd64 [installed,automatic] +libhsakmt1/noble,now 5.7.0-1build1 amd64 [installed,automatic] +libhtml-form-perl/noble,now 6.11-1 all [installed,automatic] +libhtml-format-perl/noble,now 2.16-2 all [installed,automatic] +libhtml-parser-perl/noble,now 3.81-1build3 amd64 [installed,automatic] +libhtml-tagset-perl/noble,now 3.20-6 all [installed,automatic] +libhtml-tree-perl/noble,now 5.07-3 all [installed,automatic] +libhttp-cookies-perl/noble,now 6.11-1 all [installed,automatic] +libhttp-daemon-perl/noble,now 6.16-1 all [installed,automatic] +libhttp-date-perl/noble,now 6.06-1 all [installed,automatic] +libhttp-message-perl/noble,now 6.45-1ubuntu1 all [installed,automatic] +libhttp-negotiate-perl/noble,now 6.01-2 all [installed,automatic] +libhwasan0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libhwloc-dev/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwloc-plugins/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwloc15/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwy1t64/noble,now 1.0.7-8.1build1 amd64 [installed,automatic] +libibverbs-dev/noble,now 50.0-2build2 amd64 [installed,automatic] +libibverbs1/noble,now 50.0-2build2 amd64 [installed,automatic] +libice-dev/noble,now 2:1.0.10-1build3 amd64 [installed,automatic] +libice6/noble,now 2:1.0.10-1build3 amd64 [installed,automatic] +libicu-dev/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +libicu74/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +libid3tag0/noble,now 0.15.1b-14build1 amd64 [installed,automatic] +libidn12/noble,now 1.42-1build1 amd64 [installed,automatic] +libidn2-0/noble,now 2.3.7-2build1 amd64 [installed] +libiec61883-0/noble,now 1.2.0-6build1 amd64 [installed,automatic] +libigdgmm12/noble,now 22.3.17+ds1-1 amd64 [installed,automatic] +libijs-0.35/noble,now 0.35-15.1build1 amd64 [installed,automatic] +libimath-3-1-29t64/noble,now 3.1.9-3.1ubuntu2 amd64 [installed,automatic] +libio-html-perl/noble,now 1.004-3 all [installed,automatic] +libio-socket-ssl-perl/noble,now 2.085-1 all [installed,automatic] +libisl23/noble,now 0.26-3build1 amd64 [installed,automatic] +libitm1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libjansson4/noble,now 2.14-2build2 amd64 [installed,automatic] +libjbig-dev/noble,now 2.1-6.1ubuntu2 amd64 [installed,automatic] +libjbig0/noble,now 2.1-6.1ubuntu2 amd64 [installed,automatic] +libjbig2dec0/noble,now 0.20-1build3 amd64 [installed,automatic] +libjpeg-dev/noble,now 8c-2ubuntu11 amd64 [installed] +libjpeg-turbo8-dev/noble,now 2.1.5-2ubuntu2 amd64 [installed,automatic] +libjpeg-turbo8/noble,now 2.1.5-2ubuntu2 amd64 [installed,automatic] +libjpeg8-dev/noble,now 8c-2ubuntu11 amd64 [installed,automatic] +libjpeg8/noble,now 8c-2ubuntu11 amd64 [installed,automatic] +libjs-jquery-ui/noble,now 1.13.2+dfsg-1 all [installed,automatic] +libjs-jquery/noble,now 3.6.1+dfsg+~3.5.14-1 all [installed,automatic] +libjs-sphinxdoc/noble,now 7.2.6-6 all [installed,automatic] +libjs-underscore/noble,now 1.13.4~dfsg+~1.11.4-3 all [installed,automatic] +libjson-c5/noble,now 0.17-1build1 amd64 [installed,automatic] +libjsoncpp25/noble,now 1.9.5-6build1 amd64 [installed,automatic] +libjxl0.7/noble,now 0.7.0-10.2ubuntu6 amd64 [installed,automatic] +libjxr-tools/noble,now 1.2~git20170615.f752187-5.1ubuntu2 amd64 [installed,automatic] +libjxr0t64/noble,now 1.2~git20170615.f752187-5.1ubuntu2 amd64 [installed,automatic] +libk5crypto3/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkadm5clnt-mit12/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkadm5srv-mit12/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkdb5-10t64/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkeyutils1/noble,now 1.6.3-3build1 amd64 [installed,automatic] +libkmod2/noble,now 31+20240202-2ubuntu7 amd64 [installed,automatic] +libkrb5-3/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkrb5-dev/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkrb5support0/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libksba8/noble,now 1.6.6-1build1 amd64 [installed,automatic] +liblapack-dev/noble-updates,now 3.12.0-3build1.1 amd64 [installed] +liblapack3/noble-updates,now 3.12.0-3build1.1 amd64 [installed,automatic] +liblcms2-2/noble,now 2.14-2build1 amd64 [installed,automatic] +libldap2/noble,now 2.6.7+dfsg-1~exp1ubuntu8 amd64 [installed,upgradable to: 2.6.7+dfsg-1~exp1ubuntu8.1] +liblerc-dev/noble,now 4.0.0+ds-4ubuntu2 amd64 [installed,automatic] +liblerc4/noble,now 4.0.0+ds-4ubuntu2 amd64 [installed,automatic] +liblldb-17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libllvm17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libllvm18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +liblqr-1-0/noble,now 0.4.2-2.1build2 amd64 [installed,automatic] +liblsan0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libltdl-dev/noble,now 2.4.7-7build1 amd64 [installed,automatic] +libltdl7/noble,now 2.4.7-7build1 amd64 [installed,automatic] +liblua5.4-0/noble,now 5.4.6-3build2 amd64 [installed,automatic] +liblwp-mediatypes-perl/noble,now 6.04-2 all [installed,automatic] +liblwp-protocol-https-perl/noble,now 6.13-1 all [installed,automatic] +liblz4-1/noble,now 1.9.4-1build1 amd64 [installed,upgradable to: 1.9.4-1build1.1] +liblzma-dev/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed,automatic] +liblzma5/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed] +liblzo2-2/noble,now 2.10-2build4 amd64 [installed,automatic] +libmad0/noble,now 0.15.1b-10.2ubuntu1 amd64 [installed,automatic] +libmagic-mgc/noble,now 1:5.45-3build1 amd64 [installed,automatic] +libmagic1t64/noble,now 1:5.45-3build1 amd64 [installed,automatic] +libmagickcore-6.q16-7-extra/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmagickcore-6.q16-7t64/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmagickwand-6.q16-7t64/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmail-sendmail-perl/noble,now 0.80-3 all [installed,automatic] +libmailtools-perl/noble,now 2.21-2 all [installed,automatic] +libmbedcrypto7t64/noble,now 2.28.8-1 amd64 [installed,automatic] +libmd-dev/noble,now 1.1.0-2build1 amd64 [installed,automatic] +libmd0/noble,now 1.1.0-2build1 amd64 [installed] +libmount-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libmount1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libmp3lame-dev/noble,now 3.100-6build1 amd64 [installed] +libmp3lame0/noble,now 3.100-6build1 amd64 [installed,automatic] +libmpc3/noble,now 1.3.1-1build1 amd64 [installed,automatic] +libmpfr6/noble,now 4.2.1-1build1 amd64 [installed,automatic] +libmpg123-0t64/noble-updates,noble-security,now 1.32.5-1ubuntu1.1 amd64 [installed,automatic] +libmunge2/noble,now 0.5.15-4build1 amd64 [installed,automatic] +libncurses-dev/noble,now 6.4+20240113-1ubuntu2 amd64 [installed,automatic] +libncurses6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed,automatic] +libncursesw6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +libnet-http-perl/noble,now 6.23-1 all [installed,automatic] +libnet-smtp-ssl-perl/noble,now 1.04-2 all [installed,automatic] +libnet-ssleay-perl/noble,now 1.94-1build4 amd64 [installed,automatic] +libnetpbm11t64/noble,now 2:11.05.02-1.1build1 amd64 [installed,automatic] +libnettle8t64/noble,now 3.9.1-2.2build1 amd64 [installed,upgradable to: 3.9.1-2.2build1.1] +libnghttp2-14/noble-updates,noble-security,now 1.59.0-1ubuntu0.1 amd64 [installed,automatic] +libnice10/noble,now 0.1.21-2build3 amd64 [installed,automatic] +libnl-3-200/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-3-dev/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-route-3-200/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-route-3-dev/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnorm-dev/noble,now 1.5.9+dfsg-3.1build1 amd64 [installed,automatic] +libnorm1t64/noble,now 1.5.9+dfsg-3.1build1 amd64 [installed,automatic] +libnpp-12-5/unknown,now 12.3.0.159-1 amd64 [installed] +libnpp-dev-12-5/unknown,now 12.3.0.159-1 amd64 [installed] +libnpth0t64/noble,now 1.6-3.1build1 amd64 [installed] +libnss-systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libnuma-dev/noble,now 2.0.18-1build1 amd64 [installed] +libnuma1/noble,now 2.0.18-1build1 amd64 [installed] +libnvfatbin-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvfatbin-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvjitlink-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvjitlink-dev-12-5/unknown,now 12.5.82-1 amd64 [installed,automatic] +libnvjpeg-12-5/unknown,now 12.3.2.81-1 amd64 [installed,automatic] +libnvjpeg-dev-12-5/unknown,now 12.3.2.81-1 amd64 [installed,automatic] +libobjc-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libobjc4/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libogg-dev/noble,now 1.3.5-3build1 amd64 [installed,automatic] +libogg0/noble,now 1.3.5-3build1 amd64 [installed,automatic] +libomp-18-dev/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libomp-dev/noble,now 1:18.0-59~exp2 amd64 [installed] +libomp5-18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libopenblas-dev/noble,now 0.3.26+ds-1 amd64 [installed] +libopenblas-pthread-dev/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopenblas0-pthread/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopenblas0/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopencore-amrnb-dev/noble,now 0.1.6-1build1 amd64 [installed] +libopencore-amrnb0/noble,now 0.1.6-1build1 amd64 [installed,automatic] +libopencore-amrwb-dev/noble,now 0.1.6-1build1 amd64 [installed] +libopencore-amrwb0/noble,now 0.1.6-1build1 amd64 [installed,automatic] +libopenexr-3-1-30/noble,now 3.1.5-5.1build3 amd64 [installed,automatic] +libopengl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libopengl0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libopenjp2-7-dev/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjp2-7/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjp2-tools/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjpip-server/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenmpi-dev/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +libopenmpi3t64/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +libopenmpt0t64/noble,now 0.7.3-1.1build3 amd64 [installed,automatic] +libopus-dev/noble,now 1.4-1build1 amd64 [installed] +libopus0/noble,now 1.4-1build1 amd64 [installed,automatic] +liborc-0.4-0t64/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +liborc-0.4-dev-bin/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +liborc-0.4-dev/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +libp11-kit0/noble,now 0.25.3-4ubuntu2 amd64 [installed,upgradable to: 0.25.3-4ubuntu2.1] +libpackagekit-glib2-18/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +libpam-cap/noble,now 1:2.66-5ubuntu2 amd64 [installed,automatic] +libpam-modules-bin/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpam-modules/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpam-runtime/noble-updates,now 1.5.3-5ubuntu5.1 all [installed] +libpam-systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libpam0g/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpango-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpango1.0-dev/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangocairo-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangoft2-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangoxft-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpaper-utils/noble,now 1.1.29build1 amd64 [installed,automatic] +libpaper1/noble,now 1.1.29build1 amd64 [installed,automatic] +libpciaccess-dev/noble,now 0.17-3build1 amd64 [installed,automatic] +libpciaccess0/noble,now 0.17-3build1 amd64 [installed,automatic] +libpcre2-16-0/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-32-0/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-8-0/noble,now 10.42-4ubuntu2 amd64 [installed] +libpcre2-dev/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-posix3/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libperl5.38t64/noble,now 5.38.2-3.2build2 amd64 [installed,automatic] +libpfm4/noble,now 4.13.0+git32-g0d4ed0e-1 amd64 [installed,automatic] +libpgm-5.3-0t64/noble,now 5.3.128~dfsg-2.1build1 amd64 [installed,automatic] +libpgm-dev/noble,now 5.3.128~dfsg-2.1build1 amd64 [installed,automatic] +libpipeline1/noble,now 1.5.7-2 amd64 [installed,automatic] +libpixman-1-0/noble,now 0.42.2-1build1 amd64 [installed,automatic] +libpixman-1-dev/noble,now 0.42.2-1build1 amd64 [installed,automatic] +libpkgconf3/noble,now 1.8.1-2build1 amd64 [installed,automatic] +libpmix-dev/noble,now 5.0.1-4.1build1 amd64 [installed,automatic] +libpmix2t64/noble,now 5.0.1-4.1build1 amd64 [installed,automatic] +libpng-dev/noble,now 1.6.43-5build1 amd64 [installed] +libpng-tools/noble,now 1.6.43-5build1 amd64 [installed,automatic] +libpng16-16t64/noble,now 1.6.43-5build1 amd64 [installed,automatic] +libpolkit-agent-1-0/noble,now 124-2ubuntu1 amd64 [installed,automatic] +libpolkit-gobject-1-0/noble,now 124-2ubuntu1 amd64 [installed,automatic] +libpopt0/noble,now 1.19+dfsg-1build1 amd64 [installed,automatic] +libpostproc-dev/noble,now 7:6.1.1-3ubuntu5 amd64 [installed] +libpostproc57/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libproc2-0/noble,now 2:4.0.4-4ubuntu3 amd64 [installed,upgradable to: 2:4.0.4-4ubuntu3.2] +libprotobuf-dev/noble,now 3.21.12-8.2build1 amd64 [installed] +libprotobuf-lite32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libprotobuf32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libprotoc32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libproxy1v5/noble,now 0.5.4-4build1 amd64 [installed,automatic] +libpsl5t64/noble,now 0.21.2-1.1build1 amd64 [installed,automatic] +libpsm-infinipath1/noble,now 3.3+20.604758e7-6.3build1 amd64 [installed,automatic] +libpsm2-2/noble,now 11.2.185-2build1 amd64 [installed,automatic] +libpthread-stubs0-dev/noble,now 0.4-1build3 amd64 [installed,automatic] +libpulse-dev/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpulse-mainloop-glib0/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpulse0/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpython3-dev/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +libpython3-stdlib/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +libpython3.12-dev/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12-minimal/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12-stdlib/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12t64/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libquadmath0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +librabbitmq4/noble,now 0.11.0-1build2 amd64 [installed,automatic] +librav1e0/noble,now 0.7.1-2 amd64 [installed,automatic] +libraw1394-11/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw1394-dev/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw1394-tools/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw23t64/noble,now 0.21.2-2.1build1 amd64 [installed,automatic] +librdmacm1t64/noble,now 50.0-2build2 amd64 [installed,automatic] +libre2-10/noble,now 20230301-3build1 amd64 [installed,automatic] +libreadline8t64/noble,now 8.2-4build1 amd64 [installed,automatic] +librhash0/noble,now 1.4.3-3build1 amd64 [installed,automatic] +librist4/noble,now 0.2.10+dfsg-2 amd64 [installed,automatic] +librsvg2-2/noble,now 2.58.0+dfsg-1build1 amd64 [installed,automatic] +librsvg2-common/noble,now 2.58.0+dfsg-1build1 amd64 [installed,automatic] +librtmp1/noble,now 2.4+20151223.gitfa8646d.1-2build7 amd64 [installed,automatic] +libsasl2-2/noble,now 2.1.28+dfsg1-5ubuntu3 amd64 [installed,upgradable to: 2.1.28+dfsg1-5ubuntu3.1] +libsasl2-modules-db/noble,now 2.1.28+dfsg1-5ubuntu3 amd64 [installed,upgradable to: 2.1.28+dfsg1-5ubuntu3.1] +libseccomp2/noble,now 2.5.5-1ubuntu3 amd64 [installed,upgradable to: 2.5.5-1ubuntu3.1] +libselinux1-dev/noble,now 3.5-2ubuntu2 amd64 [installed,automatic] +libselinux1/noble,now 3.5-2ubuntu2 amd64 [installed] +libsemanage-common/noble,now 3.5-1build5 all [installed] +libsemanage2/noble,now 3.5-1build5 amd64 [installed] +libsensors-config/noble,now 1:3.6.0-9build1 all [installed,automatic] +libsensors5/noble,now 1:3.6.0-9build1 amd64 [installed,automatic] +libsepol-dev/noble,now 3.5-2build1 amd64 [installed,automatic] +libsepol2/noble,now 3.5-2build1 amd64 [installed] +libsframe1/noble,now 2.42-4ubuntu2 amd64 [installed,upgradable to: 2.42-4ubuntu2.3] +libsharpyuv-dev/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libsharpyuv0/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libshine3/noble,now 3.1.1-2build1 amd64 [installed,automatic] +libshout3/noble,now 2.4.6-1build2 amd64 [installed,automatic] +libslang2/noble,now 2.3.3-3build2 amd64 [installed,automatic] +libsm-dev/noble,now 2:1.2.3-1build3 amd64 [installed,automatic] +libsm6/noble,now 2:1.2.3-1build3 amd64 [installed,automatic] +libsmartcols1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libsnappy1v5/noble,now 1.1.10-1build1 amd64 [installed,automatic] +libsndfile1/noble,now 1.2.2-1ubuntu5 amd64 [installed,automatic] +libsodium-dev/noble,now 1.0.18-1build3 amd64 [installed,automatic] +libsodium23/noble,now 1.0.18-1build3 amd64 [installed,automatic] +libsoup-3.0-0/noble-updates,noble-security,now 3.4.4-5ubuntu0.1 amd64 [installed,automatic] +libsoup-3.0-common/noble-updates,noble-security,now 3.4.4-5ubuntu0.1 all [installed,automatic] +libsox-dev/noble,now 14.4.2+git20190427-4build4 amd64 [installed] +libsox-fmt-all/noble,now 14.4.2+git20190427-4build4 amd64 [installed] +libsox-fmt-alsa/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-ao/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-base/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-mp3/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-oss/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-pulse/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox3/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsoxr0/noble,now 0.1.3-4build3 amd64 [installed,automatic] +libspeex1/noble-updates,now 1.2.1-2ubuntu2.24.04.1 amd64 [installed,automatic] +libsphinxbase-dev/noble,now 0.8+5prealpha+1-17build2 amd64 [installed] +libsphinxbase3t64/noble,now 0.8+5prealpha+1-17build2 amd64 [installed,automatic] +libsqlite3-0/noble,now 3.45.1-1ubuntu2 amd64 [installed,automatic] +libsrt1.5-gnutls/noble,now 1.5.3-1build2 amd64 [installed,automatic] +libss2/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libssh-4/noble,now 0.10.6-2build2 amd64 [installed,automatic] +libssh-gcrypt-4/noble,now 0.10.6-2build2 amd64 [installed,automatic] +libssl-dev/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed,automatic] +libssl3t64/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed] +libstdc++-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libstdc++6/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +libstemmer0d/noble,now 2.2.0-4build1 amd64 [installed,automatic] +libsub-override-perl/noble,now 0.10-1 all [installed,automatic] +libsvtav1enc1d1/noble,now 1.7.0+dfsg-2build1 amd64 [installed,automatic] +libswresample4/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libswscale7/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libsys-hostname-long-perl/noble,now 1.5-3 all [installed,automatic] +libsystemd-shared/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libsystemd0/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed] +libsz2/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libtag1v5-vanilla/noble,now 1.13.1-1build1 amd64 [installed,automatic] +libtag1v5/noble,now 1.13.1-1build1 amd64 [installed,automatic] +libtasn1-6/noble,now 4.19.0-3build1 amd64 [installed] +libtbb-dev/noble,now 2021.11.0-2ubuntu2 amd64 [installed] +libtbb12/noble,now 2021.11.0-2ubuntu2 amd64 [installed,automatic] +libtbbbind-2-5/noble,now 2021.11.0-2ubuntu2 amd64 [installed,automatic] +libtbbmalloc2/noble,now 2021.11.0-2ubuntu2 amd64 [installed] +libtdb1/noble,now 1.4.10-1build1 amd64 [installed,automatic] +libthai-data/noble,now 0.1.29-2build1 all [installed,automatic] +libthai-dev/noble,now 0.1.29-2build1 amd64 [installed,automatic] +libthai0/noble,now 0.1.29-2build1 amd64 [installed,automatic] +libtheora-dev/noble,now 1.1.1+dfsg.1-16.1build3 amd64 [installed] +libtheora0/noble,now 1.1.1+dfsg.1-16.1build3 amd64 [installed,automatic] +libtiff-dev/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtiff5-dev/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed] +libtiff6/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtiffxx6/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtimedate-perl/noble,now 2.3300-2 all [installed,automatic] +libtinfo6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +libtool/noble,now 2.4.7-7build1 all [installed] +libtry-tiny-perl/noble,now 0.31-2 all [installed,automatic] +libtsan2/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libtwolame0/noble,now 0.4.0-2build3 amd64 [installed,automatic] +libubsan1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libuchardet0/noble,now 0.0.8-1build1 amd64 [installed,automatic] +libucx0/noble,now 1.16.0+ds-5ubuntu1 amd64 [installed,automatic] +libudev-dev/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libudev1/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed] +libudfread0/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libunibreak-dev/noble,now 5.1-2build1 amd64 [installed,automatic] +libunibreak5/noble,now 5.1-2build1 amd64 [installed,automatic] +libunistring5/noble,now 1.1-2build1 amd64 [installed] +libunwind-dev/noble,now 1.6.2-3build1 amd64 [installed,automatic] +libunwind8/noble,now 1.6.2-3build1 amd64 [installed,automatic] +liburi-perl/noble,now 5.27-1 all [installed,automatic] +libusb-1.0-0/noble,now 2:1.0.27-1 amd64 [installed,automatic] +libuuid1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libuv1t64/noble,now 1.48.0-1.1build1 amd64 [installed,automatic] +libv4l-0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libv4l-dev/noble,now 1.26.1-4build3 amd64 [installed] +libv4l2rds0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libv4lconvert0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libva-drm2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libva-x11-2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libva2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libvdpau1/noble,now 1.5-2build1 amd64 [installed,automatic] +libvisual-0.4-0/noble,now 0.4.2-2build1 amd64 [installed,automatic] +libvorbis-dev/noble,now 1.3.7-1build3 amd64 [installed] +libvorbis0a/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvorbisenc2/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvorbisfile3/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvpl2/noble,now 2023.3.0-1build1 amd64 [installed,automatic] +libvpx-dev/noble-updates,noble-security,now 1.14.0-1ubuntu2.1 amd64 [installed] +libvpx9/noble-updates,noble-security,now 1.14.0-1ubuntu2.1 amd64 [installed,automatic] +libvulkan1/noble,now 1.3.275.0-1build1 amd64 [installed,automatic] +libwavpack1/noble,now 5.6.0-1build1 amd64 [installed,automatic] +libwayland-bin/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-client0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-cursor0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-dev/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-egl1/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-server0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwebp-dev/noble,now 1.3.2-0.4build3 amd64 [installed] +libwebp7/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpdecoder3/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpdemux2/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpmux3/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwmflite-0.2-7/noble,now 0.2.13-1.1build3 amd64 [installed,automatic] +libwww-perl/noble,now 6.76-1 all [installed,automatic] +libwww-robotrules-perl/noble,now 6.02-1 all [installed,automatic] +libx11-6/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-data/noble,now 2:1.8.7-1build1 all [installed,automatic] +libx11-dev/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-xcb-dev/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-xcb1/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx264-164/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed,automatic] +libx264-dev/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed] +libx265-199/noble,now 3.5-2build1 amd64 [installed,automatic] +libx265-dev/noble,now 3.5-2build1 amd64 [installed] +libxapian30/noble,now 1.4.22-1build1 amd64 [installed,automatic] +libxau-dev/noble,now 1:1.0.9-1build6 amd64 [installed,automatic] +libxau6/noble,now 1:1.0.9-1build6 amd64 [installed,automatic] +libxaw7/noble,now 2:1.0.14-1build2 amd64 [installed,automatic] +libxcb-damage0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-dri2-0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-dri3-0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-glx0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-present0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-randr0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-render0-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-render0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-shm0-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-shm0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-sync1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-xfixes0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-xkb1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb1-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcomposite-dev/noble,now 1:0.4.5-1build3 amd64 [installed,automatic] +libxcomposite1/noble,now 1:0.4.5-1build3 amd64 [installed,automatic] +libxcursor-dev/noble,now 1:1.2.1-1build1 amd64 [installed,automatic] +libxcursor1/noble,now 1:1.2.1-1build1 amd64 [installed,automatic] +libxdamage-dev/noble,now 1:1.1.6-1build1 amd64 [installed,automatic] +libxdamage1/noble,now 1:1.1.6-1build1 amd64 [installed,automatic] +libxdmcp-dev/noble,now 1:1.1.3-0ubuntu6 amd64 [installed,automatic] +libxdmcp6/noble,now 1:1.1.3-0ubuntu6 amd64 [installed,automatic] +libxext-dev/noble,now 2:1.3.4-1build2 amd64 [installed,automatic] +libxext6/noble,now 2:1.3.4-1build2 amd64 [installed,automatic] +libxfixes-dev/noble,now 1:6.0.0-2build1 amd64 [installed,automatic] +libxfixes3/noble,now 1:6.0.0-2build1 amd64 [installed,automatic] +libxft-dev/noble,now 2.3.6-1build1 amd64 [installed,automatic] +libxft2/noble,now 2.3.6-1build1 amd64 [installed,automatic] +libxi-dev/noble,now 2:1.8.1-1build1 amd64 [installed] +libxi6/noble,now 2:1.8.1-1build1 amd64 [installed,automatic] +libxine2-bin/noble,now 1.2.13+hg20230710-2ubuntu6 amd64 [installed,automatic] +libxine2-dev/noble,now 1.2.13+hg20230710-2ubuntu6 amd64 [installed] +libxinerama-dev/noble,now 2:1.1.4-3build1 amd64 [installed,automatic] +libxinerama1/noble,now 2:1.1.4-3build1 amd64 [installed,automatic] +libxkbcommon-dev/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbcommon-x11-0/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbcommon0/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbfile1/noble,now 1:1.1.0-1build4 amd64 [installed,automatic] +libxml2-dev/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxml2-utils/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxml2/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxmlb2/noble,now 0.3.18-1 amd64 [installed,automatic] +libxmu-dev/noble,now 2:1.1.3-3build2 amd64 [installed] +libxmu-headers/noble,now 2:1.1.3-3build2 all [installed,automatic] +libxmu6/noble,now 2:1.1.3-3build2 amd64 [installed,automatic] +libxmuu1/noble,now 2:1.1.3-3build2 amd64 [installed,automatic] +libxnvctrl0/unknown,now 565.57.01-0ubuntu1 amd64 [installed,automatic] +libxpm4/noble,now 1:3.5.17-1build2 amd64 [installed,automatic] +libxrandr-dev/noble,now 2:1.5.2-2build1 amd64 [installed,automatic] +libxrandr2/noble,now 2:1.5.2-2build1 amd64 [installed,automatic] +libxrender-dev/noble,now 1:0.9.10-1.1build1 amd64 [installed,automatic] +libxrender1/noble,now 1:0.9.10-1.1build1 amd64 [installed,automatic] +libxshmfence1/noble,now 1.3-1build5 amd64 [installed,automatic] +libxt-dev/noble,now 1:1.2.1-1.2build1 amd64 [installed,automatic] +libxt6t64/noble,now 1:1.2.1-1.2build1 amd64 [installed,automatic] +libxtst-dev/noble,now 2:1.2.3-1.1build1 amd64 [installed,automatic] +libxtst6/noble,now 2:1.2.3-1.1build1 amd64 [installed,automatic] +libxv1/noble,now 2:1.0.11-1.1build1 amd64 [installed,automatic] +libxvidcore-dev/noble,now 2:1.3.7-1build1 amd64 [installed] +libxvidcore4/noble,now 2:1.3.7-1build1 amd64 [installed,automatic] +libxxf86vm1/noble,now 1:1.1.4-1build4 amd64 [installed,automatic] +libxxhash0/noble,now 0.8.2-2build1 amd64 [installed] +libyaml-0-2/noble,now 0.2.5-1build1 amd64 [installed,automatic] +libz3-4/noble,now 4.8.12-3.1build1 amd64 [installed,automatic] +libz3-dev/noble,now 4.8.12-3.1build1 amd64 [installed,automatic] +libzmq3-dev/noble,now 4.3.5-1build2 amd64 [installed] +libzmq5/noble,now 4.3.5-1build2 amd64 [installed,automatic] +libzstd-dev/noble-updates,now 1.5.5+dfsg2-2build1.1 amd64 [installed,automatic] +libzstd1/noble-updates,now 1.5.5+dfsg2-2build1.1 amd64 [installed] +libzvbi-common/noble,now 0.2.42-2 all [installed,automatic] +libzvbi0t64/noble,now 0.2.42-2 amd64 [installed,automatic] +linux-libc-dev/now 6.8.0-38.38 amd64 [installed,upgradable to: 6.8.0-51.52] +lld-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +lldb-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +llvm-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-linker-tools/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-runtime/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-tools/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +locales/noble-updates,noble-security,now 2.39-0ubuntu8.3 all [installed] +login/noble,now 1:4.13+dfsg1-4ubuntu3 amd64 [installed,upgradable to: 1:4.13+dfsg1-4ubuntu3.2] +logsave/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +lsb-release/noble,now 12.0-2 all [installed] +lto-disabled-list/noble,now 47 all [installed,automatic] +m4/noble,now 1.4.19-4build1 amd64 [installed,automatic] +make/noble,now 4.3-4.1build2 amd64 [installed,automatic] +man-db/noble,now 2.12.0-4build2 amd64 [installed,automatic] +mawk/noble,now 1.3.4.20240123-1build1 amd64 [installed] +media-types/noble,now 10.1.0 all [installed,automatic] +mesa-va-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mesa-vdpau-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mesa-vulkan-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mount/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +mpi-default-bin/noble,now 1.15build1 amd64 [installed,automatic] +mpi-default-dev/noble,now 1.15build1 amd64 [installed,automatic] +ncurses-base/noble,now 6.4+20240113-1ubuntu2 all [installed] +ncurses-bin/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +netbase/noble,now 6.4 all [installed,automatic] +netpbm/noble,now 2:11.05.02-1.1build1 amd64 [installed,automatic] +networkd-dispatcher/noble,now 2.2.4-1 all [installed,automatic] +ninja-build/noble,now 1.11.1-2 amd64 [installed] +nsight-compute-2024.2.1/unknown,now 2024.2.1.2-1 amd64 [installed,automatic] +ocl-icd-libopencl1/noble,now 2.3.2-1build1 amd64 [installed,automatic] +openmpi-bin/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +openmpi-common/noble,now 4.1.6-7ubuntu2 all [installed,automatic] +openssh-client/noble-updates,now 1:9.6p1-3ubuntu13.5 amd64 [installed,automatic] +openssl/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed,automatic] +packagekit-tools/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +packagekit/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +pango1.0-tools/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +passwd/noble,now 1:4.13+dfsg1-4ubuntu3 amd64 [installed,upgradable to: 1:4.13+dfsg1-4ubuntu3.2] +patch/noble,now 2.7.6-7build3 amd64 [installed,automatic] +patchelf/noble,now 0.18.0-1.1build1 amd64 [installed] +perl-base/noble,now 5.38.2-3.2build2 amd64 [installed] +perl-modules-5.38/noble,now 5.38.2-3.2build2 all [installed,automatic] +perl-openssl-defaults/noble,now 7build3 amd64 [installed,automatic] +perl/noble,now 5.38.2-3.2build2 amd64 [installed] +pinentry-curses/noble,now 1.2.1-3ubuntu5 amd64 [installed,automatic] +pkg-config/noble,now 1.8.1-2build1 amd64 [installed] +pkgconf-bin/noble,now 1.8.1-2build1 amd64 [installed,automatic] +pkgconf/noble,now 1.8.1-2build1 amd64 [installed,automatic] +po-debconf/noble,now 1.0.21+nmu1 all [installed,automatic] +polkitd/noble,now 124-2ubuntu1 amd64 [installed,automatic] +poppler-data/noble,now 0.4.12-1 all [installed,automatic] +procps/noble,now 2:4.0.4-4ubuntu3 amd64 [installed,upgradable to: 2:4.0.4-4ubuntu3.2] +protobuf-compiler/noble,now 3.21.12-8.2build1 amd64 [installed] +publicsuffix/noble,now 20231001.0357-0.1 all [installed,automatic] +python-apt-common/noble-updates,now 2.7.7ubuntu3 all [installed,automatic] +python3-apt/noble-updates,now 2.7.7ubuntu3 amd64 [installed,automatic] +python3-blinker/noble,now 1.7.0-1 all [installed,automatic] +python3-cffi-backend/noble,now 1.16.0-2build1 amd64 [installed,automatic] +python3-cryptography/noble-updates,noble-security,now 41.0.7-4ubuntu0.1 amd64 [installed,automatic] +python3-dbus/noble,now 1.3.2-5build3 amd64 [installed,automatic] +python3-dev/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed] +python3-distro-info/noble,now 1.7build1 all [installed,automatic] +python3-distro/noble,now 1.9.0-1 all [installed,automatic] +python3-gi/noble,now 3.48.2-1 amd64 [installed,automatic] +python3-httplib2/noble,now 0.20.4-3 all [installed,automatic] +python3-jwt/noble,now 2.7.0-1 all [installed,automatic] +python3-launchpadlib/noble,now 1.11.0-6 all [installed,automatic] +python3-lazr.restfulclient/noble,now 0.14.6-1 all [installed,automatic] +python3-lazr.uri/noble,now 1.0.6-3 all [installed,automatic] +python3-lldb-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +python3-minimal/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +python3-oauthlib/noble,now 3.2.2-1 all [installed,automatic] +python3-packaging/noble,now 24.0-1 all [installed,automatic] +python3-pip-whl/noble-updates,noble-security,now 24.0+dfsg-1ubuntu1.1 all [installed,automatic] +python3-pkg-resources/noble-updates,noble-security,now 68.1.2-2ubuntu1.1 all [installed,automatic] +python3-pygments/noble,now 2.17.2+dfsg-1 all [installed,automatic] +python3-pyparsing/noble,now 3.1.1-1 all [installed,automatic] +python3-setuptools-whl/noble-updates,noble-security,now 68.1.2-2ubuntu1.1 all [installed,automatic] +python3-six/noble,now 1.16.0-4 all [installed,automatic] +python3-software-properties/noble-updates,now 0.99.49.1 all [installed,automatic] +python3-venv/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed] +python3-wadllib/noble,now 1.3.6-5 all [installed,automatic] +python3-yaml/noble,now 6.0.1-2build2 amd64 [installed,automatic] +python3.12-dev/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12-minimal/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12-venv/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +readline-common/noble,now 8.2-4build1 all [installed,automatic] +rpcsvc-proto/noble,now 1.4.2-0ubuntu7 amd64 [installed,automatic] +rsync/noble,now 3.2.7-1ubuntu1 amd64 [installed] +sed/noble,now 4.9-2build1 amd64 [installed] +sensible-utils/noble,now 0.0.22 all [installed] +session-migration/noble,now 0.3.9build1 amd64 [installed,automatic] +sgml-base/noble,now 1.31 all [installed,automatic] +shared-mime-info/noble,now 2.4-4 amd64 [installed,automatic] +software-properties-common/noble-updates,now 0.99.49.1 all [installed] +sound-theme-freedesktop/noble,now 0.8-2ubuntu1 all [installed,automatic] +spawn-fcgi/noble,now 1.6.4-2 amd64 [installed,automatic] +sphinxbase-utils/noble,now 0.8+5prealpha+1-17build2 amd64 [installed] +ssl-cert/noble,now 1.1.2ubuntu1 all [installed,automatic] +systemd-dev/noble-updates,now 255.4-1ubuntu8.4 all [installed,automatic] +systemd-resolved/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd-sysv/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd-timesyncd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +sysvinit-utils/noble,now 3.08-6ubuntu3 amd64 [installed] +tar/noble,now 1.35+dfsg-3build1 amd64 [installed] +time/noble,now 1.9-0.2build1 amd64 [installed] +tzdata/noble-updates,now 2024a-3ubuntu1.1 all [installed,automatic] +ubuntu-keyring/noble,now 2023.11.28.1 all [installed] +ubuntu-mono/noble,now 24.04-0ubuntu1 all [installed,automatic] +ucf/noble,now 3.0043+nmu1 all [installed,automatic] +unattended-upgrades/noble,now 2.9.1+nmu4ubuntu1 all [installed,automatic] +unzip/noble-updates,noble-security,now 6.0-28ubuntu4.1 amd64 [installed] +util-linux/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +uuid-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +v4l-utils/noble,now 1.26.1-4build3 amd64 [installed] +va-driver-all/noble,now 2.20.0-2build1 amd64 [installed,automatic] +vdpau-driver-all/noble,now 1.5-2build1 amd64 [installed,automatic] +wayland-protocols/noble,now 1.34-1 all [installed,automatic] +wget/noble-updates,noble-security,now 1.21.4-1ubuntu4.1 amd64 [installed] +x11-apps/noble,now 7.7+11build3 amd64 [installed] +x11-common/noble,now 1:7.7+23ubuntu3 all [installed,automatic] +x11proto-dev/noble,now 2023.2-1 all [installed,automatic] +x264/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed] +xauth/noble,now 1:1.1.2-1build1 amd64 [installed,automatic] +xbitmaps/noble,now 1.1.1-2.2 all [installed,automatic] +xdg-user-dirs/noble,now 0.18-1build1 amd64 [installed,automatic] +xfonts-encodings/noble,now 1:1.0.5-0ubuntu2 all [installed,automatic] +xfonts-utils/noble,now 1:7.7+6build3 amd64 [installed,automatic] +xkb-data/noble-updates,now 2.41-2ubuntu1.1 all [installed,automatic] +xml-core/noble,now 0.19 all [installed,automatic] +xorg-sgml-doctools/noble,now 1:1.11-1.1 all [installed,automatic] +xtrans-dev/noble,now 1.4.0-1 all [installed,automatic] +xz-utils/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed,automatic] +yasm/noble,now 1.3.0-4 amd64 [installed] +zip/noble-updates,now 3.0-13ubuntu0.1 amd64 [installed] +zlib1g-dev/noble-updates,now 1:1.3.dfsg-3.1ubuntu2.1 amd64 [installed] +zlib1g/noble-updates,now 1:1.3.dfsg-3.1ubuntu2.1 amd64 [installed] + +[system details] + +FOUND_UBUNTU: 24.04 +OpenCV_Built: 4.10.0 +CUDA_found: 12.5.82 +cuDNN_found: 9.3.0 +TensorFlow_Built: 2.18.0 +FFmpeg_Built: 7.1 +Torch_Built: 2.5.1 +TorchVision_Built: 0.20.0 +TorchAudio_Built: 2.5.0 +TorchData_Built: 0.9.0 diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/TensorFlow--Details.txt b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/TensorFlow--Details.txt new file mode 100644 index 0000000..125526d --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/TensorFlow--Details.txt @@ -0,0 +1,46 @@ + CTPO_FROM : nvidia/cuda:12.5.1-devel-ubuntu24.04 +cd BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +echo "===== Build Start time: " Thu Dec 19 03:52:58 AM EST 2024 +BUILDX_EXPERIMENTAL=1 docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="cuda_tensorflow_pytorch_opencv:12.5.1_2.18.0_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . +echo "===== Build End time: " Thu Dec 19 03:52:58 AM EST 2024 + + +***** TensorFlow configuration: +--- Tensorflow Build: Environment variables set --- +TF_CUDA_CLANG=1 +TF_CUDA_COMPUTE_CAPABILITIES=6.0,6.1,7.0,7.5,8.0,8.6,8.9,9.0 +TF_NEED_AWS=0 +TF_NEED_CLANG=1 +TF_NEED_COMPUTECPP=0 +TF_NEED_CUDA=1 +TF_NEED_GCP=0 +TF_NEED_GDR=0 +TF_NEED_HDFS=0 +TF_NEED_JEMALLOC=0 +TF_NEED_KAFKA=0 +TF_NEED_MKL=1 +TF_NEED_MPI=0 +TF_NEED_OPENCL=0 +TF_NEED_OPENCL_SYCL=0 +TF_NEED_ROCM=0 +TF_NEED_S3=0 +TF_NEED_TENSORRT=0 +TF_NEED_VERBS=0 +TF_SET_ANDROID_WORKSPACE=0 + +*** Tensorflow version : 2.18.0 +*** TF Builf with cuda : True +*** TF compile flags : ['-I/usr/local/lib/python3.12/dist-packages/tensorflow/include', '-D_GLIBCXX_USE_CXX11_ABI=1', '--std=c++17', '-DEIGEN_MAX_ALIGN_BYTES=64'] +*** TF include : /usr/local/lib/python3.12/dist-packages/tensorflow/include +*** TF lib : /usr/local/lib/python3.12/dist-packages/tensorflow +*** TF link flags : ['-L/usr/local/lib/python3.12/dist-packages/tensorflow', '-l:libtensorflow_framework.so.2'] +*** Keras version : 3.7.0 +*** pandas version : 2.2.3 +*** scikit-learn version : 1.6.0 diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/torchaudio.patch b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/torchaudio.patch new file mode 100644 index 0000000..063d278 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/torchaudio.patch @@ -0,0 +1,12 @@ +diff --git a/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu b/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu +index 4ca8f1bf24..e6192155a2 100644 +--- a/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu ++++ b/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu +@@ -24,6 +24,7 @@ + // (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE + // OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + #include ++#include + #include "ctc_fast_divmod.cuh" + #include "cub/cub.cuh" + #include "device_data_wrap.h" diff --git a/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/withincontainer_checker.sh b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/withincontainer_checker.sh new file mode 100644 index 0000000..b7aa188 --- /dev/null +++ b/BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/withincontainer_checker.sh @@ -0,0 +1,112 @@ +#!/bin/bash + +# Expected to be run in container +if [ ! -f /.within_container ]; then + echo "Tool expected to be ran within the container, aborting" + exit 1 +fi + +destp="/tmp/python_info.txt" +echo "Python location: $(which python3)" > $destp +echo "Python version: $(python3 --version)" >> $destp +echo "" >> $destp +echo "[pip list]" >> $destp +pip3 list >> $destp + +echo "" >> $destp +echo "[apt list]" >> $destp +apt list --installed >> $destp + +echo "" >> $destp +echo "[system details]" >> $destp + +# Ubuntu version +tmp="/etc/lsb-release" +if [ ! -f $tmp ]; then + echo "Unable to confirm Ubuntu version, aborting" + exit 1 +fi +echo "" >> $destp +echo -n "FOUND_UBUNTU: " >> $destp +perl -ne 'print $1 if (m%DISTRIB_RELEASE=(.+)%)' $tmp >> $destp +echo "" >> $destp + +if [ -f /tmp/.GPU_build ]; then + # CUDNN version + cudnn_inc="/usr/include/cudnn.h" + cudnn8_inc="/usr/include/x86_64-linux-gnu/cudnn_version_v8.h" + cudnnjn_inc="/usr/include/cudnn_version.h" + if [ -f $cudnn8_inc ]; then + cudnn_inc="${cudnn8_inc}" + elif [ -f $cudnnjn_inc ]; then + cudnn_inc="$cudnnjn_inc" + fi + if [ ! -f $cudnn_inc ]; then + cudnn="Details not found" + else + cmj="$(sed -n 's/^#define CUDNN_MAJOR\s*\(.*\).*/\1/p' $cudnn_inc)" + cmn="$(sed -n 's/^#define CUDNN_MINOR\s*\(.*\).*/\1/p' $cudnn_inc)" + cpl="$(sed -n 's/^#define CUDNN_PATCHLEVEL\s*\(.*\).*/\1/p' $cudnn_inc)" + cudnn="${cmj}.${cmn}.${cpl}" + fi + echo "$cudnn" > /tmp/.cudnn_found + + # CUDA version + nvcc="/usr/local/nvidia/bin/nvcc" + if [ ! -f $cuda_f ]; then + cuda="Details not found" + else + cuda=$($nvcc --version | grep compilation | perl -ne 'print $1 if (m%V([\d\.]+)%)') + fi + echo "$cuda" > /tmp/.cuda_found +fi + +dest="/tmp/opencv_info.txt" +if [ -f /tmp/.opencv_built ]; then + echo "OpenCV_Built: $(cat /tmp/.opencv_built)" >> $destp + + echo -n "-- Confirming OpenCV Python is installed. Version: " > $dest + python3 -c 'import cv2; print(cv2.__version__)' >> $dest + echo "" >> $dest + opencv_version -v >> $dest + if [ -f /tmp/.cudnn_found ]; then + echo "" >> $dest + echo "cuDNN_FOUND: $(cat /tmp/.cudnn_found)" >> $dest + fi +fi + +if [ -f /tmp/.cuda_found ]; then + echo "CUDA_found: $(cat /tmp/.cuda_found)" >> $destp +fi + +if [ -f /tmp/.cudnn_found ]; then + echo "cuDNN_found: $(cat /tmp/.cudnn_found)" >> $destp +fi + +if [ -f /tmp/.tensorflow_built ]; then + echo "TensorFlow_Built: $(cat /tmp/.tensorflow_built)" >> $destp +fi + +if [ -f /tmp/.ffmpeg_built ]; then + echo "FFmpeg_Built: $(cat /tmp/.ffmpeg_built)" >> $destp +fi + +if [ -f /tmp/.torch_built ]; then + echo "Torch_Built: $(cat /tmp/.torch_built)" >> $destp +fi + +if [ -f /tmp/.torchvision_built ]; then + echo "TorchVision_Built: $(cat /tmp/.torchvision_built)" >> $destp +fi + +if [ -f /tmp/.torchaudio_built ]; then + echo "TorchAudio_Built: $(cat /tmp/.torchaudio_built)" >> $destp +fi + +if [ -f /tmp/.torchdata_built ]; then + echo "TorchData_Built: $(cat /tmp/.torchdata_built)" >> $destp +fi + +if [ -f /tmp/.torchtext_built ]; then + echo "TorchText_Built: $(cat /tmp/.torchtext_built)" >> $destp +fi diff --git a/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/BuildInfo.txt b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/BuildInfo.txt new file mode 100644 index 0000000..309f442 --- /dev/null +++ b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/BuildInfo.txt @@ -0,0 +1,15 @@ + +CTPO_FROM=ubuntu:24.04 +CTPO_BUILD=CPU +CTPO_TENSORFLOW_VERSION=None +CTPO_PYTORCH_VERSION=2.5.1 +CTPO_CUDA_VERSION=None +CTPO_OPENCV_VERSION=4.10.0 +CTPO_RELEASE=20241219 +FOUND_UBUNTU=24.04 +OpenCV_Built=4.10.0 +FFmpeg_Built=7.1 +Torch_Built=2.5.1 +TorchVision_Built=0.20.0 +TorchAudio_Built=2.5.0 +TorchData_Built=0.9.0 diff --git a/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/Dockerfile b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/Dockerfile new file mode 100644 index 0000000..169a251 --- /dev/null +++ b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/Dockerfile @@ -0,0 +1,371 @@ +##### Splitting installation into controlled parts: +## - Base container setup (all apt-get + system + ldd extension) +## - Python pip3 preparation + First batch of python tools installs +## - Tensorflow build and install (optional) +## - FFmpeg build and install +## - OpenCV build and install (using FFmpeg) +## - Additional python tools installs +## - Magma build and install (GPU only, optional) +## - PyTorch (+ vison + audio) build and install (using FFmpeg + OpenCV, optional) +## - Final steps: /iti setup, ... + +# The idea is to have a base Dockerfile that will be tailored to specific builds +# so that each build has their own final Dockerfile available for inspection + +ARG CTPO_FROM=ubuntu:24.04 +FROM ${CTPO_FROM} + +# No CUDA, or no cuDNN bootstrap needed + +ARG CTPO_NUMPROC=32 + +##### Base + +# Install system packages +ENV DEBIAN_FRONTEND=noninteractive +RUN apt-get update -y --fix-missing\ + && apt-get install -y \ + apt-utils \ + locales \ + wget \ + ca-certificates \ + && apt-get clean + +# UTF-8 +RUN localedef -i en_US -c -f UTF-8 -A /usr/share/locale/locale.alias en_US.UTF-8 +ENV LANG=en_US.utf8 + +# Install system packages +RUN apt-get install -y \ + # Base + build-essential \ + checkinstall \ + cmake \ + curl \ + g++ \ + gcc \ + git \ + ninja-build \ + perl \ + patchelf \ + pkg-config \ + protobuf-compiler \ + python3-dev \ + rsync \ + time \ + unzip \ + wget \ + zip \ + zlib1g \ + zlib1g-dev \ + # OpenCV + doxygen \ + file \ + gfortran \ + gnupg \ + gstreamer1.0-plugins-good \ + imagemagick \ + libatk-adaptor \ + libatlas-base-dev \ + libboost-all-dev \ + libcanberra-gtk-module \ + libdc1394-dev \ + libeigen3-dev \ + libfaac-dev \ + libfreetype6-dev \ + libgflags-dev \ + libglew-dev \ + libglu1-mesa \ + libglu1-mesa-dev \ + libgoogle-glog-dev \ + libgphoto2-dev \ + libgstreamer1.0-dev \ + libgstreamer-plugins-bad1.0-0 \ + libgstreamer-plugins-base1.0-dev \ + libgtk2.0-dev \ + libgtk-3-dev \ + libhdf5-dev \ + libhdf5-serial-dev \ + libjpeg-dev \ + liblapack-dev \ + libmp3lame-dev \ + libopenblas-dev \ + libopencore-amrnb-dev \ + libopencore-amrwb-dev \ + libopenjp2-7 \ + libopenjp2-7-dev \ + libopenjp2-tools \ + libopenjpip-server \ + libpng-dev \ + libpostproc-dev \ + libprotobuf-dev \ + libtbbmalloc2 \ + libtbb-dev \ + libtheora-dev \ + libtiff5-dev \ + libv4l-dev \ + libvorbis-dev \ + libwebp-dev \ + libx264-dev \ + libx265-dev \ + libxi-dev \ + libxine2-dev \ + libxmu-dev \ + libxvidcore-dev \ + libzmq3-dev \ + v4l-utils \ + x11-apps \ + x264 \ + yasm \ + # Torch + libomp-dev \ + libsox-dev \ + libsox-fmt-all \ + libsphinxbase-dev \ + sphinxbase-utils \ + # FFMpeg (source install, do not install packages: libavcodec-dev libavformat-dev libavresample-dev libavutil-dev libswscale-dev) + libass-dev \ + libc6 \ + libc6-dev \ + libnuma1 \ + libnuma-dev \ + libopus-dev \ + libtool \ + libvpx-dev \ + && apt-get clean + +# No Additional CUDA apt installs + + + +ENV CTPO_CLANG_VERSION=17 +RUN apt-get install -y lsb-release software-properties-common gnupg \ + && mkdir /tmp/clang \ + && cd /tmp/clang \ + && wget https://apt.llvm.org/llvm.sh \ + && chmod +x llvm.sh \ + && ./llvm.sh ${CTPO_CLANG_VERSION} \ + && cd / \ + && rm -rf /tmp/clang +RUN which clang-${CTPO_CLANG_VERSION} \ + && which clang++-${CTPO_CLANG_VERSION} \ + && clang-${CTPO_CLANG_VERSION} --version \ + && clang++-${CTPO_CLANG_VERSION} --version + +ENV CTPO_BUILD=CPU +RUN touch /tmp/.${CTPO_BUILD}_build + +# - Avoid "RPC failed; curl 56 GnuTLS" issue on some pulls, while keeping the system installed git +# - Some tools expect a "python" binary +# - Prepare ldconfig +RUN git config --global http.postBuffer 1048576000 \ + && mkdir -p /usr/local/bin && ln -s $(which python3) /usr/local/bin/python \ + && mkdir -p /usr/local/lib && sh -c 'echo "/usr/local/lib" >> /etc/ld.so.conf.d/usrlocallib.conf' && ldconfig + +ENV LD_LIBRARY_PATH=/usr/local/lib:$LD_LIBRARY_PATH + +# Not a GPU build, no path fix to test + + +# Setup pip +RUN mv /usr/lib/python3.12/EXTERNALLY-MANAGED /usr/lib/python3.12/EXTERNALLY-MANAGED.old \ + && wget -q -O /tmp/get-pip.py --no-check-certificate https://bootstrap.pypa.io/get-pip.py \ + && python3 /tmp/get-pip.py \ + && pip3 install -U pip \ + && rm /tmp/get-pip.py + +# No TensorRT support + +# Install Python tools (for buiding) +RUN pip3 install -U --ignore-installed \ + # Base + cmake \ + future \ + mkl \ + mkl-include \ + mock \ + numpy \ + opt_einsum \ + packaging \ + pyyaml \ + requests \ + setuptools \ + six \ + wheel \ + # OpenCV + lxml \ + Pillow \ + # Torch + cffi \ + typing \ + ninja \ + # Extra + scikit-image \ + scikit-learn \ + matplotlib \ + moviepy \ + pandas \ + mkl-static mkl-include \ + # No keras + && rm -rf /root/.cache/pip + +# No TensorFlow build +RUN echo "No TensorFlow built" > /tmp/tf_env.dump + + +##### FFMPEG + +ENV CTPO_FFMPEG_VERSION=7.1 +ENV CTPO_FFMPEG_NONFREE="" +RUN mkdir -p /usr/local/src/builder \ + && cd /usr/local/src \ + && wget -q https://ffmpeg.org/releases/ffmpeg-${CTPO_FFMPEG_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder \ + && cd /usr/local/src/builder \ + && time ./configure --enable-shared --disable-static --enable-gpl --enable-libv4l2 --enable-libvorbis --enable-libvpx --enable-libwebp --enable-libxvid --enable-libopus --enable-pic --enable-libass --enable-libx264 --enable-libx265 | tee /tmp/ffmpeg_config.txt \ + && make -j${CTPO_NUMPROC} install \ + && ldconfig \ + && rm -rf /usr/local/src/builder + +RUN echo "${CTPO_FFMPEG_VERSION}" > /tmp/.ffmpeg_built + +#### OpenCV + +# Download & Build OpenCV in same RUN +## FYI: We are removing the OpenCV source and build directory in /usr/local/src to attempt to save additional disk space +# Comment the last line if you want to rerun cmake with additional/modified options. For example: +# cd /usr/local/src/opencv/build +# cmake -DOPENCV_ENABLE_NONFREE=ON -DBUILD_EXAMPLES=ON -DBUILD_DOCS=ON -DBUILD_TESTS=ON -DBUILD_PERF_TESTS=ON .. && make install +ENV CTPO_OPENCV_VERSION=4.10.0 +ENV CTPO_OPENCV_CUDA="" +ENV CTPO_OPENCV_NONFREE="" +RUN mkdir -p /usr/local/src/opencv/build /usr/local/src/opencv_contrib \ + && cd /usr/local/src \ + && wget -q https://github.com/opencv/opencv/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv \ + && wget -q https://github.com/opencv/opencv_contrib/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv_contrib \ + && cd /usr/local/src/opencv/build \ + && time cmake \ + -DBUILD_DOCS=0 \ + -DBUILD_EXAMPLES=0 \ + -DBUILD_PERF_TESTS=0 \ + -DBUILD_TESTS=0 \ + -DBUILD_opencv_python2=0 \ + -DBUILD_opencv_python3=1 \ + -DCMAKE_BUILD_TYPE=Release \ + -DCMAKE_INSTALL_PREFIX=$(python3 -c "import sys; print(sys.prefix)") \ + -DOPENCV_PYTHON3_INSTALL_PATH=$(python3 -c "from distutils.sysconfig import get_python_lib; print(get_python_lib())") \ + -DPYTHON_EXECUTABLE=$(which python3) \ + -DCMAKE_INSTALL_TYPE=Release \ + -DENABLE_FAST_MATH=1 \ + -DFORCE_VTK=1 \ + -DINSTALL_C_EXAMPLES=0 \ + -DINSTALL_PYTHON_EXAMPLES=0 \ + -DOPENCV_EXTRA_MODULES_PATH=/usr/local/src/opencv_contrib/modules \ + -DOPENCV_GENERATE_PKGCONFIG=1 \ + -DOPENCV_PC_FILE_NAME=opencv.pc \ + -DWITH_CSTRIPES=1 \ + -DWITH_EIGEN=1 \ + -DWITH_GDAL=1 \ + -DWITH_GSTREAMER=1 \ + -DWITH_GSTREAMER_0_10=OFF \ + -DWITH_GTK=1 \ + -DWITH_IPP=1 \ + -DWITH_OPENCL=1 \ + -DWITH_OPENMP=1 \ + -DWITH_TBB=1 \ + -DWITH_V4L=1 \ + -DWITH_WEBP=1 \ + -DWITH_XINE=1 \ + ${CTPO_OPENCV_CUDA} \ + ${CTPO_OPENCV_NONFREE} \ + -GNinja \ + .. \ + && time ninja install \ + && ldconfig \ + && rm -rf /usr/local/src/opencv /usr/local/src/opencv_contrib + +RUN python3 -c 'import cv2; print(f"{cv2.__version__}")' > /tmp/.opencv_built + +# No Magma (PyTorch GPU only) + +##### Torch (using FFMpeg + OpenCV) + +ENV CTPO_TORCH=2.5.1 +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCH} https://github.com/pytorch/pytorch.git \ + && cd /usr/local/src/pytorch \ + && pip3 install -r requirements.txt \ + && time env PYTORCH_BUILD_VERSION=${CTPO_TORCH} PYTORCH_BUILD_NUMBER=0 USE_CUDA=0 USE_CUDNN=0 USE_MKLDNN=1 USE_FFMPEG=1 USE_OPENCV=1 python3 ./setup.py bdist_wheel | tee /tmp/torch_config.txt \ + && time pip3 install /usr/local/src/pytorch/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torch_config.txt \ + && sh -c "cmp --silent torch_config.txt torch_config.txt.bak && exit 1 || rm torch_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/pytorch + +RUN python3 -c 'import torch; print(f"{torch.__version__}")' > /tmp/.torch_built + +ENV CTPO_TORCHVISION=0.20.0 +# setup.py options from https://github.com/pytorch/vision/blob/main/setup.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHVISION} https://github.com/pytorch/vision.git \ + && cd /usr/local/src/vision \ + && time env BUILD_VERSION=${CTPO_TORCHVISION} FORCE_CUDA=0 TORCHVISION_USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchvision_config.txt \ + && time pip3 install /usr/local/src/vision/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^running bdist_wheel%' torchvision_config.txt \ + && sh -c "cmp --silent torchvision_config.txt torchvision_config.txt.bak && exit 1 || rm torchvision_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/vision + +RUN python3 -c 'import torchvision; print(f"{torchvision.__version__}")' > /tmp/.torchvision_built + +ENV CTPO_TORCHAUDIO=2.5.0 +# setup.py options from https://github.com/pytorch/audio/blob/main/tools/setup_helpers/extension.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHAUDIO} https://github.com/pytorch/audio.git \ + && cd /usr/local/src/audio \ + && time env BUILD_VERSION=${CTPO_TORCHAUDIO} USE_CUDA=0 USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchaudio_config.txt \ + && time pip3 install /usr/local/src/audio/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torchaudio_config.txt \ + && sh -c "cmp --silent torchaudio_config.txt torchaudio_config.txt.bak && exit 1 || rm torchaudio_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/audio + +RUN python3 -c 'import torchaudio; print(f"{torchaudio.__version__}")' > /tmp/.torchaudio_built + +ENV CTPO_TORCHDATA=0.9.0 +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHDATA} https://github.com/pytorch/data.git \ + && cd /usr/local/src/data \ + && BUILD_VERSION=${CTPO_TORCHDATA} pip3 install . | tee /tmp/torchdata_config.txt \ + && rm -rf /root/.cache/pip /usr/local/src/data + +RUN python3 -c 'import torchdata; print(f"{torchdata.__version__}")' > /tmp/.torchdata_built + +##### Final steps + +# Add Jupyter lab & venv requirements +RUN apt-get install -y python3-venv \ + && pip3 install -U jupyterlab +# https://jupyterlab.readthedocs.io/en/stable/getting_started/changelog.html +# with v4 extensions are installed using the extension manager, see https://jupyterlab.readthedocs.io/en/stable/user/extensions.html#id11 + +RUN touch /.within_container +COPY withincontainer_checker.sh /tmp/withincontainer_checker.sh +RUN chmod +x /tmp/withincontainer_checker.sh \ + && /tmp/withincontainer_checker.sh + +# Setting up working directory +RUN mkdir /iti +WORKDIR /iti + +# Uncomment as needed +#ENV NVIDIA_VISIBLE_DEVICES all +#ENV NVIDIA_DRIVER_CAPABILITIES video,compute,utility + +CMD ["/bin/bash"] \ No newline at end of file diff --git a/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/FFmpeg--Details.txt b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/FFmpeg--Details.txt new file mode 100644 index 0000000..146af17 --- /dev/null +++ b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/FFmpeg--Details.txt @@ -0,0 +1,717 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="pytorch_opencv:2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** FFmpeg configuration: +install prefix /usr/local +source path . +C compiler gcc +C library glibc +ARCH x86 (generic) +big-endian no +runtime cpu detection yes +standalone assembly yes +x86 assembler yasm +MMX enabled yes +MMXEXT enabled yes +3DNow! enabled yes +3DNow! extended enabled yes +SSE enabled yes +SSSE3 enabled yes +AESNI enabled yes +AVX enabled yes +AVX2 enabled yes +AVX-512 enabled yes +AVX-512ICL enabled yes +XOP enabled yes +FMA3 enabled yes +FMA4 enabled yes +i686 features enabled yes +CMOV is fast yes +EBX available yes +EBP available yes +debug symbols yes +strip symbols yes +optimize for size no +optimizations yes +static no +shared yes +postprocessing support yes +network support yes +threading support pthreads +safe bitstream reader yes +texi2html enabled no +perl enabled yes +pod2man enabled yes +makeinfo enabled no +makeinfo supports HTML no +xmllint enabled yes + +External libraries: +bzlib libvorbis libxcb +iconv libvpx libxcb_shm +libass libwebp libxvid +libopus libx264 lzma +libv4l2 libx265 zlib + +External libraries providing hardware acceleration: +libdrm v4l2_m2m + +Libraries: +avcodec avformat swresample +avdevice avutil swscale +avfilter postproc + +Programs: +ffmpeg ffprobe + +Enabled decoders: +aac flv pgssub +aac_fixed fmvc pgx +aac_latm fourxm phm +aasc fraps photocd +ac3 frwu pictor +ac3_fixed ftr pixlet +acelp_kelvin g2m pjs +adpcm_4xm g723_1 png +adpcm_adx g729 ppm +adpcm_afc gdv prores +adpcm_agm gem prosumer +adpcm_aica gif psd +adpcm_argo gremlin_dpcm ptx +adpcm_ct gsm qcelp +adpcm_dtk gsm_ms qdm2 +adpcm_ea h261 qdmc +adpcm_ea_maxis_xa h263 qdraw +adpcm_ea_r1 h263_v4l2m2m qoa +adpcm_ea_r2 h263i qoi +adpcm_ea_r3 h263p qpeg +adpcm_ea_xas h264 qtrle +adpcm_g722 h264_v4l2m2m r10k +adpcm_g726 hap r210 +adpcm_g726le hca ra_144 +adpcm_ima_acorn hcom ra_288 +adpcm_ima_alp hdr ralf +adpcm_ima_amv hevc rasc +adpcm_ima_apc hevc_v4l2m2m rawvideo +adpcm_ima_apm hnm4_video realtext +adpcm_ima_cunning hq_hqa rka +adpcm_ima_dat4 hqx rl2 +adpcm_ima_dk3 huffyuv roq +adpcm_ima_dk4 hymt roq_dpcm +adpcm_ima_ea_eacs iac rpza +adpcm_ima_ea_sead idcin rscc +adpcm_ima_iss idf rtv1 +adpcm_ima_moflex iff_ilbm rv10 +adpcm_ima_mtf ilbc rv20 +adpcm_ima_oki imc rv30 +adpcm_ima_qt imm4 rv40 +adpcm_ima_rad imm5 s302m +adpcm_ima_smjpeg indeo2 sami +adpcm_ima_ssi indeo3 sanm +adpcm_ima_wav indeo4 sbc +adpcm_ima_ws indeo5 scpr +adpcm_ms interplay_acm screenpresso +adpcm_mtaf interplay_dpcm sdx2_dpcm +adpcm_psx interplay_video sga +adpcm_sbpro_2 ipu sgi +adpcm_sbpro_3 jacosub sgirle +adpcm_sbpro_4 jpeg2000 sheervideo +adpcm_swf jpegls shorten +adpcm_thp jv simbiosis_imx +adpcm_thp_le kgv1 sipr +adpcm_vima kmvc siren +adpcm_xa lagarith smackaud +adpcm_xmd lead smacker +adpcm_yamaha libopus smc +adpcm_zork libvorbis smvjpeg +agm libvpx_vp8 snow +aic libvpx_vp9 sol_dpcm +alac loco sonic +alias_pix lscr sp5x +als m101 speedhq +amrnb mace3 speex +amrwb mace6 srgc +amv magicyuv srt +anm mdec ssa +ansi media100 stl +anull metasound subrip +apac microdvd subviewer +ape mimic subviewer1 +apng misc4 sunrast +aptx mjpeg svq1 +aptx_hd mjpegb svq3 +arbc mlp tak +argo mmvideo targa +ass mobiclip targa_y216 +asv1 motionpixels tdsc +asv2 movtext text +atrac1 mp1 theora +atrac3 mp1float thp +atrac3al mp2 tiertexseqvideo +atrac3p mp2float tiff +atrac3pal mp3 tmv +atrac9 mp3adu truehd +aura mp3adufloat truemotion1 +aura2 mp3float truemotion2 +av1 mp3on4 truemotion2rt +avrn mp3on4float truespeech +avrp mpc7 tscc +avs mpc8 tscc2 +avui mpeg1_v4l2m2m tta +bethsoftvid mpeg1video twinvq +bfi mpeg2_v4l2m2m txd +bink mpeg2video ulti +binkaudio_dct mpeg4 utvideo +binkaudio_rdft mpeg4_v4l2m2m v210 +bintext mpegvideo v210x +bitpacked mpl2 v308 +bmp msa1 v408 +bmv_audio mscc v410 +bmv_video msmpeg4v1 vb +bonk msmpeg4v2 vble +brender_pix msmpeg4v3 vbn +c93 msnsiren vc1 +cavs msp2 vc1_v4l2m2m +cbd2_dpcm msrle vc1image +ccaption mss1 vcr1 +cdgraphics mss2 vmdaudio +cdtoons msvideo1 vmdvideo +cdxl mszh vmix +cfhd mts2 vmnc +cinepak mv30 vnull +clearvideo mvc1 vorbis +cljr mvc2 vp3 +cllc mvdv vp4 +comfortnoise mvha vp5 +cook mwsc vp6 +cpia mxpeg vp6a +cri nellymoser vp6f +cscd notchlc vp7 +cyuv nuv vp8 +dca on2avc vp8_v4l2m2m +dds opus vp9 +derf_dpcm osq vp9_v4l2m2m +dfa paf_audio vplayer +dfpwm paf_video vqa +dirac pam vqc +dnxhd pbm vvc +dolby_e pcm_alaw wady_dpcm +dpx pcm_bluray wavarc +dsd_lsbf pcm_dvd wavpack +dsd_lsbf_planar pcm_f16le wbmp +dsd_msbf pcm_f24le wcmv +dsd_msbf_planar pcm_f32be webp +dsicinaudio pcm_f32le webvtt +dsicinvideo pcm_f64be wmalossless +dss_sp pcm_f64le wmapro +dst pcm_lxf wmav1 +dvaudio pcm_mulaw wmav2 +dvbsub pcm_s16be wmavoice +dvdsub pcm_s16be_planar wmv1 +dvvideo pcm_s16le wmv2 +dxa pcm_s16le_planar wmv3 +dxtory pcm_s24be wmv3image +dxv pcm_s24daud wnv1 +eac3 pcm_s24le wrapped_avframe +eacmv pcm_s24le_planar ws_snd1 +eamad pcm_s32be xan_dpcm +eatgq pcm_s32le xan_wc3 +eatgv pcm_s32le_planar xan_wc4 +eatqi pcm_s64be xbin +eightbps pcm_s64le xbm +eightsvx_exp pcm_s8 xface +eightsvx_fib pcm_s8_planar xl +escape124 pcm_sga xma1 +escape130 pcm_u16be xma2 +evrc pcm_u16le xpm +exr pcm_u24be xsub +fastaudio pcm_u24le xwd +ffv1 pcm_u32be y41p +ffvhuff pcm_u32le ylc +ffwavesynth pcm_u8 yop +fic pcm_vidc yuv4 +fits pcx zero12v +flac pdv zerocodec +flashsv pfm zlib +flashsv2 pgm zmbv +flic pgmyuv + +Enabled encoders: +a64multi jpeg2000 pgmyuv +a64multi5 jpegls phm +aac libopus png +ac3 libvorbis ppm +ac3_fixed libvpx_vp8 prores +adpcm_adx libvpx_vp9 prores_aw +adpcm_argo libwebp prores_ks +adpcm_g722 libwebp_anim qoi +adpcm_g726 libx264 qtrle +adpcm_g726le libx264rgb r10k +adpcm_ima_alp libx265 r210 +adpcm_ima_amv libxvid ra_144 +adpcm_ima_apm ljpeg rawvideo +adpcm_ima_qt magicyuv roq +adpcm_ima_ssi mjpeg roq_dpcm +adpcm_ima_wav mlp rpza +adpcm_ima_ws movtext rv10 +adpcm_ms mp2 rv20 +adpcm_swf mp2fixed s302m +adpcm_yamaha mpeg1video sbc +alac mpeg2video sgi +alias_pix mpeg4 smc +amv mpeg4_v4l2m2m snow +anull msmpeg4v2 sonic +apng msmpeg4v3 sonic_ls +aptx msrle speedhq +aptx_hd msvideo1 srt +ass nellymoser ssa +asv1 opus subrip +asv2 pam sunrast +avrp pbm svq1 +avui pcm_alaw targa +bitpacked pcm_bluray text +bmp pcm_dvd tiff +cfhd pcm_f32be truehd +cinepak pcm_f32le tta +cljr pcm_f64be ttml +comfortnoise pcm_f64le utvideo +dca pcm_mulaw v210 +dfpwm pcm_s16be v308 +dnxhd pcm_s16be_planar v408 +dpx pcm_s16le v410 +dvbsub pcm_s16le_planar vbn +dvdsub pcm_s24be vc2 +dvvideo pcm_s24daud vnull +dxv pcm_s24le vorbis +eac3 pcm_s24le_planar vp8_v4l2m2m +exr pcm_s32be wavpack +ffv1 pcm_s32le wbmp +ffvhuff pcm_s32le_planar webvtt +fits pcm_s64be wmav1 +flac pcm_s64le wmav2 +flashsv pcm_s8 wmv1 +flashsv2 pcm_s8_planar wmv2 +flv pcm_u16be wrapped_avframe +g723_1 pcm_u16le xbm +gif pcm_u24be xface +h261 pcm_u24le xsub +h263 pcm_u32be xwd +h263_v4l2m2m pcm_u32le y41p +h263p pcm_u8 yuv4 +h264_v4l2m2m pcm_vidc zlib +hdr pcx zmbv +hevc_v4l2m2m pfm +huffyuv pgm + +Enabled hwaccels: + +Enabled parsers: +aac dvdsub mpegaudio +aac_latm evc mpegvideo +ac3 flac opus +adx ftr png +amr g723_1 pnm +av1 g729 qoi +avs2 gif rv34 +avs3 gsm sbc +bmp h261 sipr +cavsvideo h263 tak +cook h264 vc1 +cri hdr vorbis +dca hevc vp3 +dirac ipu vp8 +dnxhd jpeg2000 vp9 +dolby_e jpegxl vvc +dpx misc4 webp +dvaudio mjpeg xbm +dvbsub mlp xma +dvd_nav mpeg4video xwd + +Enabled demuxers: +aa idf pcm_s16be +aac iff pcm_s16le +aax ifv pcm_s24be +ac3 ilbc pcm_s24le +ac4 image2 pcm_s32be +ace image2_alias_pix pcm_s32le +acm image2_brender_pix pcm_s8 +act image2pipe pcm_u16be +adf image_bmp_pipe pcm_u16le +adp image_cri_pipe pcm_u24be +ads image_dds_pipe pcm_u24le +adx image_dpx_pipe pcm_u32be +aea image_exr_pipe pcm_u32le +afc image_gem_pipe pcm_u8 +aiff image_gif_pipe pcm_vidc +aix image_hdr_pipe pdv +alp image_j2k_pipe pjs +amr image_jpeg_pipe pmp +amrnb image_jpegls_pipe pp_bnk +amrwb image_jpegxl_pipe pva +anm image_pam_pipe pvf +apac image_pbm_pipe qcp +apc image_pcx_pipe qoa +ape image_pfm_pipe r3d +apm image_pgm_pipe rawvideo +apng image_pgmyuv_pipe rcwt +aptx image_pgx_pipe realtext +aptx_hd image_phm_pipe redspark +aqtitle image_photocd_pipe rka +argo_asf image_pictor_pipe rl2 +argo_brp image_png_pipe rm +argo_cvg image_ppm_pipe roq +asf image_psd_pipe rpl +asf_o image_qdraw_pipe rsd +ass image_qoi_pipe rso +ast image_sgi_pipe rtp +au image_sunrast_pipe rtsp +av1 image_svg_pipe s337m +avi image_tiff_pipe sami +avr image_vbn_pipe sap +avs image_webp_pipe sbc +avs2 image_xbm_pipe sbg +avs3 image_xpm_pipe scc +bethsoftvid image_xwd_pipe scd +bfi ingenient sdns +bfstm ipmovie sdp +bink ipu sdr2 +binka ircam sds +bintext iss sdx +bit iv8 segafilm +bitpacked ivf ser +bmv ivr sga +boa jacosub shorten +bonk jpegxl_anim siff +brstm jv simbiosis_imx +c93 kux sln +caf kvag smacker +cavsvideo laf smjpeg +cdg lc3 smush +cdxl live_flv sol +cine lmlm4 sox +codec2 loas spdif +codec2raw lrc srt +concat luodat stl +data lvf str +daud lxf subviewer +dcstr m4v subviewer1 +derf matroska sup +dfa mca svag +dfpwm mcc svs +dhav mgsts swf +dirac microdvd tak +dnxhd mjpeg tedcaptions +dsf mjpeg_2000 thp +dsicin mlp threedostr +dss mlv tiertexseq +dts mm tmv +dtshd mmf truehd +dv mods tta +dvbsub moflex tty +dvbtxt mov txd +dxa mp3 ty +ea mpc usm +ea_cdata mpc8 v210 +eac3 mpegps v210x +epaf mpegts vag +evc mpegtsraw vc1 +ffmetadata mpegvideo vc1t +filmstrip mpjpeg vividas +fits mpl2 vivo +flac mpsub vmd +flic msf vobsub +flv msnwc_tcp voc +fourxm msp vpk +frm mtaf vplayer +fsb mtv vqf +fwse musx vvc +g722 mv w64 +g723_1 mvi wady +g726 mxf wav +g726le mxg wavarc +g729 nc wc3 +gdv nistsphere webm_dash_manifest +genh nsp webvtt +gif nsv wsaud +gsm nut wsd +gxf nuv wsvqa +h261 obu wtv +h263 ogg wv +h264 oma wve +hca osq xa +hcom paf xbin +hevc pcm_alaw xmd +hls pcm_f32be xmv +hnm pcm_f32le xvag +iamf pcm_f64be xwma +ico pcm_f64le yop +idcin pcm_mulaw yuv4mpegpipe + +Enabled muxers: +a64 h263 pcm_s16le +ac3 h264 pcm_s24be +ac4 hash pcm_s24le +adts hds pcm_s32be +adx hevc pcm_s32le +aea hls pcm_s8 +aiff iamf pcm_u16be +alp ico pcm_u16le +amr ilbc pcm_u24be +amv image2 pcm_u24le +apm image2pipe pcm_u32be +apng ipod pcm_u32le +aptx ircam pcm_u8 +aptx_hd ismv pcm_vidc +argo_asf ivf psp +argo_cvg jacosub rawvideo +asf kvag rcwt +asf_stream latm rm +ass lc3 roq +ast lrc rso +au m4v rtp +avi matroska rtp_mpegts +avif matroska_audio rtsp +avm2 md5 sap +avs2 microdvd sbc +avs3 mjpeg scc +bit mkvtimestamp_v2 segafilm +caf mlp segment +cavsvideo mmf smjpeg +codec2 mov smoothstreaming +codec2raw mp2 sox +crc mp3 spdif +dash mp4 spx +data mpeg1system srt +daud mpeg1vcd stream_segment +dfpwm mpeg1video streamhash +dirac mpeg2dvd sup +dnxhd mpeg2svcd swf +dts mpeg2video tee +dv mpeg2vob tg2 +eac3 mpegts tgp +evc mpjpeg truehd +f4v mxf tta +ffmetadata mxf_d10 ttml +fifo mxf_opatom uncodedframecrc +filmstrip null vc1 +fits nut vc1t +flac obu voc +flv oga vvc +framecrc ogg w64 +framehash ogv wav +framemd5 oma webm +g722 opus webm_chunk +g723_1 pcm_alaw webm_dash_manifest +g726 pcm_f32be webp +g726le pcm_f32le webvtt +gif pcm_f64be wsaud +gsm pcm_f64le wtv +gxf pcm_mulaw wv +h261 pcm_s16be yuv4mpegpipe + +Enabled protocols: +async gopher rtmp +cache hls rtmpt +concat http rtp +concatf httpproxy srtp +crypto icecast subfile +data md5 tcp +fd mmsh tee +ffrtmphttp mmst udp +file pipe udplite +ftp prompeg unix + +Enabled filters: +a3dscope corr overlay +aap cover_rect owdenoise +abench crop pad +abitscope cropdetect pal100bars +acompressor crossfeed pal75bars +acontrast crystalizer palettegen +acopy cue paletteuse +acrossfade curves pan +acrossover datascope perlin +acrusher dblur perms +acue dcshift perspective +addroi dctdnoiz phase +adeclick deband photosensitivity +adeclip deblock pixdesctest +adecorrelate decimate pixelize +adelay deconvolve pixscope +adenorm dedot pp +aderivative deesser pp7 +adrawgraph deflate premultiply +adrc deflicker prewitt +adynamicequalizer dejudder pseudocolor +adynamicsmooth delogo psnr +aecho deshake pullup +aemphasis despill qp +aeval detelecine random +aevalsrc dialoguenhance readeia608 +aexciter dilation readvitc +afade displace realtime +afdelaysrc doubleweave remap +afftdn drawbox removegrain +afftfilt drawgraph removelogo +afir drawgrid repeatfields +afireqsrc drmeter replaygain +afirsrc dynaudnorm reverse +aformat earwax rgbashift +afreqshift ebur128 rgbtestsrc +afwtdn edgedetect roberts +agate elbg rotate +agraphmonitor entropy sab +ahistogram epx scale +aiir eq scale2ref +aintegral equalizer scdet +ainterleave erosion scharr +alatency estdif scroll +alimiter exposure segment +allpass extractplanes select +allrgb extrastereo selectivecolor +allyuv fade sendcmd +aloop feedback separatefields +alphaextract fftdnoiz setdar +alphamerge fftfilt setfield +amerge field setparams +ametadata fieldhint setpts +amix fieldmatch setrange +amovie fieldorder setsar +amplify fillborders settb +amultiply find_rect shear +anequalizer firequalizer showcqt +anlmdn flanger showcwt +anlmf floodfill showfreqs +anlms format showinfo +anoisesrc fps showpalette +anull framepack showspatial +anullsink framerate showspectrum +anullsrc framestep showspectrumpic +apad freezedetect showvolume +aperms freezeframes showwaves +aphasemeter fspp showwavespic +aphaser fsync shuffleframes +aphaseshift gblur shufflepixels +apsnr geq shuffleplanes +apsyclip gradfun sidechaincompress +apulsator gradients sidechaingate +arealtime graphmonitor sidedata +aresample grayworld sierpinski +areverse greyedge signalstats +arls guided signature +arnndn haas silencedetect +asdr haldclut silenceremove +asegment haldclutsrc sinc +aselect hdcd sine +asendcmd headphone siti +asetnsamples hflip smartblur +asetpts highpass smptebars +asetrate highshelf smptehdbars +asettb hilbert sobel +ashowinfo histeq spectrumsynth +asidedata histogram speechnorm +asisdr hqdn3d split +asoftclip hqx spp +aspectralstats hstack ssim +asplit hsvhold ssim360 +ass hsvkey stereo3d +astats hue stereotools +astreamselect huesaturation stereowiden +asubboost hwdownload streamselect +asubcut hwmap subtitles +asupercut hwupload super2xsai +asuperpass hysteresis superequalizer +asuperstop identity surround +atadenoise idet swaprect +atempo il swapuv +atilt inflate tblend +atrim interlace telecine +avectorscope interleave testsrc +avgblur join testsrc2 +avsynctest kerndeint thistogram +axcorrelate kirsch threshold +backgroundkey lagfun thumbnail +bandpass latency tile +bandreject lenscorrection tiltandshift +bass life tiltshelf +bbox limitdiff tinterlace +bench limiter tlut2 +bilateral loop tmedian +biquad loudnorm tmidequalizer +bitplanenoise lowpass tmix +blackdetect lowshelf tonemap +blackframe lumakey tpad +blend lut transpose +blockdetect lut1d treble +blurdetect lut2 tremolo +bm3d lut3d trim +boxblur lutrgb unpremultiply +bwdif lutyuv unsharp +cas mandelbrot untile +ccrepack maskedclamp uspp +cellauto maskedmax v360 +channelmap maskedmerge vaguedenoiser +channelsplit maskedmin varblur +chorus maskedthreshold vectorscope +chromahold maskfun vflip +chromakey mcdeint vfrdet +chromanr mcompand vibrance +chromashift median vibrato +ciescope mergeplanes vif +codecview mestimate vignette +color metadata virtualbass +colorbalance midequalizer vmafmotion +colorchannelmixer minterpolate volume +colorchart mix volumedetect +colorcontrast monochrome vstack +colorcorrect morpho w3fdif +colorhold movie waveform +colorize mpdecimate weave +colorkey mptestsrc xbr +colorlevels msad xcorrelate +colormap multiply xfade +colormatrix negate xmedian +colorspace nlmeans xpsnr +colorspectrum nnedi xstack +colortemperature noformat yadif +compand noise yaepblur +compensationdelay normalize yuvtestsrc +concat null zoneplate +convolution nullsink zoompan +convolve nullsrc +copy oscilloscope + +Enabled bsfs: +aac_adtstoasc h264_mp4toannexb pcm_rechunk +av1_frame_merge h264_redundant_pps pgs_frame_merge +av1_frame_split hapqa_extract prores_metadata +av1_metadata hevc_metadata remove_extradata +chomp hevc_mp4toannexb setts +dca_core imx_dump_header showinfo +dovi_rpu media100_to_mjpegb text2movsub +dts2pts mjpeg2jpeg trace_headers +dump_extradata mjpega_dump_header truehd_core +dv_error_marker mov2textsub vp9_metadata +eac3_core mpeg2_metadata vp9_raw_reorder +evc_frame_merge mpeg4_unpack_bframes vp9_superframe +extract_extradata noise vp9_superframe_split +filter_units null vvc_metadata +h264_metadata opus_metadata vvc_mp4toannexb + +Enabled indevs: +fbdev lavfi v4l2 +kmsgrab oss xcbgrab + +Enabled outdevs: +fbdev oss v4l2 + +License: GPL version 2 or later diff --git a/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/OpenCV--Details.txt b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/OpenCV--Details.txt new file mode 100644 index 0000000..8460094 --- /dev/null +++ b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/OpenCV--Details.txt @@ -0,0 +1,140 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="pytorch_opencv:2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** OpenCV configuration: +-- Confirming OpenCV Python is installed. Version: 4.10.0 + + +General configuration for OpenCV 4.10.0 ===================================== + Version control: unknown + + Extra modules: + Location (extra): /usr/local/src/opencv_contrib/modules + Version control (extra): unknown + + Platform: + Timestamp: 2024-12-18T23:39:55Z + Host: Linux 6.8.0-51-generic x86_64 + CMake: 3.31.2 + CMake generator: Ninja + CMake build tool: /usr/local/bin/ninja + Configuration: Release + + CPU/HW features: + Baseline: SSE SSE2 SSE3 + requested: SSE3 + Dispatched code generation: SSE4_1 SSE4_2 FP16 AVX AVX2 AVX512_SKX + requested: SSE4_1 SSE4_2 AVX FP16 AVX2 AVX512_SKX + SSE4_1 (16 files): + SSSE3 SSE4_1 + SSE4_2 (1 files): + SSSE3 SSE4_1 POPCNT SSE4_2 + FP16 (0 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 AVX + AVX (8 files): + SSSE3 SSE4_1 POPCNT SSE4_2 AVX + AVX2 (36 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2 + AVX512_SKX (5 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2 AVX_512F AVX512_COMMON AVX512_SKX + + C/C++: + Built as dynamic libs?: YES + C++ standard: 11 + C++ Compiler: /usr/bin/c++ (ver 13.3.0) + C++ flags (Release): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Wnon-virtual-dtor -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Wsuggest-override -Wno-delete-non-virtual-dtor -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -fopenmp -O3 -DNDEBUG -DNDEBUG + C++ flags (Debug): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Wnon-virtual-dtor -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Wsuggest-override -Wno-delete-non-virtual-dtor -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -fopenmp -g -O0 -DDEBUG -D_DEBUG + C Compiler: /usr/bin/cc + C flags (Release): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fopenmp -O3 -DNDEBUG -DNDEBUG + C flags (Debug): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fopenmp -g -O0 -DDEBUG -D_DEBUG + Linker flags (Release): -Wl,--exclude-libs,libippicv.a -Wl,--exclude-libs,libippiw.a -Wl,--gc-sections -Wl,--as-needed -Wl,--no-undefined + Linker flags (Debug): -Wl,--exclude-libs,libippicv.a -Wl,--exclude-libs,libippiw.a -Wl,--gc-sections -Wl,--as-needed -Wl,--no-undefined + ccache: NO + Precompiled headers: NO + Extra dependencies: dl m pthread rt + 3rdparty dependencies: + + OpenCV modules: + To be built: alphamat aruco bgsegm bioinspired calib3d ccalib core datasets dnn dnn_objdetect dnn_superres dpm face features2d flann freetype fuzzy gapi hdf hfs highgui img_hash imgcodecs imgproc intensity_transform line_descriptor mcc ml objdetect optflow phase_unwrapping photo plot python3 quality rapid reg rgbd saliency sfm shape signal stereo stitching structured_light superres surface_matching text tracking video videoio videostab wechat_qrcode xfeatures2d ximgproc xobjdetect xphoto + Disabled: world + Disabled by dependency: - + Unavailable: cannops cudaarithm cudabgsegm cudacodec cudafeatures2d cudafilters cudaimgproc cudalegacy cudaobjdetect cudaoptflow cudastereo cudawarping cudev cvv java julia matlab ovis python2 ts viz + Applications: apps + Documentation: NO + Non-free algorithms: NO + + GUI: GTK3 + GTK+: YES (ver 3.24.41) + GThread : YES (ver 2.80.0) + GtkGlExt: NO + VTK support: NO + + Media I/O: + ZLib: /usr/lib/x86_64-linux-gnu/libz.so (ver 1.3) + JPEG: /usr/lib/x86_64-linux-gnu/libjpeg.so (ver 80) + WEBP: /usr/lib/x86_64-linux-gnu/libwebp.so (ver encoder: 0x020f) + PNG: /usr/lib/x86_64-linux-gnu/libpng.so (ver 1.6.43) + TIFF: /usr/lib/x86_64-linux-gnu/libtiff.so (ver 42 / 4.5.1) + JPEG 2000: OpenJPEG (ver 2.5.0) + OpenEXR: build (ver 2.3.0) + GDAL: NO + HDR: YES + SUNRASTER: YES + PXM: YES + PFM: YES + + Video I/O: + DC1394: YES (2.2.6) + FFMPEG: YES + avcodec: YES (61.19.100) + avformat: YES (61.7.100) + avutil: YES (59.39.100) + swscale: YES (8.3.100) + avresample: NO + GStreamer: YES (1.24.2) + v4l/v4l2: YES (linux/videodev2.h) + Xine: YES (ver 1.2.13) + + Parallel framework: TBB (ver 2022.0 interface 12140) + + Trace: YES (with Intel ITT) + + Other third-party libraries: + Intel IPP: 2021.11.0 [2021.11.0] + at: /usr/local/src/opencv/build/3rdparty/ippicv/ippicv_lnx/icv + Intel IPP IW: sources (2021.11.0) + at: /usr/local/src/opencv/build/3rdparty/ippicv/ippicv_lnx/iw + VA: NO + Lapack: YES (/usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a /usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a /usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a -lpthread -lm -ldl) + Eigen: YES (ver 3.4.0) + Custom HAL: NO + Protobuf: build (3.19.1) + Flatbuffers: builtin/3rdparty (23.5.9) + + OpenCL: YES (no extra features) + Include path: /usr/local/src/opencv/3rdparty/include/opencl/1.2 + Link libraries: Dynamic load + + Python 3: + Interpreter: /usr/bin/python3 (ver 3.12.3) + Libraries: /usr/lib/x86_64-linux-gnu/libpython3.12.so (ver 3.12.3) + Limited API: NO + numpy: /usr/local/lib/python3.12/dist-packages/numpy/_core/include (ver 2.2.0) + install path: /usr/lib/python3/dist-packages/cv2/python-3.12 + + Python (for build): /usr/bin/python3 + + Java: + ant: NO + Java: NO + JNI: NO + Java wrappers: NO + Java tests: NO + + Install to: /usr +----------------------------------------------------------------- + + diff --git a/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/PyTorch--Details.txt b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/PyTorch--Details.txt new file mode 100644 index 0000000..e1560c6 --- /dev/null +++ b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/PyTorch--Details.txt @@ -0,0 +1,392 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="pytorch_opencv:2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** PyTorch configuration: +-- The CXX compiler identification is GNU 13.3.0 +-- The C compiler identification is GNU 13.3.0 +-- Detecting CXX compiler ABI info +-- Detecting CXX compiler ABI info - done +-- Check for working CXX compiler: /usr/bin/c++ - skipped +-- Detecting CXX compile features +-- Detecting CXX compile features - done +-- Detecting C compiler ABI info +-- Detecting C compiler ABI info - done +-- Check for working C compiler: /usr/bin/cc - skipped +-- Detecting C compile features +-- Detecting C compile features - done +-- /usr/bin/c++ /usr/local/src/pytorch/torch/abi-check.cpp -o /usr/local/src/pytorch/build/abi-check +-- Determined _GLIBCXX_USE_CXX11_ABI=1 +-- Not forcing any particular BLAS to be found +-- Could not find ccache. Consider installing ccache to speed up compilation. +-- Performing Test C_HAS_AVX_1 +-- Performing Test C_HAS_AVX_1 - Failed +-- Performing Test C_HAS_AVX_2 +-- Performing Test C_HAS_AVX_2 - Success +-- Performing Test C_HAS_AVX2_1 +-- Performing Test C_HAS_AVX2_1 - Failed +-- Performing Test C_HAS_AVX2_2 +-- Performing Test C_HAS_AVX2_2 - Success +-- Performing Test C_HAS_AVX512_1 +-- Performing Test C_HAS_AVX512_1 - Failed +-- Performing Test C_HAS_AVX512_2 +-- Performing Test C_HAS_AVX512_2 - Success +-- Performing Test CXX_HAS_AVX_1 +-- Performing Test CXX_HAS_AVX_1 - Failed +-- Performing Test CXX_HAS_AVX_2 +-- Performing Test CXX_HAS_AVX_2 - Success +-- Performing Test CXX_HAS_AVX2_1 +-- Performing Test CXX_HAS_AVX2_1 - Failed +-- Performing Test CXX_HAS_AVX2_2 +-- Performing Test CXX_HAS_AVX2_2 - Success +-- Performing Test CXX_HAS_AVX512_1 +-- Performing Test CXX_HAS_AVX512_1 - Failed +-- Performing Test CXX_HAS_AVX512_2 +-- Performing Test CXX_HAS_AVX512_2 - Success +-- Current compiler supports avx2 extension. Will build perfkernels. +-- Performing Test CAFFE2_COMPILER_SUPPORTS_AVX512_EXTENSIONS +-- Performing Test CAFFE2_COMPILER_SUPPORTS_AVX512_EXTENSIONS - Success +-- Current compiler supports avx512f extension. Will build fbgemm. +-- Performing Test COMPILER_SUPPORTS_HIDDEN_VISIBILITY +-- Performing Test COMPILER_SUPPORTS_HIDDEN_VISIBILITY - Success +-- Performing Test COMPILER_SUPPORTS_HIDDEN_INLINE_VISIBILITY +-- Performing Test COMPILER_SUPPORTS_HIDDEN_INLINE_VISIBILITY - Success +-- Performing Test COMPILER_SUPPORTS_RDYNAMIC +-- Performing Test COMPILER_SUPPORTS_RDYNAMIC - Success +-- Building using own protobuf under third_party per request. +-- Use custom protobuf build. +-- +-- 3.13.0.0 +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD - Success +-- Found Threads: TRUE +-- Performing Test protobuf_HAVE_BUILTIN_ATOMICS +-- Performing Test protobuf_HAVE_BUILTIN_ATOMICS - Success +-- Caffe2 protobuf include directory: $$ +-- Trying to find preferred BLAS backend of choice: MKL +-- MKL_THREADING = OMP +-- Looking for sys/types.h +-- Looking for sys/types.h - found +-- Looking for stdint.h +-- Looking for stdint.h - found +-- Looking for stddef.h +-- Looking for stddef.h - found +-- Check size of void* +-- Check size of void* - done +-- MKL_THREADING = OMP +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- Looking for cblas_sgemm +-- Looking for cblas_sgemm - found +-- Looking for cblas_gemm_bf16bf16f32 +-- Looking for cblas_gemm_bf16bf16f32 - found +-- Looking for cblas_gemm_f16f16f32 +-- Looking for cblas_gemm_f16f16f32 - found +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- MKL libraries: /usr/local/lib/libmkl_intel_lp64.a;/usr/local/lib/libmkl_gnu_thread.a;/usr/local/lib/libmkl_core.a;-fopenmp;/usr/lib/x86_64-linux-gnu/libpthread.a;/usr/lib/x86_64-linux-gnu/libm.so;/usr/lib/x86_64-linux-gnu/libdl.a +-- MKL include directory: /usr/local/include +-- MKL OpenMP type: GNU +-- MKL OpenMP library: -fopenmp +-- The ASM compiler identification is GNU +-- Found assembler: /usr/bin/cc +-- Brace yourself, we are building NNPACK +-- Performing Test NNPACK_ARCH_IS_X86_32 +-- Performing Test NNPACK_ARCH_IS_X86_32 - Failed +-- Found PythonInterp: /usr/local/bin/python (found version "3.12.3") +-- NNPACK backend is x86-64 +-- Downloading six (Python package) to /usr/local/src/pytorch/build/confu-srcs/six (define PYTHON_SIX_SOURCE_DIR to avoid it) + + +***** TorchVision configuration: +Torchvision build configuration: +FORCE_CUDA = False +FORCE_MPS = False +DEBUG = False +USE_PNG = True +USE_JPEG = True +USE_WEBP = True +USE_HEIC = False +USE_AVIF = False +USE_NVJPEG = True +NVCC_FLAGS = None +USE_CPU_VIDEO_DECODER = True +USE_GPU_VIDEO_DECODER = True +TORCHVISION_INCLUDE = [] +TORCHVISION_LIBRARY = [] +IS_ROCM = False +BUILD_CUDA_SOURCES = False +Building wheel torchvision-0.20.0 +Building _C extension +Building image extension +Building torchvision with PNG support +png_include_dir = '/usr/include/libpng16' +png_library_dir = 'libpng-config: --libdir option is disabled in Debian/Ubuntu' +Searching for jpeglib.h. Didn't find in TORCHVISION_INCLUDE. +Searching for jpeglib.h. Didn't find in BUILD_PREFIX. +Searching for jpeglib.h. Didn't find in CONDA_PREFIX. +Searching for jpeglib.h. Found in /usr/include. +Building torchvision with JPEG support +jpeg_include_dir = None +jpeg_library_dir = None +Searching for webp/decode.h. Didn't find in TORCHVISION_INCLUDE. +Searching for webp/decode.h. Didn't find in BUILD_PREFIX. +Searching for webp/decode.h. Didn't find in CONDA_PREFIX. +Searching for webp/decode.h. Found in /usr/include. +Building torchvision with WEBP support +webp_include_dir = None +webp_library_dir = None +Building video decoder extensions +Found ffmpeg: + ffmpeg include path: ['/usr/local/include', '/usr/local/include/x86_64-linux-gnu'] + ffmpeg library_dir: ['/usr/local/lib', '/usr/local/lib/x86_64-linux-gnu'] +Building with CPU video decoder support +Could not find necessary dependencies. Refer the setup.py to check which ones are needed. +Building without GPU video decoder support + + +***** TorchAudio configuration: +-- Git branch: HEAD +-- Git SHA: 56bc006d56a0d4960de6a1e0b6340cba4eda05cd +-- Git tag: v2.5.0 +-- PyTorch dependency: torch +-- Building version 2.5.0 +running bdist_wheel +running build +running build_py +creating build +creating build/lib.linux-x86_64-cpython-312 +creating build/lib.linux-x86_64-cpython-312/torio +copying src/torio/__init__.py -> build/lib.linux-x86_64-cpython-312/torio +creating build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/version.py -> build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/kaldi_io.py -> build/lib.linux-x86_64-cpython-312/torchaudio +creating build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/_streaming_media_decoder.py -> build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/_streaming_media_encoder.py -> build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/io +creating build/lib.linux-x86_64-cpython-312/torio/_extension +copying src/torio/_extension/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/_extension +copying src/torio/_extension/utils.py -> build/lib.linux-x86_64-cpython-312/torio/_extension +creating build/lib.linux-x86_64-cpython-312/torio/utils +copying src/torio/utils/ffmpeg_utils.py -> build/lib.linux-x86_64-cpython-312/torio/utils +copying src/torio/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/utils +creating build/lib.linux-x86_64-cpython-312/torio/lib +copying src/torio/lib/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/lib +creating build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/sox_io_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/_sox_io_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/_no_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/common.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/no_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/soundfile_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +creating build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/filtering.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/functional.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/_alignment.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +creating build/lib.linux-x86_64-cpython-312/torchaudio/compliance +copying src/torchaudio/compliance/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/compliance +copying src/torchaudio/compliance/kaldi.py -> build/lib.linux-x86_64-cpython-312/torchaudio/compliance +creating build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/speechcommands.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/musdb_hq.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/snips.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/fluentcommands.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librispeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librilight_limited.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/ljspeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/libritts.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/dr_vctk.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/tedlium.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/iemocap.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/vctk.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/yesno.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librispeech_biasing.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librimix.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/cmudict.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/voxceleb1.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/commonvoice.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/gtzan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/quesst14.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/cmuarctic.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +creating build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/sox.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/ffmpeg.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/soundfile.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/common.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/soundfile_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype +copying src/torchaudio/prototype/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype +creating build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +copying src/torchaudio/sox_effects/sox_effects.py -> build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +copying src/torchaudio/sox_effects/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +creating build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/_effector.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/_playback.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +creating build/lib.linux-x86_64-cpython-312/torchaudio/_internal +copying src/torchaudio/_internal/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_internal +copying src/torchaudio/_internal/module_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_internal +creating build/lib.linux-x86_64-cpython-312/torchaudio/_extension +copying src/torchaudio/_extension/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_extension +copying src/torchaudio/_extension/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_extension +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/_squim_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/rnnt_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/_source_separation_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +creating build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/_transforms.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/_multi_channel.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +creating build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/download.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/sox_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/ffmpeg_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +creating build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/conformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/conv_tasnet.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/_hdemucs.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/tacotron2.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/emformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/wavernn.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/deepspeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/rnnt_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/rnnt.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/wav2letter.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +creating build/lib.linux-x86_64-cpython-312/torchaudio/lib +copying src/torchaudio/lib/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/lib +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/_dsp.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/_rir.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/functional.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +copying src/torchaudio/prototype/datasets/musan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +copying src/torchaudio/prototype/datasets/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/hifigan_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/rnnt_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +copying src/torchaudio/prototype/transforms/_transforms.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +copying src/torchaudio/prototype/transforms/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/_emformer_hubert.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/conv_emformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/_conformer_wav2vec2.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/rnnt_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/hifi_gan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/rnnt.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/_vggish_impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/_vggish_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/interface.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/aligner.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/subjective.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/objective.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/components.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/wavlm_attention.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/model.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/_cuda_ctc_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/_ctc_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/import_fairseq.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/import_huggingface.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +running build_ext +-- The C compiler identification is GNU 13.3.0 +-- The CXX compiler identification is GNU 13.3.0 +-- Detecting C compiler ABI info +-- Detecting C compiler ABI info - done +-- Check for working C compiler: /usr/bin/cc - skipped +-- Detecting C compile features +-- Detecting C compile features - done +-- Detecting CXX compiler ABI info +-- Detecting CXX compiler ABI info - done +-- Check for working CXX compiler: /usr/bin/c++ - skipped +-- Detecting CXX compile features +-- Detecting CXX compile features - done +-- Found Torch: /usr/local/lib/python3.12/dist-packages/torch/lib/libtorch.so +-- Found OpenMP_C: -fopenmp (found version "4.5") +-- Found OpenMP_CXX: -fopenmp (found version "4.5") +-- Found OpenMP: TRUE (found version "4.5") +-- Could not find ccache. Consider installing ccache to speed up compilation. +-- Building FFmpeg integration with multi version support + + +***** TorchData configuration: +Processing /usr/local/src/data + Installing build dependencies: started + Installing build dependencies: still running... + Installing build dependencies: finished with status 'done' + Getting requirements to build wheel: started + Getting requirements to build wheel: finished with status 'done' + Preparing metadata (pyproject.toml): started + Preparing metadata (pyproject.toml): finished with status 'done' +Requirement already satisfied: urllib3>=1.25 in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.2.3) +Requirement already satisfied: requests in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.32.3) +Requirement already satisfied: torch>=2 in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.5.1) +Requirement already satisfied: filelock in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.16.1) +Requirement already satisfied: typing-extensions>=4.8.0 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (4.12.2) +Requirement already satisfied: networkx in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.4.2) +Requirement already satisfied: jinja2 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.1.4) +Requirement already satisfied: fsspec in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (2024.10.0) +Requirement already satisfied: setuptools in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (72.1.0) +Requirement already satisfied: sympy==1.13.1 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (1.13.1) +Requirement already satisfied: mpmath<1.4,>=1.1.0 in /usr/local/lib/python3.12/dist-packages (from sympy==1.13.1->torch>=2->torchdata==0.9.0) (1.3.0) +Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (3.4.0) +Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (3.10) +Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (2024.12.14) +Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.12/dist-packages (from jinja2->torch>=2->torchdata==0.9.0) (3.0.2) +Building wheels for collected packages: torchdata + Building wheel for torchdata (pyproject.toml): started + Building wheel for torchdata (pyproject.toml): finished with status 'done' + Created wheel for torchdata: filename=torchdata-0.9.0-py3-none-any.whl size=211160 sha256=d6e638c30f132e17ce32be949c5d26fe387fcfee314e017ef7dbb82ea7a70b40 + Stored in directory: /tmp/pip-ephem-wheel-cache-n9azvfnc/wheels/25/b8/b8/ff61539c4e41d2a205fcfcd350155d070c90a2a7b40f7dadfe +Successfully built torchdata +Installing collected packages: torchdata +Successfully installed torchdata-0.9.0 + + + + ##### PyTorch: Version and Device check ##### + + +*** PyTorch version : 2.5.1 + *** PyTorch Audio : 2.5.0 + *** PyTorch Vision : 0.20.0 + *** PyTorch Data : 0.9.0 diff --git a/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/System--Details.txt b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/System--Details.txt new file mode 100644 index 0000000..2afe1a3 --- /dev/null +++ b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/System--Details.txt @@ -0,0 +1,1327 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="pytorch_opencv:2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** Python configuration: +Python location: /usr/bin/python3 +Python version: Python 3.12.3 + +[pip list] +Package Version +------------------------- -------------- +anyio 4.7.0 +argon2-cffi 23.1.0 +argon2-cffi-bindings 21.2.0 +arrow 1.3.0 +asttokens 3.0.0 +astunparse 1.6.3 +async-lru 2.0.4 +attrs 24.3.0 +babel 2.16.0 +beautifulsoup4 4.12.3 +bleach 6.2.0 +blinker 1.7.0 +certifi 2024.12.14 +cffi 1.17.1 +charset-normalizer 3.4.0 +cmake 3.31.2 +comm 0.2.2 +contourpy 1.3.1 +cryptography 41.0.7 +cycler 0.12.1 +dbus-python 1.3.2 +debugpy 1.8.11 +decorator 5.1.1 +defusedxml 0.7.1 +distro 1.9.0 +distro-info 1.7+build1 +executing 2.1.0 +expecttest 0.3.0 +fastjsonschema 2.21.1 +filelock 3.16.1 +fonttools 4.55.3 +fqdn 1.5.1 +fsspec 2024.10.0 +future 1.0.0 +h11 0.14.0 +httpcore 1.0.7 +httplib2 0.20.4 +httpx 0.28.1 +hypothesis 6.122.3 +idna 3.10 +imageio 2.36.1 +imageio-ffmpeg 0.5.1 +intel-cmplr-lib-ur 2025.0.4 +intel-openmp 2025.0.4 +ipykernel 6.29.5 +ipython 8.30.0 +isoduration 20.11.0 +jedi 0.19.2 +Jinja2 3.1.4 +joblib 1.4.2 +json5 0.10.0 +jsonpointer 3.0.0 +jsonschema 4.23.0 +jsonschema-specifications 2024.10.1 +jupyter_client 8.6.3 +jupyter_core 5.7.2 +jupyter-events 0.11.0 +jupyter-lsp 2.2.5 +jupyter_server 2.14.2 +jupyter_server_terminals 0.5.3 +jupyterlab 4.3.4 +jupyterlab_pygments 0.3.0 +jupyterlab_server 2.27.3 +kiwisolver 1.4.7 +launchpadlib 1.11.0 +lazr.restfulclient 0.14.6 +lazr.uri 1.0.6 +lazy_loader 0.4 +lintrunner 0.12.7 +lxml 5.3.0 +MarkupSafe 3.0.2 +matplotlib 3.10.0 +matplotlib-inline 0.1.7 +mistune 3.0.2 +mkl 2025.0.1 +mkl-include 2025.0.1 +mkl-static 2025.0.1 +mock 5.1.0 +moviepy 2.1.1 +mpmath 1.3.0 +nbclient 0.10.1 +nbconvert 7.16.4 +nbformat 5.10.4 +nest-asyncio 1.6.0 +networkx 3.4.2 +ninja 1.11.1.3 +notebook_shim 0.2.4 +numpy 2.2.0 +oauthlib 3.2.2 +opt_einsum 3.4.0 +optree 0.13.1 +overrides 7.7.0 +packaging 24.2 +pandas 2.2.3 +pandocfilters 1.5.1 +parso 0.8.4 +pexpect 4.9.0 +pillow 10.4.0 +pip 24.3.1 +platformdirs 4.3.6 +proglog 0.1.10 +prometheus_client 0.21.1 +prompt_toolkit 3.0.48 +psutil 6.1.0 +ptyprocess 0.7.0 +pure_eval 0.2.3 +pycparser 2.22 +Pygments 2.17.2 +PyGObject 3.48.2 +PyJWT 2.7.0 +pyparsing 3.2.0 +python-apt 2.7.7+ubuntu3 +python-dateutil 2.9.0.post0 +python-dotenv 1.0.1 +python-json-logger 3.2.1 +pytz 2024.2 +PyYAML 6.0.2 +pyzmq 26.2.0 +referencing 0.35.1 +requests 2.32.3 +rfc3339-validator 0.1.4 +rfc3986-validator 0.1.1 +rpds-py 0.22.3 +scikit-image 0.25.0 +scikit-learn 1.6.0 +scipy 1.14.1 +Send2Trash 1.8.3 +setuptools 72.1.0 +six 1.17.0 +sniffio 1.3.1 +sortedcontainers 2.4.0 +soupsieve 2.6 +stack-data 0.6.3 +sympy 1.13.1 +tbb 2022.0.0 +tbb-devel 2022.0.0 +tcmlib 1.2.0 +terminado 0.18.1 +threadpoolctl 3.5.0 +tifffile 2024.12.12 +tinycss2 1.4.0 +torch 2.5.1 +torchaudio 2.5.0 +torchdata 0.9.0 +torchvision 0.20.0 +tornado 6.4.2 +tqdm 4.67.1 +traitlets 5.14.3 +types-dataclasses 0.6.6 +types-python-dateutil 2.9.0.20241206 +typing 3.7.4.3 +typing_extensions 4.12.2 +tzdata 2024.2 +umf 0.9.1 +unattended-upgrades 0.1 +uri-template 1.3.0 +urllib3 2.2.3 +wadllib 1.3.6 +wcwidth 0.2.13 +webcolors 24.11.1 +webencodings 0.5.1 +websocket-client 1.8.0 +wheel 0.45.1 + +[apt list] +Listing... +adduser/noble,now 3.137ubuntu1 all [installed,automatic] +adwaita-icon-theme/noble,now 46.0-1 all [installed,automatic] +alsa-topology-conf/noble,now 1.2.5.1-2 all [installed,automatic] +alsa-ucm-conf/noble-updates,now 1.2.10-1ubuntu5.3 all [installed,automatic] +apache2-bin/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +apache2-data/noble-updates,now 2.4.58-1ubuntu8.5 all [installed,automatic] +apache2-utils/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +apache2/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +appstream/noble,now 1.0.2-1build6 amd64 [installed,automatic] +apt-utils/noble,now 2.7.14build2 amd64 [installed] +apt/noble,now 2.7.14build2 amd64 [installed] +at-spi2-common/noble,now 2.52.0-1build1 all [installed,automatic] +at-spi2-core/noble,now 2.52.0-1build1 amd64 [installed,automatic] +autoconf/noble,now 2.71-3 all [installed,automatic] +automake/noble,now 1:1.16.5-1.3ubuntu1 all [installed,automatic] +autopoint/noble,now 0.21-14ubuntu2 all [installed,automatic] +autotools-dev/noble,now 20220109.1 all [installed,automatic] +base-files/noble-updates,now 13ubuntu10.1 amd64 [installed] +base-passwd/noble,now 3.6.3build1 amd64 [installed] +bash/noble,now 5.2.21-2ubuntu4 amd64 [installed] +binutils-common/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +binutils-x86-64-linux-gnu/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +binutils/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +bsdextrautils/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +bsdutils/noble-updates,now 1:2.39.3-9ubuntu6.1 amd64 [installed] +build-essential/noble,now 12.10ubuntu1 amd64 [installed] +bzip2-doc/noble-updates,now 1.0.8-5.1build0.1 all [installed,automatic] +bzip2/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed,automatic] +ca-certificates/noble,now 20240203 all [installed] +checkinstall/noble,now 1.6.2+git20170426.d24a630-4 amd64 [installed] +clang-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +clangd-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +cmake-data/noble,now 3.28.3-1build7 all [installed,automatic] +cmake/noble,now 3.28.3-1build7 amd64 [installed] +comerr-dev/noble-updates,now 2.1-1.47.0-2.4~exp1ubuntu4.1 amd64 [installed,automatic] +coreutils/noble,now 9.4-3ubuntu6 amd64 [installed] +cpp-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +cpp-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +cpp-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +cpp/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +cppzmq-dev/noble,now 4.10.0-1build1 amd64 [installed,automatic] +curl/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed] +dash/noble,now 0.5.12-6ubuntu5 amd64 [installed] +dbus-bin/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus-daemon/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus-session-bus-common/noble-updates,now 1.14.10-4ubuntu4.1 all [installed,automatic] +dbus-system-bus-common/noble-updates,now 1.14.10-4ubuntu4.1 all [installed,automatic] +dbus-user-session/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dconf-gsettings-backend/noble,now 0.40.0-4build2 amd64 [installed,automatic] +dconf-service/noble,now 0.40.0-4build2 amd64 [installed,automatic] +debconf/noble,now 1.5.86ubuntu1 all [installed] +debhelper/noble,now 13.14.1ubuntu5 all [installed,automatic] +debianutils/noble,now 5.17build1 amd64 [installed] +debugedit/noble,now 1:5.0-5build2 amd64 [installed,automatic] +dh-autoreconf/noble,now 20 all [installed,automatic] +dh-strip-nondeterminism/noble,now 1.13.1-1 all [installed,automatic] +diffutils/noble,now 1:3.10-1build1 amd64 [installed] +dirmngr/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +distro-info-data/noble-updates,now 0.60ubuntu0.2 all [installed,automatic] +dmsetup/noble-updates,now 2:1.02.185-3ubuntu3.1 amd64 [installed,automatic] +doxygen/noble,now 1.9.8+ds-2build5 amd64 [installed] +dpkg-dev/noble-updates,noble-security,now 1.22.6ubuntu6.1 all [installed,automatic] +dpkg/noble-updates,noble-security,now 1.22.6ubuntu6.1 amd64 [installed] +dwz/noble,now 0.15-1build6 amd64 [installed,automatic] +e2fsprogs/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +fakeroot/noble,now 1.33-1 amd64 [installed,automatic] +file/noble,now 1:5.45-3build1 amd64 [installed] +findutils/noble,now 4.9.0-5build1 amd64 [installed] +fontconfig-config/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +fontconfig/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +fonts-dejavu-core/noble,now 2.37-8 all [installed,automatic] +fonts-dejavu-mono/noble,now 2.37-8 all [installed,automatic] +fonts-droid-fallback/noble,now 1:6.0.1r16-1.1build1 all [installed,automatic] +fonts-noto-mono/noble,now 20201225-2 all [installed,automatic] +fonts-urw-base35/noble,now 20200910-8 all [installed,automatic] +g++-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +g++-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +g++-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +g++/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +gcc-13-base/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-14-base/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +gcc-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +gcc/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +gettext-base/noble,now 0.21-14ubuntu2 amd64 [installed,automatic] +gettext/noble,now 0.21-14ubuntu2 amd64 [installed,automatic] +gfortran-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gfortran-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gfortran-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +gfortran/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +ghostscript/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 amd64 [installed,automatic] +gir1.2-atk-1.0/noble,now 2.52.0-1build1 amd64 [installed,automatic] +gir1.2-atspi-2.0/noble,now 2.52.0-1build1 amd64 [installed,automatic] +gir1.2-freedesktop-dev/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-freedesktop/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-gdkpixbuf-2.0/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +gir1.2-girepository-2.0/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-glib-2.0-dev/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +gir1.2-glib-2.0/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +gir1.2-gst-plugins-base-1.0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gir1.2-gstreamer-1.0/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed,automatic] +gir1.2-gtk-2.0/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +gir1.2-gtk-3.0/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +gir1.2-gudev-1.0/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +gir1.2-harfbuzz-0.0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +gir1.2-packagekitglib-1.0/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +gir1.2-pango-1.0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +git-man/noble-updates,noble-security,now 1:2.43.0-1ubuntu7.1 all [installed,automatic] +git/noble-updates,noble-security,now 1:2.43.0-1ubuntu7.1 amd64 [installed] +glib-networking-common/noble,now 2.80.0-1build1 all [installed,automatic] +glib-networking-services/noble,now 2.80.0-1build1 amd64 [installed,automatic] +glib-networking/noble,now 2.80.0-1build1 amd64 [installed,automatic] +gnupg-l10n/noble,now 2.4.4-2ubuntu17 all [installed,automatic] +gnupg-utils/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gnupg/noble,now 2.4.4-2ubuntu17 all [installed] +gpg-agent/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpg-wks-client/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpg/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgconf/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgsm/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgv/noble,now 2.4.4-2ubuntu17 amd64 [installed] +grep/noble,now 3.11-4build1 amd64 [installed] +groff-base/noble,now 1.23.0-3build2 amd64 [installed,automatic] +gsettings-desktop-schemas/noble-updates,now 46.1-0ubuntu1 all [installed,automatic] +gstreamer1.0-gl/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gstreamer1.0-plugins-base/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gstreamer1.0-plugins-good/noble-updates,noble-security,now 1.24.2-1ubuntu1.1 amd64 [installed] +gstreamer1.0-x/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gtk-update-icon-cache/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +gzip/noble,now 1.12-1ubuntu3 amd64 [installed] +hdf5-helpers/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +hicolor-icon-theme/noble,now 0.17-2 all [installed,automatic] +hostname/noble,now 3.23+nmu2ubuntu2 amd64 [installed] +humanity-icon-theme/noble,now 0.6.16 all [installed,automatic] +i965-va-driver/noble,now 2.4.1+dfsg1-1build2 amd64 [installed,automatic] +ibverbs-providers/noble,now 50.0-2build2 amd64 [installed,automatic] +icu-devtools/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +imagemagick-6-common/noble,now 8:6.9.12.98+dfsg1-5.2build2 all [installed,automatic] +imagemagick-6.q16/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +imagemagick/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed] +init-system-helpers/noble,now 1.66ubuntu1 all [installed] +intel-media-va-driver/noble,now 24.1.0+dfsg1-1 amd64 [installed,automatic] +intltool-debian/noble,now 0.35.0+20060710.6 all [installed,automatic] +iso-codes/noble,now 4.16.0-1 all [installed,automatic] +javascript-common/noble,now 11+nmu1 all [installed,automatic] +keyboxd/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +krb5-locales/noble-updates,now 1.20.1-6ubuntu2.2 all [installed,automatic] +krb5-multidev/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +less/noble-updates,noble-security,now 590-2ubuntu2.1 amd64 [installed,automatic] +libaa1/noble,now 1.4p5-51.1 amd64 [installed,automatic] +libaacs0/noble,now 0.11.1-2build1 amd64 [installed,automatic] +libabsl20220623t64/noble,now 20220623.1-3.1ubuntu3 amd64 [installed,automatic] +libacl1/noble-updates,now 2.3.2-1build1.1 amd64 [installed] +libaec-dev/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libaec0/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libalgorithm-diff-perl/noble,now 1.201-1 all [installed,automatic] +libalgorithm-diff-xs-perl/noble,now 0.04-8build3 amd64 [installed,automatic] +libalgorithm-merge-perl/noble,now 0.08-5 all [installed,automatic] +libamd-comgr2/noble,now 6.0+git20231212.4510c28+dfsg-3build2 amd64 [installed,automatic] +libamdhip64-5/noble,now 5.7.1-3 amd64 [installed,automatic] +libao-common/noble,now 1.2.2+20180113-1.1ubuntu4 all [installed,automatic] +libao4/noble,now 1.2.2+20180113-1.1ubuntu4 amd64 [installed,automatic] +libaom3/noble-updates,noble-security,now 3.8.2-2ubuntu0.1 amd64 [installed,automatic] +libapparmor1/noble-updates,now 4.0.1really4.0.1-0ubuntu0.24.04.3 amd64 [installed,automatic] +libappstream5/noble,now 1.0.2-1build6 amd64 [installed,automatic] +libapr1t64/noble-updates,noble-security,now 1.7.2-3.1ubuntu0.1 amd64 [installed,automatic] +libaprutil1-dbd-sqlite3/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libaprutil1-ldap/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libaprutil1t64/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libapt-pkg6.0t64/noble,now 2.7.14build2 amd64 [installed] +libarchive-cpio-perl/noble,now 0.10-3 all [installed,automatic] +libarchive-zip-perl/noble,now 1.68-1 all [installed,automatic] +libarchive13t64/noble-updates,noble-security,now 3.7.2-2ubuntu0.3 amd64 [installed,automatic] +libargon2-1/noble,now 0~20190702+dfsg-4build1 amd64 [installed,automatic] +libasan8/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libasound2-data/noble,now 1.2.11-1build2 all [installed,automatic] +libasound2t64/noble,now 1.2.11-1build2 amd64 [installed,automatic] +libass-dev/noble,now 1:0.17.1-2build1 amd64 [installed] +libass9/noble,now 1:0.17.1-2build1 amd64 [installed,automatic] +libassuan0/noble,now 2.5.6-1build1 amd64 [installed] +libasyncns0/noble,now 0.8-6build4 amd64 [installed,automatic] +libatk-adaptor/noble,now 2.52.0-1build1 amd64 [installed] +libatk-bridge2.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk-bridge2.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk1.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk1.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatlas-base-dev/noble,now 3.10.3-13ubuntu1 amd64 [installed] +libatlas3-base/noble,now 3.10.3-13ubuntu1 amd64 [installed,automatic] +libatomic1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libatspi2.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatspi2.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libattr1/noble,now 1:2.5.2-1build1 amd64 [installed] +libaudit-common/noble-updates,now 1:3.1.2-2.1build1.1 all [installed] +libaudit1/noble-updates,now 1:3.1.2-2.1build1.1 amd64 [installed] +libauthen-sasl-perl/noble,now 2.1700-1 all [installed,automatic] +libavahi-client3/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavahi-common-data/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavahi-common3/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavc1394-0/noble,now 0.5.4-5build3 amd64 [installed,automatic] +libavcodec60/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavformat60/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavutil-dev/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavutil58/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libbdplus0/noble,now 0.2.0-3build1 amd64 [installed,automatic] +libbinutils/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libblkid-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libblkid1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libbluray2/noble,now 1:1.3.4-1build1 amd64 [installed,automatic] +libboost-all-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed] +libboost-atomic-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-atomic1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-atomic1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-chrono-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-chrono1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-chrono1.83.0t64/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-container-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-container1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-container1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-context-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-context1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-context1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-coroutine-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-coroutine1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-coroutine1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-date-time-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-date-time1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-date-time1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-exception-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-exception1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-fiber-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-fiber1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-fiber1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-filesystem-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-filesystem1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-filesystem1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-graph-parallel-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-graph-parallel1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph-parallel1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-iostreams-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-iostreams1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-iostreams1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-json-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-json1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-json1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-locale-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-locale1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-locale1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-log-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-log1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-log1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-math-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-math1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-math1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-mpi-python-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-mpi-python1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi-python1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-nowide-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-nowide1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-nowide1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-numpy-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-numpy1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-numpy1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-program-options-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-program-options1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-program-options1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-python-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-python1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-python1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-random-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-random1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-random1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-regex-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-regex1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-regex1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-serialization-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-serialization1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-serialization1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-stacktrace-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-stacktrace1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-stacktrace1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-system-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-system1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-system1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-test-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-test1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-test1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-thread-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-thread1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-thread1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-timer-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-timer1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-timer1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-tools-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-type-erasure-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-type-erasure1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-type-erasure1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-url-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-url1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-url1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-wave-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-wave1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-wave1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost1.83-tools-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libbrotli-dev/noble,now 1.1.0-2build2 amd64 [installed,automatic] +libbrotli1/noble,now 1.1.0-2build2 amd64 [installed,automatic] +libbsd-dev/noble,now 0.12.1-1build1 amd64 [installed,automatic] +libbsd0/noble,now 0.12.1-1build1 amd64 [installed,automatic] +libbz2-1.0/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed] +libbz2-dev/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed,automatic] +libc-bin/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libc-dev-bin/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed,automatic] +libc-devtools/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed,automatic] +libc6-dev/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libc6/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libcaca0/noble,now 0.99.beta20-4build2 amd64 [installed,automatic] +libcaf-openmpi-3t64/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcairo-gobject2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo-script-interpreter2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo2-dev/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcanberra-gtk-module/noble,now 0.30-10ubuntu10 amd64 [installed] +libcanberra-gtk0/noble,now 0.30-10ubuntu10 amd64 [installed,automatic] +libcanberra0t64/noble,now 0.30-10ubuntu10 amd64 [installed,automatic] +libcap-ng0/noble,now 0.8.4-2build2 amd64 [installed] +libcap2-bin/noble,now 1:2.66-5ubuntu2 amd64 [installed,automatic] +libcap2/noble,now 1:2.66-5ubuntu2 amd64 [installed] +libcares2/noble,now 1.27.0-1.0ubuntu1 amd64 [installed,automatic] +libcbor0.10/noble,now 0.10.2-1.2ubuntu2 amd64 [installed,automatic] +libcc1-0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libcdparanoia0/noble,now 3.10.2+debian-14build3 amd64 [installed,automatic] +libchromaprint1/noble,now 1.5.1-5 amd64 [installed,automatic] +libcjson1/noble,now 1.7.17-1 amd64 [installed,automatic] +libclang-common-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang-cpp17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang-cpp18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libclang-rt-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang1-17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang1-18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libclone-perl/noble,now 0.46-1build3 amd64 [installed,automatic] +libcoarrays-dev/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcoarrays-openmpi-dev/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcodec2-1.2/noble,now 1.2.0-2build1 amd64 [installed,automatic] +libcolord2/noble,now 1.4.7-1build2 amd64 [installed,automatic] +libcom-err2/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libcrypt-dev/noble,now 1:4.4.36-4build1 amd64 [installed,automatic] +libcrypt1/noble,now 1:4.4.36-4build1 amd64 [installed] +libcryptsetup12/noble-updates,now 2:2.7.0-1ubuntu4.1 amd64 [installed,automatic] +libctf-nobfd0/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libctf0/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libcups2t64/noble-updates,noble-security,now 2.4.7-1.2ubuntu7.3 amd64 [installed,automatic] +libcurl3t64-gnutls/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcurl4-openssl-dev/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcurl4t64/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libdata-dump-perl/noble,now 1.25-1 all [installed,automatic] +libdatrie-dev/noble,now 0.2.13-3build1 amd64 [installed,automatic] +libdatrie1/noble,now 0.2.13-3build1 amd64 [installed,automatic] +libdav1d7/noble,now 1.4.1-1build1 amd64 [installed,automatic] +libdb5.3t64/noble,now 5.3.28+dfsg2-7 amd64 [installed,automatic] +libdbus-1-3/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +libdbus-1-dev/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +libdc1394-25/noble,now 2.2.6-4build1 amd64 [installed,automatic] +libdc1394-dev/noble,now 2.2.6-4build1 amd64 [installed] +libdconf1/noble,now 0.40.0-4build2 amd64 [installed,automatic] +libde265-0/noble,now 1.0.15-1build3 amd64 [installed,automatic] +libdebconfclient0/noble,now 0.271ubuntu3 amd64 [installed] +libdebhelper-perl/noble,now 13.14.1ubuntu5 all [installed,automatic] +libdeflate-dev/noble-updates,now 1.19-1build1.1 amd64 [installed,automatic] +libdeflate0/noble-updates,now 1.19-1build1.1 amd64 [installed,automatic] +libdevmapper1.02.1/noble-updates,now 2:1.02.185-3ubuntu3.1 amd64 [installed,automatic] +libdjvulibre-text/noble,now 3.5.28-2build4 all [installed,automatic] +libdjvulibre21/noble,now 3.5.28-2build4 amd64 [installed,automatic] +libdpkg-perl/noble-updates,noble-security,now 1.22.6ubuntu6.1 all [installed,automatic] +libdrm-amdgpu1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-common/noble,now 2.4.120-2build1 all [installed,automatic] +libdrm-dev/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-intel1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-nouveau2/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-radeon1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm2/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libduktape207/noble,now 2.7.0+tests-0ubuntu3 amd64 [installed,automatic] +libdv4t64/noble,now 1.0.0-17.1build1 amd64 [installed,automatic] +libdw-dev/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libdw1t64/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libedit2/noble,now 3.1-20230828-1build1 amd64 [installed,automatic] +libegl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libegl-mesa0/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libegl1-mesa-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libegl1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libeigen3-dev/noble,now 3.4.0-4 all [installed] +libelf-dev/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libelf1t64/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libencode-locale-perl/noble,now 1.05-3 all [installed,automatic] +libepoxy-dev/noble,now 1.5.10-1build1 amd64 [installed,automatic] +libepoxy0/noble,now 1.5.10-1build1 amd64 [installed,automatic] +liberror-perl/noble,now 0.17029-2 all [installed,automatic] +libevent-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-core-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-dev/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-extra-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-openssl-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-pthreads-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libexif-dev/noble,now 0.6.24-1build2 amd64 [installed,automatic] +libexif-doc/noble,now 0.6.24-1build2 all [installed,automatic] +libexif12/noble,now 0.6.24-1build2 amd64 [installed,automatic] +libexpat1-dev/noble-updates,noble-security,now 2.6.1-2ubuntu0.2 amd64 [installed,automatic] +libexpat1/noble-updates,noble-security,now 2.6.1-2ubuntu0.2 amd64 [installed,automatic] +libext2fs2t64/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libfaac-dev/noble,now 1.30-1 amd64 [installed] +libfaac0/noble,now 1.30-1 amd64 [installed,automatic] +libfabric1/noble,now 1.17.0-3build2 amd64 [installed,automatic] +libfakeroot/noble,now 1.33-1 amd64 [installed,automatic] +libfcgi-bin/noble,now 2.4.2-2.1build1 amd64 [installed,automatic] +libfcgi0t64/noble,now 2.4.2-2.1build1 amd64 [installed,automatic] +libfdisk1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libffi-dev/noble,now 3.4.6-1build1 amd64 [installed,automatic] +libffi8/noble,now 3.4.6-1build1 amd64 [installed] +libffms2-5/noble,now 5.0~rc2-1build1 amd64 [installed,automatic] +libfftw3-double3/noble,now 3.3.10-1ubuntu3 amd64 [installed,automatic] +libfido2-1/noble,now 1.14.0-1build3 amd64 [installed,automatic] +libfile-fcntllock-perl/noble,now 0.22-4ubuntu5 amd64 [installed,automatic] +libfile-listing-perl/noble,now 6.16-1 all [installed,automatic] +libfile-stripnondeterminism-perl/noble,now 1.13.1-1 all [installed,automatic] +libflac12t64/noble,now 1.4.3+ds-2.1ubuntu2 amd64 [installed,automatic] +libfmt9/noble,now 9.1.0+ds1-2 amd64 [installed,automatic] +libfont-afm-perl/noble,now 1.20-4 all [installed,automatic] +libfontconfig-dev/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +libfontconfig1/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +libfontenc1/noble,now 1:1.1.8-1build1 amd64 [installed,automatic] +libfreetype-dev/noble,now 2.13.2+dfsg-1build3 amd64 [installed] +libfreetype6/noble,now 2.13.2+dfsg-1build3 amd64 [installed,automatic] +libfribidi-dev/noble,now 1.0.13-3build1 amd64 [installed,automatic] +libfribidi0/noble,now 1.0.13-3build1 amd64 [installed,automatic] +libgail-common/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgail18t64/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgbm-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgbm1/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgc1/noble,now 1:8.2.6-1build1 amd64 [installed,automatic] +libgcc-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libgcc-s1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +libgcrypt20/noble,now 1.10.3-2build1 amd64 [installed] +libgd3/noble,now 2.3.3-9ubuntu5 amd64 [installed,automatic] +libgdbm-compat4t64/noble,now 1.23-5.1build1 amd64 [installed,automatic] +libgdbm6t64/noble,now 1.23-5.1build1 amd64 [installed,automatic] +libgdk-pixbuf-2.0-0/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf-2.0-dev/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf2.0-bin/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf2.0-common/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 all [installed,automatic] +libgflags-dev/noble,now 2.2.2-2build1 amd64 [installed] +libgflags2.2/noble,now 2.2.2-2build1 amd64 [installed,automatic] +libgfortran-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libgfortran5/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libgirepository-1.0-1/noble,now 1.80.1-1 amd64 [installed,automatic] +libgirepository-2.0-0/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libgl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgl1-amber-dri/noble,now 21.3.9-0ubuntu2 amd64 [installed,automatic] +libgl1-mesa-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgl1-mesa-dri/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgl1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglapi-mesa/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgles-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgles1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgles2/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglew-dev/noble,now 2.2.0-4build1 amd64 [installed] +libglew2.2/noble,now 2.2.0-4build1 amd64 [installed,automatic] +libglib2.0-0t64/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-bin/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-data/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 all [installed,automatic] +libglib2.0-dev-bin/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-dev/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglu1-mesa-dev/noble,now 9.0.2-1.1build1 amd64 [installed] +libglu1-mesa/noble,now 9.0.2-1.1build1 amd64 [installed] +libglvnd-core-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglvnd-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglvnd0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglx-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglx-mesa0/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libglx0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgme0/noble,now 0.6.3-7build1 amd64 [installed,automatic] +libgmp10/noble,now 2:6.3.0+dfsg-2ubuntu6 amd64 [installed] +libgnutls30t64/noble-updates,now 3.8.3-1.1ubuntu3.2 amd64 [installed] +libgomp1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libgoogle-glog-dev/noble,now 0.6.0-2.1build1 amd64 [installed] +libgoogle-glog0v6t64/noble,now 0.6.0-2.1build1 amd64 [installed,automatic] +libgpg-error0/noble,now 1.47-3build2 amd64 [installed] +libgphoto2-6t64/noble,now 2.5.31-2.1build2 amd64 [installed,automatic] +libgphoto2-dev/noble,now 2.5.31-2.1build2 amd64 [installed] +libgphoto2-l10n/noble,now 2.5.31-2.1build2 all [installed,automatic] +libgphoto2-port12t64/noble,now 2.5.31-2.1build2 amd64 [installed,automatic] +libgpm2/noble,now 1.20.7-11 amd64 [installed,automatic] +libgprofng0/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libgraphene-1.0-0/noble,now 1.10.8-3build2 amd64 [installed,automatic] +libgraphite2-3/noble,now 1.3.14-2build1 amd64 [installed,automatic] +libgraphite2-dev/noble,now 1.3.14-2build1 amd64 [installed,automatic] +libgrpc++1.51t64/noble,now 1.51.1-4.1build5 amd64 [installed,automatic] +libgrpc29t64/noble,now 1.51.1-4.1build5 amd64 [installed,automatic] +libgs-common/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 all [installed,automatic] +libgs10-common/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 all [installed,automatic] +libgs10/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 amd64 [installed,automatic] +libgsm1/noble,now 1.0.22-1build1 amd64 [installed,automatic] +libgssapi-krb5-2/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libgssdp-1.6-0/noble,now 1.6.3-1build3 amd64 [installed,automatic] +libgssrpc4t64/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libgstreamer-gl1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +libgstreamer-plugins-bad1.0-0/noble,now 1.24.2-1ubuntu4 amd64 [installed] +libgstreamer-plugins-base1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +libgstreamer-plugins-base1.0-dev/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed] +libgstreamer-plugins-good1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu1.1 amd64 [installed,automatic] +libgstreamer1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed,automatic] +libgstreamer1.0-dev/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed] +libgtk-3-0t64/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +libgtk-3-bin/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +libgtk-3-common/noble-updates,now 3.24.41-4ubuntu1.2 all [installed,automatic] +libgtk-3-dev/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed] +libgtk2.0-0t64/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgtk2.0-bin/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgtk2.0-common/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 all [installed,automatic] +libgtk2.0-dev/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed] +libgudev-1.0-0/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +libgudev-1.0-dev/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +libgupnp-1.6-0/noble,now 1.6.6-1build3 amd64 [installed,automatic] +libgupnp-igd-1.6-0/noble,now 1.6.0-3build3 amd64 [installed,automatic] +libharfbuzz-cairo0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-dev/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-gobject0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-icu0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-subset0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz0b/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libhdf5-103-1t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-cpp-103-1t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-dev/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed] +libhdf5-fortran-102t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-cpp-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-fortran-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libheif-plugin-aomdec/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif-plugin-aomenc/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif-plugin-libde265/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif1/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libhogweed6t64/noble-updates,now 3.9.1-2.2build1.1 amd64 [installed] +libhsa-runtime64-1/noble,now 5.7.1-2build1 amd64 [installed,automatic] +libhsakmt1/noble,now 5.7.0-1build1 amd64 [installed,automatic] +libhtml-form-perl/noble,now 6.11-1 all [installed,automatic] +libhtml-format-perl/noble,now 2.16-2 all [installed,automatic] +libhtml-parser-perl/noble,now 3.81-1build3 amd64 [installed,automatic] +libhtml-tagset-perl/noble,now 3.20-6 all [installed,automatic] +libhtml-tree-perl/noble,now 5.07-3 all [installed,automatic] +libhttp-cookies-perl/noble,now 6.11-1 all [installed,automatic] +libhttp-daemon-perl/noble,now 6.16-1 all [installed,automatic] +libhttp-date-perl/noble,now 6.06-1 all [installed,automatic] +libhttp-message-perl/noble,now 6.45-1ubuntu1 all [installed,automatic] +libhttp-negotiate-perl/noble,now 6.01-2 all [installed,automatic] +libhwasan0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libhwloc-dev/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwloc-plugins/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwloc15/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwy1t64/noble,now 1.0.7-8.1build1 amd64 [installed,automatic] +libibverbs-dev/noble,now 50.0-2build2 amd64 [installed,automatic] +libibverbs1/noble,now 50.0-2build2 amd64 [installed,automatic] +libice-dev/noble,now 2:1.0.10-1build3 amd64 [installed,automatic] +libice6/noble,now 2:1.0.10-1build3 amd64 [installed,automatic] +libicu-dev/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +libicu74/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +libid3tag0/noble,now 0.15.1b-14build1 amd64 [installed,automatic] +libidn12/noble,now 1.42-1build1 amd64 [installed,automatic] +libidn2-0/noble,now 2.3.7-2build1 amd64 [installed] +libiec61883-0/noble,now 1.2.0-6build1 amd64 [installed,automatic] +libigdgmm12/noble,now 22.3.17+ds1-1 amd64 [installed,automatic] +libijs-0.35/noble,now 0.35-15.1build1 amd64 [installed,automatic] +libimath-3-1-29t64/noble,now 3.1.9-3.1ubuntu2 amd64 [installed,automatic] +libio-html-perl/noble,now 1.004-3 all [installed,automatic] +libio-socket-ssl-perl/noble,now 2.085-1 all [installed,automatic] +libisl23/noble,now 0.26-3build1 amd64 [installed,automatic] +libitm1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libjansson4/noble,now 2.14-2build2 amd64 [installed,automatic] +libjbig-dev/noble,now 2.1-6.1ubuntu2 amd64 [installed,automatic] +libjbig0/noble,now 2.1-6.1ubuntu2 amd64 [installed,automatic] +libjbig2dec0/noble,now 0.20-1build3 amd64 [installed,automatic] +libjpeg-dev/noble,now 8c-2ubuntu11 amd64 [installed] +libjpeg-turbo8-dev/noble,now 2.1.5-2ubuntu2 amd64 [installed,automatic] +libjpeg-turbo8/noble,now 2.1.5-2ubuntu2 amd64 [installed,automatic] +libjpeg8-dev/noble,now 8c-2ubuntu11 amd64 [installed,automatic] +libjpeg8/noble,now 8c-2ubuntu11 amd64 [installed,automatic] +libjs-jquery-ui/noble,now 1.13.2+dfsg-1 all [installed,automatic] +libjs-jquery/noble,now 3.6.1+dfsg+~3.5.14-1 all [installed,automatic] +libjs-sphinxdoc/noble,now 7.2.6-6 all [installed,automatic] +libjs-underscore/noble,now 1.13.4~dfsg+~1.11.4-3 all [installed,automatic] +libjson-c5/noble,now 0.17-1build1 amd64 [installed,automatic] +libjsoncpp25/noble,now 1.9.5-6build1 amd64 [installed,automatic] +libjxl0.7/noble,now 0.7.0-10.2ubuntu6 amd64 [installed,automatic] +libjxr-tools/noble,now 1.2~git20170615.f752187-5.1ubuntu2 amd64 [installed,automatic] +libjxr0t64/noble,now 1.2~git20170615.f752187-5.1ubuntu2 amd64 [installed,automatic] +libk5crypto3/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkadm5clnt-mit12/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkadm5srv-mit12/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkdb5-10t64/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkeyutils1/noble,now 1.6.3-3build1 amd64 [installed,automatic] +libkmod2/noble,now 31+20240202-2ubuntu7 amd64 [installed,automatic] +libkrb5-3/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkrb5-dev/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkrb5support0/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libksba8/noble,now 1.6.6-1build1 amd64 [installed,automatic] +liblapack-dev/noble-updates,now 3.12.0-3build1.1 amd64 [installed] +liblapack3/noble-updates,now 3.12.0-3build1.1 amd64 [installed,automatic] +liblcms2-2/noble,now 2.14-2build1 amd64 [installed,automatic] +libldap-common/noble-updates,now 2.6.7+dfsg-1~exp1ubuntu8.1 all [installed,automatic] +libldap2/noble-updates,now 2.6.7+dfsg-1~exp1ubuntu8.1 amd64 [installed,automatic] +liblerc-dev/noble,now 4.0.0+ds-4ubuntu2 amd64 [installed,automatic] +liblerc4/noble,now 4.0.0+ds-4ubuntu2 amd64 [installed,automatic] +liblldb-17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libllvm17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libllvm18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +liblocale-gettext-perl/noble,now 1.07-6ubuntu5 amd64 [installed,automatic] +liblqr-1-0/noble,now 0.4.2-2.1build2 amd64 [installed,automatic] +liblsan0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libltdl-dev/noble,now 2.4.7-7build1 amd64 [installed,automatic] +libltdl7/noble,now 2.4.7-7build1 amd64 [installed,automatic] +liblua5.4-0/noble,now 5.4.6-3build2 amd64 [installed,automatic] +liblwp-mediatypes-perl/noble,now 6.04-2 all [installed,automatic] +liblwp-protocol-https-perl/noble,now 6.13-1 all [installed,automatic] +liblz4-1/noble-updates,now 1.9.4-1build1.1 amd64 [installed] +liblzma-dev/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed,automatic] +liblzma5/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed] +liblzo2-2/noble,now 2.10-2build4 amd64 [installed,automatic] +libmad0/noble,now 0.15.1b-10.2ubuntu1 amd64 [installed,automatic] +libmagic-mgc/noble,now 1:5.45-3build1 amd64 [installed,automatic] +libmagic1t64/noble,now 1:5.45-3build1 amd64 [installed,automatic] +libmagickcore-6.q16-7-extra/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmagickcore-6.q16-7t64/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmagickwand-6.q16-7t64/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmail-sendmail-perl/noble,now 0.80-3 all [installed,automatic] +libmailtools-perl/noble,now 2.21-2 all [installed,automatic] +libmbedcrypto7t64/noble,now 2.28.8-1 amd64 [installed,automatic] +libmd-dev/noble,now 1.1.0-2build1 amd64 [installed,automatic] +libmd0/noble,now 1.1.0-2build1 amd64 [installed] +libmount-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libmount1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libmp3lame-dev/noble,now 3.100-6build1 amd64 [installed] +libmp3lame0/noble,now 3.100-6build1 amd64 [installed,automatic] +libmpc3/noble,now 1.3.1-1build1 amd64 [installed,automatic] +libmpfr6/noble,now 4.2.1-1build1 amd64 [installed,automatic] +libmpg123-0t64/noble-updates,noble-security,now 1.32.5-1ubuntu1.1 amd64 [installed,automatic] +libmunge2/noble,now 0.5.15-4build1 amd64 [installed,automatic] +libncurses-dev/noble,now 6.4+20240113-1ubuntu2 amd64 [installed,automatic] +libncurses6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed,automatic] +libncursesw6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +libnet-http-perl/noble,now 6.23-1 all [installed,automatic] +libnet-smtp-ssl-perl/noble,now 1.04-2 all [installed,automatic] +libnet-ssleay-perl/noble,now 1.94-1build4 amd64 [installed,automatic] +libnetpbm11t64/noble,now 2:11.05.02-1.1build1 amd64 [installed,automatic] +libnettle8t64/noble-updates,now 3.9.1-2.2build1.1 amd64 [installed] +libnghttp2-14/noble-updates,noble-security,now 1.59.0-1ubuntu0.1 amd64 [installed,automatic] +libnice10/noble,now 0.1.21-2build3 amd64 [installed,automatic] +libnl-3-200/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-3-dev/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-route-3-200/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-route-3-dev/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnorm-dev/noble,now 1.5.9+dfsg-3.1build1 amd64 [installed,automatic] +libnorm1t64/noble,now 1.5.9+dfsg-3.1build1 amd64 [installed,automatic] +libnpth0t64/noble,now 1.6-3.1build1 amd64 [installed] +libnss-systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libnuma-dev/noble,now 2.0.18-1build1 amd64 [installed] +libnuma1/noble,now 2.0.18-1build1 amd64 [installed] +libobjc-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libobjc4/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libogg-dev/noble,now 1.3.5-3build1 amd64 [installed,automatic] +libogg0/noble,now 1.3.5-3build1 amd64 [installed,automatic] +libomp-18-dev/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libomp-dev/noble,now 1:18.0-59~exp2 amd64 [installed] +libomp5-18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libopenblas-dev/noble,now 0.3.26+ds-1 amd64 [installed] +libopenblas-pthread-dev/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopenblas0-pthread/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopenblas0/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopencore-amrnb-dev/noble,now 0.1.6-1build1 amd64 [installed] +libopencore-amrnb0/noble,now 0.1.6-1build1 amd64 [installed,automatic] +libopencore-amrwb-dev/noble,now 0.1.6-1build1 amd64 [installed] +libopencore-amrwb0/noble,now 0.1.6-1build1 amd64 [installed,automatic] +libopenexr-3-1-30/noble,now 3.1.5-5.1build3 amd64 [installed,automatic] +libopengl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libopengl0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libopenjp2-7-dev/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjp2-7/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjp2-tools/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjpip-server/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenmpi-dev/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +libopenmpi3t64/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +libopenmpt0t64/noble,now 0.7.3-1.1build3 amd64 [installed,automatic] +libopus-dev/noble,now 1.4-1build1 amd64 [installed] +libopus0/noble,now 1.4-1build1 amd64 [installed,automatic] +liborc-0.4-0t64/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +liborc-0.4-dev-bin/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +liborc-0.4-dev/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +libp11-kit0/noble-updates,now 0.25.3-4ubuntu2.1 amd64 [installed] +libpackagekit-glib2-18/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +libpam-cap/noble,now 1:2.66-5ubuntu2 amd64 [installed,automatic] +libpam-modules-bin/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpam-modules/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpam-runtime/noble-updates,now 1.5.3-5ubuntu5.1 all [installed] +libpam-systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libpam0g/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpango-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpango1.0-dev/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangocairo-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangoft2-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangoxft-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpaper-utils/noble,now 1.1.29build1 amd64 [installed,automatic] +libpaper1/noble,now 1.1.29build1 amd64 [installed,automatic] +libpciaccess-dev/noble,now 0.17-3build1 amd64 [installed,automatic] +libpciaccess0/noble,now 0.17-3build1 amd64 [installed,automatic] +libpcre2-16-0/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-32-0/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-8-0/noble,now 10.42-4ubuntu2 amd64 [installed] +libpcre2-dev/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-posix3/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libperl5.38t64/noble,now 5.38.2-3.2build2 amd64 [installed,automatic] +libpfm4/noble,now 4.13.0+git32-g0d4ed0e-1 amd64 [installed,automatic] +libpgm-5.3-0t64/noble,now 5.3.128~dfsg-2.1build1 amd64 [installed,automatic] +libpgm-dev/noble,now 5.3.128~dfsg-2.1build1 amd64 [installed,automatic] +libpipeline1/noble,now 1.5.7-2 amd64 [installed,automatic] +libpixman-1-0/noble,now 0.42.2-1build1 amd64 [installed,automatic] +libpixman-1-dev/noble,now 0.42.2-1build1 amd64 [installed,automatic] +libpkgconf3/noble,now 1.8.1-2build1 amd64 [installed,automatic] +libpmix-dev/noble,now 5.0.1-4.1build1 amd64 [installed,automatic] +libpmix2t64/noble,now 5.0.1-4.1build1 amd64 [installed,automatic] +libpng-dev/noble,now 1.6.43-5build1 amd64 [installed] +libpng-tools/noble,now 1.6.43-5build1 amd64 [installed,automatic] +libpng16-16t64/noble,now 1.6.43-5build1 amd64 [installed,automatic] +libpolkit-agent-1-0/noble,now 124-2ubuntu1 amd64 [installed,automatic] +libpolkit-gobject-1-0/noble,now 124-2ubuntu1 amd64 [installed,automatic] +libpopt0/noble,now 1.19+dfsg-1build1 amd64 [installed,automatic] +libpostproc-dev/noble,now 7:6.1.1-3ubuntu5 amd64 [installed] +libpostproc57/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libproc2-0/noble-updates,now 2:4.0.4-4ubuntu3.2 amd64 [installed] +libprotobuf-dev/noble,now 3.21.12-8.2build1 amd64 [installed] +libprotobuf-lite32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libprotobuf32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libprotoc32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libproxy1v5/noble,now 0.5.4-4build1 amd64 [installed,automatic] +libpsl5t64/noble,now 0.21.2-1.1build1 amd64 [installed,automatic] +libpsm-infinipath1/noble,now 3.3+20.604758e7-6.3build1 amd64 [installed,automatic] +libpsm2-2/noble,now 11.2.185-2build1 amd64 [installed,automatic] +libpthread-stubs0-dev/noble,now 0.4-1build3 amd64 [installed,automatic] +libpulse-dev/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpulse-mainloop-glib0/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpulse0/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpython3-dev/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +libpython3-stdlib/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +libpython3.12-dev/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12-minimal/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12-stdlib/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12t64/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libquadmath0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +librabbitmq4/noble,now 0.11.0-1build2 amd64 [installed,automatic] +librav1e0/noble,now 0.7.1-2 amd64 [installed,automatic] +libraw1394-11/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw1394-dev/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw1394-tools/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw23t64/noble,now 0.21.2-2.1build1 amd64 [installed,automatic] +librdmacm1t64/noble,now 50.0-2build2 amd64 [installed,automatic] +libre2-10/noble,now 20230301-3build1 amd64 [installed,automatic] +libreadline8t64/noble,now 8.2-4build1 amd64 [installed,automatic] +librhash0/noble,now 1.4.3-3build1 amd64 [installed,automatic] +librist4/noble,now 0.2.10+dfsg-2 amd64 [installed,automatic] +librsvg2-2/noble,now 2.58.0+dfsg-1build1 amd64 [installed,automatic] +librsvg2-common/noble,now 2.58.0+dfsg-1build1 amd64 [installed,automatic] +librtmp1/noble,now 2.4+20151223.gitfa8646d.1-2build7 amd64 [installed,automatic] +libsasl2-2/noble-updates,now 2.1.28+dfsg1-5ubuntu3.1 amd64 [installed,automatic] +libsasl2-modules-db/noble-updates,now 2.1.28+dfsg1-5ubuntu3.1 amd64 [installed,automatic] +libsasl2-modules/noble-updates,now 2.1.28+dfsg1-5ubuntu3.1 amd64 [installed,automatic] +libseccomp2/noble-updates,now 2.5.5-1ubuntu3.1 amd64 [installed] +libselinux1-dev/noble,now 3.5-2ubuntu2 amd64 [installed,automatic] +libselinux1/noble,now 3.5-2ubuntu2 amd64 [installed] +libsemanage-common/noble,now 3.5-1build5 all [installed] +libsemanage2/noble,now 3.5-1build5 amd64 [installed] +libsensors-config/noble,now 1:3.6.0-9build1 all [installed,automatic] +libsensors5/noble,now 1:3.6.0-9build1 amd64 [installed,automatic] +libsepol-dev/noble,now 3.5-2build1 amd64 [installed,automatic] +libsepol2/noble,now 3.5-2build1 amd64 [installed] +libsframe1/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libsharpyuv-dev/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libsharpyuv0/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libshine3/noble,now 3.1.1-2build1 amd64 [installed,automatic] +libshout3/noble,now 2.4.6-1build2 amd64 [installed,automatic] +libslang2/noble,now 2.3.3-3build2 amd64 [installed,automatic] +libsm-dev/noble,now 2:1.2.3-1build3 amd64 [installed,automatic] +libsm6/noble,now 2:1.2.3-1build3 amd64 [installed,automatic] +libsmartcols1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libsnappy1v5/noble,now 1.1.10-1build1 amd64 [installed,automatic] +libsndfile1/noble,now 1.2.2-1ubuntu5 amd64 [installed,automatic] +libsodium-dev/noble,now 1.0.18-1build3 amd64 [installed,automatic] +libsodium23/noble,now 1.0.18-1build3 amd64 [installed,automatic] +libsoup-3.0-0/noble-updates,noble-security,now 3.4.4-5ubuntu0.1 amd64 [installed,automatic] +libsoup-3.0-common/noble-updates,noble-security,now 3.4.4-5ubuntu0.1 all [installed,automatic] +libsox-dev/noble,now 14.4.2+git20190427-4build4 amd64 [installed] +libsox-fmt-all/noble,now 14.4.2+git20190427-4build4 amd64 [installed] +libsox-fmt-alsa/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-ao/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-base/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-mp3/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-oss/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-pulse/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox3/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsoxr0/noble,now 0.1.3-4build3 amd64 [installed,automatic] +libspeex1/noble-updates,now 1.2.1-2ubuntu2.24.04.1 amd64 [installed,automatic] +libsphinxbase-dev/noble,now 0.8+5prealpha+1-17build2 amd64 [installed] +libsphinxbase3t64/noble,now 0.8+5prealpha+1-17build2 amd64 [installed,automatic] +libsqlite3-0/noble,now 3.45.1-1ubuntu2 amd64 [installed,automatic] +libsrt1.5-gnutls/noble,now 1.5.3-1build2 amd64 [installed,automatic] +libss2/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libssh-4/noble,now 0.10.6-2build2 amd64 [installed,automatic] +libssh-gcrypt-4/noble,now 0.10.6-2build2 amd64 [installed,automatic] +libssl-dev/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed,automatic] +libssl3t64/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed] +libstdc++-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libstdc++6/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +libstemmer0d/noble,now 2.2.0-4build1 amd64 [installed,automatic] +libsub-override-perl/noble,now 0.10-1 all [installed,automatic] +libsvtav1enc1d1/noble,now 1.7.0+dfsg-2build1 amd64 [installed,automatic] +libswresample4/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libswscale7/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libsys-hostname-long-perl/noble,now 1.5-3 all [installed,automatic] +libsystemd-shared/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libsystemd0/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed] +libsz2/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libtag1v5-vanilla/noble,now 1.13.1-1build1 amd64 [installed,automatic] +libtag1v5/noble,now 1.13.1-1build1 amd64 [installed,automatic] +libtasn1-6/noble,now 4.19.0-3build1 amd64 [installed] +libtbb-dev/noble,now 2021.11.0-2ubuntu2 amd64 [installed] +libtbb12/noble,now 2021.11.0-2ubuntu2 amd64 [installed,automatic] +libtbbbind-2-5/noble,now 2021.11.0-2ubuntu2 amd64 [installed,automatic] +libtbbmalloc2/noble,now 2021.11.0-2ubuntu2 amd64 [installed] +libtdb1/noble,now 1.4.10-1build1 amd64 [installed,automatic] +libthai-data/noble,now 0.1.29-2build1 all [installed,automatic] +libthai-dev/noble,now 0.1.29-2build1 amd64 [installed,automatic] +libthai0/noble,now 0.1.29-2build1 amd64 [installed,automatic] +libtheora-dev/noble,now 1.1.1+dfsg.1-16.1build3 amd64 [installed] +libtheora0/noble,now 1.1.1+dfsg.1-16.1build3 amd64 [installed,automatic] +libtiff-dev/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtiff5-dev/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed] +libtiff6/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtiffxx6/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtimedate-perl/noble,now 2.3300-2 all [installed,automatic] +libtinfo6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +libtool/noble,now 2.4.7-7build1 all [installed] +libtry-tiny-perl/noble,now 0.31-2 all [installed,automatic] +libtsan2/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libtwolame0/noble,now 0.4.0-2build3 amd64 [installed,automatic] +libubsan1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libuchardet0/noble,now 0.0.8-1build1 amd64 [installed,automatic] +libucx0/noble,now 1.16.0+ds-5ubuntu1 amd64 [installed,automatic] +libudev-dev/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libudev1/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed] +libudfread0/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libunibreak-dev/noble,now 5.1-2build1 amd64 [installed,automatic] +libunibreak5/noble,now 5.1-2build1 amd64 [installed,automatic] +libunistring5/noble,now 1.1-2build1 amd64 [installed] +libunwind-dev/noble,now 1.6.2-3build1 amd64 [installed,automatic] +libunwind8/noble,now 1.6.2-3build1 amd64 [installed,automatic] +liburi-perl/noble,now 5.27-1 all [installed,automatic] +libusb-1.0-0/noble,now 2:1.0.27-1 amd64 [installed,automatic] +libuuid1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libuv1t64/noble,now 1.48.0-1.1build1 amd64 [installed,automatic] +libv4l-0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libv4l-dev/noble,now 1.26.1-4build3 amd64 [installed] +libv4l2rds0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libv4lconvert0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libva-drm2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libva-x11-2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libva2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libvdpau1/noble,now 1.5-2build1 amd64 [installed,automatic] +libvisual-0.4-0/noble,now 0.4.2-2build1 amd64 [installed,automatic] +libvorbis-dev/noble,now 1.3.7-1build3 amd64 [installed] +libvorbis0a/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvorbisenc2/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvorbisfile3/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvpl2/noble,now 2023.3.0-1build1 amd64 [installed,automatic] +libvpx-dev/noble-updates,noble-security,now 1.14.0-1ubuntu2.1 amd64 [installed] +libvpx9/noble-updates,noble-security,now 1.14.0-1ubuntu2.1 amd64 [installed,automatic] +libvulkan1/noble,now 1.3.275.0-1build1 amd64 [installed,automatic] +libwavpack1/noble,now 5.6.0-1build1 amd64 [installed,automatic] +libwayland-bin/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-client0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-cursor0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-dev/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-egl1/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-server0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwebp-dev/noble,now 1.3.2-0.4build3 amd64 [installed] +libwebp7/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpdecoder3/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpdemux2/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpmux3/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwmflite-0.2-7/noble,now 0.2.13-1.1build3 amd64 [installed,automatic] +libwww-perl/noble,now 6.76-1 all [installed,automatic] +libwww-robotrules-perl/noble,now 6.02-1 all [installed,automatic] +libx11-6/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-data/noble,now 2:1.8.7-1build1 all [installed,automatic] +libx11-dev/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-xcb-dev/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-xcb1/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx264-164/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed,automatic] +libx264-dev/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed] +libx265-199/noble,now 3.5-2build1 amd64 [installed,automatic] +libx265-dev/noble,now 3.5-2build1 amd64 [installed] +libxapian30/noble,now 1.4.22-1build1 amd64 [installed,automatic] +libxau-dev/noble,now 1:1.0.9-1build6 amd64 [installed,automatic] +libxau6/noble,now 1:1.0.9-1build6 amd64 [installed,automatic] +libxaw7/noble,now 2:1.0.14-1build2 amd64 [installed,automatic] +libxcb-damage0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-dri2-0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-dri3-0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-glx0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-present0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-randr0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-render0-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-render0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-shm0-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-shm0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-sync1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-xfixes0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-xkb1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb1-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcomposite-dev/noble,now 1:0.4.5-1build3 amd64 [installed,automatic] +libxcomposite1/noble,now 1:0.4.5-1build3 amd64 [installed,automatic] +libxcursor-dev/noble,now 1:1.2.1-1build1 amd64 [installed,automatic] +libxcursor1/noble,now 1:1.2.1-1build1 amd64 [installed,automatic] +libxdamage-dev/noble,now 1:1.1.6-1build1 amd64 [installed,automatic] +libxdamage1/noble,now 1:1.1.6-1build1 amd64 [installed,automatic] +libxdmcp-dev/noble,now 1:1.1.3-0ubuntu6 amd64 [installed,automatic] +libxdmcp6/noble,now 1:1.1.3-0ubuntu6 amd64 [installed,automatic] +libxext-dev/noble,now 2:1.3.4-1build2 amd64 [installed,automatic] +libxext6/noble,now 2:1.3.4-1build2 amd64 [installed,automatic] +libxfixes-dev/noble,now 1:6.0.0-2build1 amd64 [installed,automatic] +libxfixes3/noble,now 1:6.0.0-2build1 amd64 [installed,automatic] +libxft-dev/noble,now 2.3.6-1build1 amd64 [installed,automatic] +libxft2/noble,now 2.3.6-1build1 amd64 [installed,automatic] +libxi-dev/noble,now 2:1.8.1-1build1 amd64 [installed] +libxi6/noble,now 2:1.8.1-1build1 amd64 [installed,automatic] +libxine2-bin/noble,now 1.2.13+hg20230710-2ubuntu6 amd64 [installed,automatic] +libxine2-dev/noble,now 1.2.13+hg20230710-2ubuntu6 amd64 [installed] +libxinerama-dev/noble,now 2:1.1.4-3build1 amd64 [installed,automatic] +libxinerama1/noble,now 2:1.1.4-3build1 amd64 [installed,automatic] +libxkbcommon-dev/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbcommon-x11-0/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbcommon0/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbfile1/noble,now 1:1.1.0-1build4 amd64 [installed,automatic] +libxml2-dev/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxml2-utils/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxml2/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxmlb2/noble,now 0.3.18-1 amd64 [installed,automatic] +libxmu-dev/noble,now 2:1.1.3-3build2 amd64 [installed] +libxmu-headers/noble,now 2:1.1.3-3build2 all [installed,automatic] +libxmu6/noble,now 2:1.1.3-3build2 amd64 [installed,automatic] +libxmuu1/noble,now 2:1.1.3-3build2 amd64 [installed,automatic] +libxnvctrl0/noble,now 510.47.03-0ubuntu4 amd64 [installed,automatic] +libxpm4/noble,now 1:3.5.17-1build2 amd64 [installed,automatic] +libxrandr-dev/noble,now 2:1.5.2-2build1 amd64 [installed,automatic] +libxrandr2/noble,now 2:1.5.2-2build1 amd64 [installed,automatic] +libxrender-dev/noble,now 1:0.9.10-1.1build1 amd64 [installed,automatic] +libxrender1/noble,now 1:0.9.10-1.1build1 amd64 [installed,automatic] +libxshmfence1/noble,now 1.3-1build5 amd64 [installed,automatic] +libxt-dev/noble,now 1:1.2.1-1.2build1 amd64 [installed,automatic] +libxt6t64/noble,now 1:1.2.1-1.2build1 amd64 [installed,automatic] +libxtst-dev/noble,now 2:1.2.3-1.1build1 amd64 [installed,automatic] +libxtst6/noble,now 2:1.2.3-1.1build1 amd64 [installed,automatic] +libxv1/noble,now 2:1.0.11-1.1build1 amd64 [installed,automatic] +libxvidcore-dev/noble,now 2:1.3.7-1build1 amd64 [installed] +libxvidcore4/noble,now 2:1.3.7-1build1 amd64 [installed,automatic] +libxxf86vm1/noble,now 1:1.1.4-1build4 amd64 [installed,automatic] +libxxhash0/noble,now 0.8.2-2build1 amd64 [installed] +libyaml-0-2/noble,now 0.2.5-1build1 amd64 [installed,automatic] +libz3-4/noble,now 4.8.12-3.1build1 amd64 [installed,automatic] +libz3-dev/noble,now 4.8.12-3.1build1 amd64 [installed,automatic] +libzmq3-dev/noble,now 4.3.5-1build2 amd64 [installed] +libzmq5/noble,now 4.3.5-1build2 amd64 [installed,automatic] +libzstd-dev/noble-updates,now 1.5.5+dfsg2-2build1.1 amd64 [installed,automatic] +libzstd1/noble-updates,now 1.5.5+dfsg2-2build1.1 amd64 [installed] +libzvbi-common/noble,now 0.2.42-2 all [installed,automatic] +libzvbi0t64/noble,now 0.2.42-2 amd64 [installed,automatic] +linux-libc-dev/noble-updates,noble-security,now 6.8.0-51.52 amd64 [installed,automatic] +lld-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +lldb-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +llvm-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-linker-tools/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-runtime/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-tools/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +locales/noble-updates,noble-security,now 2.39-0ubuntu8.3 all [installed] +login/noble-updates,now 1:4.13+dfsg1-4ubuntu3.2 amd64 [installed] +logsave/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +lsb-release/noble,now 12.0-2 all [installed] +lto-disabled-list/noble,now 47 all [installed,automatic] +m4/noble,now 1.4.19-4build1 amd64 [installed,automatic] +make/noble,now 4.3-4.1build2 amd64 [installed,automatic] +man-db/noble,now 2.12.0-4build2 amd64 [installed,automatic] +manpages-dev/noble,now 6.7-2 all [installed,automatic] +manpages/noble,now 6.7-2 all [installed,automatic] +mawk/noble,now 1.3.4.20240123-1build1 amd64 [installed] +media-types/noble,now 10.1.0 all [installed,automatic] +mesa-va-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mesa-vdpau-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mesa-vulkan-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mount/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +mpi-default-bin/noble,now 1.15build1 amd64 [installed,automatic] +mpi-default-dev/noble,now 1.15build1 amd64 [installed,automatic] +ncurses-base/noble,now 6.4+20240113-1ubuntu2 all [installed] +ncurses-bin/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +netbase/noble,now 6.4 all [installed,automatic] +netpbm/noble,now 2:11.05.02-1.1build1 amd64 [installed,automatic] +networkd-dispatcher/noble,now 2.2.4-1 all [installed,automatic] +ninja-build/noble,now 1.11.1-2 amd64 [installed] +ocl-icd-libopencl1/noble,now 2.3.2-1build1 amd64 [installed,automatic] +openmpi-bin/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +openmpi-common/noble,now 4.1.6-7ubuntu2 all [installed,automatic] +openssh-client/noble-updates,now 1:9.6p1-3ubuntu13.5 amd64 [installed,automatic] +openssl/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed,automatic] +packagekit-tools/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +packagekit/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +pango1.0-tools/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +passwd/noble-updates,now 1:4.13+dfsg1-4ubuntu3.2 amd64 [installed] +patch/noble,now 2.7.6-7build3 amd64 [installed,automatic] +patchelf/noble,now 0.18.0-1.1build1 amd64 [installed] +perl-base/noble,now 5.38.2-3.2build2 amd64 [installed] +perl-modules-5.38/noble,now 5.38.2-3.2build2 all [installed,automatic] +perl-openssl-defaults/noble,now 7build3 amd64 [installed,automatic] +perl/noble,now 5.38.2-3.2build2 amd64 [installed] +pinentry-curses/noble,now 1.2.1-3ubuntu5 amd64 [installed,automatic] +pkg-config/noble,now 1.8.1-2build1 amd64 [installed] +pkgconf-bin/noble,now 1.8.1-2build1 amd64 [installed,automatic] +pkgconf/noble,now 1.8.1-2build1 amd64 [installed,automatic] +po-debconf/noble,now 1.0.21+nmu1 all [installed,automatic] +polkitd/noble,now 124-2ubuntu1 amd64 [installed,automatic] +poppler-data/noble,now 0.4.12-1 all [installed,automatic] +procps/noble-updates,now 2:4.0.4-4ubuntu3.2 amd64 [installed] +protobuf-compiler/noble,now 3.21.12-8.2build1 amd64 [installed] +publicsuffix/noble,now 20231001.0357-0.1 all [installed,automatic] +python-apt-common/noble-updates,now 2.7.7ubuntu3 all [installed,automatic] +python3-apt/noble-updates,now 2.7.7ubuntu3 amd64 [installed,automatic] +python3-blinker/noble,now 1.7.0-1 all [installed,automatic] +python3-cffi-backend/noble,now 1.16.0-2build1 amd64 [installed,automatic] +python3-cryptography/noble-updates,noble-security,now 41.0.7-4ubuntu0.1 amd64 [installed,automatic] +python3-dbus/noble,now 1.3.2-5build3 amd64 [installed,automatic] +python3-dev/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed] +python3-distro-info/noble,now 1.7build1 all [installed,automatic] +python3-distro/noble,now 1.9.0-1 all [installed,automatic] +python3-gi/noble,now 3.48.2-1 amd64 [installed,automatic] +python3-httplib2/noble,now 0.20.4-3 all [installed,automatic] +python3-jwt/noble,now 2.7.0-1 all [installed,automatic] +python3-launchpadlib/noble,now 1.11.0-6 all [installed,automatic] +python3-lazr.restfulclient/noble,now 0.14.6-1 all [installed,automatic] +python3-lazr.uri/noble,now 1.0.6-3 all [installed,automatic] +python3-lldb-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +python3-minimal/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +python3-oauthlib/noble,now 3.2.2-1 all [installed,automatic] +python3-packaging/noble,now 24.0-1 all [installed,automatic] +python3-pip-whl/noble-updates,noble-security,now 24.0+dfsg-1ubuntu1.1 all [installed,automatic] +python3-pkg-resources/noble-updates,noble-security,now 68.1.2-2ubuntu1.1 all [installed,automatic] +python3-pygments/noble,now 2.17.2+dfsg-1 all [installed,automatic] +python3-pyparsing/noble,now 3.1.1-1 all [installed,automatic] +python3-setuptools-whl/noble-updates,noble-security,now 68.1.2-2ubuntu1.1 all [installed,automatic] +python3-six/noble,now 1.16.0-4 all [installed,automatic] +python3-software-properties/noble-updates,now 0.99.49.1 all [installed,automatic] +python3-venv/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed] +python3-wadllib/noble,now 1.3.6-5 all [installed,automatic] +python3-yaml/noble,now 6.0.1-2build2 amd64 [installed,automatic] +python3.12-dev/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12-minimal/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12-venv/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +readline-common/noble,now 8.2-4build1 all [installed,automatic] +rpcsvc-proto/noble,now 1.4.2-0ubuntu7 amd64 [installed,automatic] +rsync/noble,now 3.2.7-1ubuntu1 amd64 [installed] +sed/noble,now 4.9-2build1 amd64 [installed] +sensible-utils/noble,now 0.0.22 all [installed] +session-migration/noble,now 0.3.9build1 amd64 [installed,automatic] +sgml-base/noble,now 1.31 all [installed,automatic] +shared-mime-info/noble,now 2.4-4 amd64 [installed,automatic] +software-properties-common/noble-updates,now 0.99.49.1 all [installed] +sound-theme-freedesktop/noble,now 0.8-2ubuntu1 all [installed,automatic] +spawn-fcgi/noble,now 1.6.4-2 amd64 [installed,automatic] +sphinxbase-utils/noble,now 0.8+5prealpha+1-17build2 amd64 [installed] +ssl-cert/noble,now 1.1.2ubuntu1 all [installed,automatic] +systemd-dev/noble-updates,now 255.4-1ubuntu8.4 all [installed,automatic] +systemd-resolved/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd-sysv/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd-timesyncd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +sysvinit-utils/noble,now 3.08-6ubuntu3 amd64 [installed] +tar/noble,now 1.35+dfsg-3build1 amd64 [installed] +time/noble,now 1.9-0.2build1 amd64 [installed] +tzdata/noble-updates,now 2024a-3ubuntu1.1 all [installed,automatic] +ubuntu-keyring/noble,now 2023.11.28.1 all [installed] +ubuntu-mono/noble,now 24.04-0ubuntu1 all [installed,automatic] +ucf/noble,now 3.0043+nmu1 all [installed,automatic] +unattended-upgrades/noble,now 2.9.1+nmu4ubuntu1 all [installed,automatic] +unzip/noble-updates,noble-security,now 6.0-28ubuntu4.1 amd64 [installed] +util-linux/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +uuid-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +v4l-utils/noble,now 1.26.1-4build3 amd64 [installed] +va-driver-all/noble,now 2.20.0-2build1 amd64 [installed,automatic] +vdpau-driver-all/noble,now 1.5-2build1 amd64 [installed,automatic] +wayland-protocols/noble,now 1.34-1 all [installed,automatic] +wget/noble-updates,noble-security,now 1.21.4-1ubuntu4.1 amd64 [installed] +x11-apps/noble,now 7.7+11build3 amd64 [installed] +x11-common/noble,now 1:7.7+23ubuntu3 all [installed,automatic] +x11proto-dev/noble,now 2023.2-1 all [installed,automatic] +x264/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed] +xauth/noble,now 1:1.1.2-1build1 amd64 [installed,automatic] +xbitmaps/noble,now 1.1.1-2.2 all [installed,automatic] +xdg-user-dirs/noble,now 0.18-1build1 amd64 [installed,automatic] +xfonts-encodings/noble,now 1:1.0.5-0ubuntu2 all [installed,automatic] +xfonts-utils/noble,now 1:7.7+6build3 amd64 [installed,automatic] +xkb-data/noble-updates,now 2.41-2ubuntu1.1 all [installed,automatic] +xml-core/noble,now 0.19 all [installed,automatic] +xorg-sgml-doctools/noble,now 1:1.11-1.1 all [installed,automatic] +xtrans-dev/noble,now 1.4.0-1 all [installed,automatic] +xz-utils/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed,automatic] +yasm/noble,now 1.3.0-4 amd64 [installed] +zip/noble-updates,now 3.0-13ubuntu0.1 amd64 [installed] +zlib1g-dev/noble-updates,now 1:1.3.dfsg-3.1ubuntu2.1 amd64 [installed] +zlib1g/noble-updates,now 1:1.3.dfsg-3.1ubuntu2.1 amd64 [installed] + +[system details] + +FOUND_UBUNTU: 24.04 +OpenCV_Built: 4.10.0 +FFmpeg_Built: 7.1 +Torch_Built: 2.5.1 +TorchVision_Built: 0.20.0 +TorchAudio_Built: 2.5.0 +TorchData_Built: 0.9.0 diff --git a/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/TensorFlow--Details.txt b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/TensorFlow--Details.txt new file mode 100644 index 0000000..c2a3b00 --- /dev/null +++ b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/TensorFlow--Details.txt @@ -0,0 +1,14 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="pytorch_opencv:2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** TensorFlow configuration: +No TensorFlow built diff --git a/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/withincontainer_checker.sh b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/withincontainer_checker.sh new file mode 100644 index 0000000..b7aa188 --- /dev/null +++ b/BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/withincontainer_checker.sh @@ -0,0 +1,112 @@ +#!/bin/bash + +# Expected to be run in container +if [ ! -f /.within_container ]; then + echo "Tool expected to be ran within the container, aborting" + exit 1 +fi + +destp="/tmp/python_info.txt" +echo "Python location: $(which python3)" > $destp +echo "Python version: $(python3 --version)" >> $destp +echo "" >> $destp +echo "[pip list]" >> $destp +pip3 list >> $destp + +echo "" >> $destp +echo "[apt list]" >> $destp +apt list --installed >> $destp + +echo "" >> $destp +echo "[system details]" >> $destp + +# Ubuntu version +tmp="/etc/lsb-release" +if [ ! -f $tmp ]; then + echo "Unable to confirm Ubuntu version, aborting" + exit 1 +fi +echo "" >> $destp +echo -n "FOUND_UBUNTU: " >> $destp +perl -ne 'print $1 if (m%DISTRIB_RELEASE=(.+)%)' $tmp >> $destp +echo "" >> $destp + +if [ -f /tmp/.GPU_build ]; then + # CUDNN version + cudnn_inc="/usr/include/cudnn.h" + cudnn8_inc="/usr/include/x86_64-linux-gnu/cudnn_version_v8.h" + cudnnjn_inc="/usr/include/cudnn_version.h" + if [ -f $cudnn8_inc ]; then + cudnn_inc="${cudnn8_inc}" + elif [ -f $cudnnjn_inc ]; then + cudnn_inc="$cudnnjn_inc" + fi + if [ ! -f $cudnn_inc ]; then + cudnn="Details not found" + else + cmj="$(sed -n 's/^#define CUDNN_MAJOR\s*\(.*\).*/\1/p' $cudnn_inc)" + cmn="$(sed -n 's/^#define CUDNN_MINOR\s*\(.*\).*/\1/p' $cudnn_inc)" + cpl="$(sed -n 's/^#define CUDNN_PATCHLEVEL\s*\(.*\).*/\1/p' $cudnn_inc)" + cudnn="${cmj}.${cmn}.${cpl}" + fi + echo "$cudnn" > /tmp/.cudnn_found + + # CUDA version + nvcc="/usr/local/nvidia/bin/nvcc" + if [ ! -f $cuda_f ]; then + cuda="Details not found" + else + cuda=$($nvcc --version | grep compilation | perl -ne 'print $1 if (m%V([\d\.]+)%)') + fi + echo "$cuda" > /tmp/.cuda_found +fi + +dest="/tmp/opencv_info.txt" +if [ -f /tmp/.opencv_built ]; then + echo "OpenCV_Built: $(cat /tmp/.opencv_built)" >> $destp + + echo -n "-- Confirming OpenCV Python is installed. Version: " > $dest + python3 -c 'import cv2; print(cv2.__version__)' >> $dest + echo "" >> $dest + opencv_version -v >> $dest + if [ -f /tmp/.cudnn_found ]; then + echo "" >> $dest + echo "cuDNN_FOUND: $(cat /tmp/.cudnn_found)" >> $dest + fi +fi + +if [ -f /tmp/.cuda_found ]; then + echo "CUDA_found: $(cat /tmp/.cuda_found)" >> $destp +fi + +if [ -f /tmp/.cudnn_found ]; then + echo "cuDNN_found: $(cat /tmp/.cudnn_found)" >> $destp +fi + +if [ -f /tmp/.tensorflow_built ]; then + echo "TensorFlow_Built: $(cat /tmp/.tensorflow_built)" >> $destp +fi + +if [ -f /tmp/.ffmpeg_built ]; then + echo "FFmpeg_Built: $(cat /tmp/.ffmpeg_built)" >> $destp +fi + +if [ -f /tmp/.torch_built ]; then + echo "Torch_Built: $(cat /tmp/.torch_built)" >> $destp +fi + +if [ -f /tmp/.torchvision_built ]; then + echo "TorchVision_Built: $(cat /tmp/.torchvision_built)" >> $destp +fi + +if [ -f /tmp/.torchaudio_built ]; then + echo "TorchAudio_Built: $(cat /tmp/.torchaudio_built)" >> $destp +fi + +if [ -f /tmp/.torchdata_built ]; then + echo "TorchData_Built: $(cat /tmp/.torchdata_built)" >> $destp +fi + +if [ -f /tmp/.torchtext_built ]; then + echo "TorchText_Built: $(cat /tmp/.torchtext_built)" >> $destp +fi diff --git a/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/BuildInfo.txt b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/BuildInfo.txt new file mode 100644 index 0000000..4982fc9 --- /dev/null +++ b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/BuildInfo.txt @@ -0,0 +1,12 @@ + +CTPO_FROM=ubuntu:24.04 +CTPO_BUILD=CPU +CTPO_TENSORFLOW_VERSION=2.18.0 +CTPO_PYTORCH_VERSION=None +CTPO_CUDA_VERSION=None +CTPO_OPENCV_VERSION=4.10.0 +CTPO_RELEASE=20241219 +FOUND_UBUNTU=24.04 +OpenCV_Built=4.10.0 +TensorFlow_Built=2.18.0 +FFmpeg_Built=7.1 diff --git a/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/Dockerfile b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/Dockerfile new file mode 100644 index 0000000..d8f51ae --- /dev/null +++ b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/Dockerfile @@ -0,0 +1,355 @@ +##### Splitting installation into controlled parts: +## - Base container setup (all apt-get + system + ldd extension) +## - Python pip3 preparation + First batch of python tools installs +## - Tensorflow build and install (optional) +## - FFmpeg build and install +## - OpenCV build and install (using FFmpeg) +## - Additional python tools installs +## - Magma build and install (GPU only, optional) +## - PyTorch (+ vison + audio) build and install (using FFmpeg + OpenCV, optional) +## - Final steps: /iti setup, ... + +# The idea is to have a base Dockerfile that will be tailored to specific builds +# so that each build has their own final Dockerfile available for inspection + +ARG CTPO_FROM=ubuntu:24.04 +FROM ${CTPO_FROM} + +# No CUDA, or no cuDNN bootstrap needed + +ARG CTPO_NUMPROC=32 + +##### Base + +# Install system packages +ENV DEBIAN_FRONTEND=noninteractive +RUN apt-get update -y --fix-missing\ + && apt-get install -y \ + apt-utils \ + locales \ + wget \ + ca-certificates \ + && apt-get clean + +# UTF-8 +RUN localedef -i en_US -c -f UTF-8 -A /usr/share/locale/locale.alias en_US.UTF-8 +ENV LANG=en_US.utf8 + +# Install system packages +RUN apt-get install -y \ + # Base + build-essential \ + checkinstall \ + cmake \ + curl \ + g++ \ + gcc \ + git \ + ninja-build \ + perl \ + patchelf \ + pkg-config \ + protobuf-compiler \ + python3-dev \ + rsync \ + time \ + unzip \ + wget \ + zip \ + zlib1g \ + zlib1g-dev \ + # OpenCV + doxygen \ + file \ + gfortran \ + gnupg \ + gstreamer1.0-plugins-good \ + imagemagick \ + libatk-adaptor \ + libatlas-base-dev \ + libboost-all-dev \ + libcanberra-gtk-module \ + libdc1394-dev \ + libeigen3-dev \ + libfaac-dev \ + libfreetype6-dev \ + libgflags-dev \ + libglew-dev \ + libglu1-mesa \ + libglu1-mesa-dev \ + libgoogle-glog-dev \ + libgphoto2-dev \ + libgstreamer1.0-dev \ + libgstreamer-plugins-bad1.0-0 \ + libgstreamer-plugins-base1.0-dev \ + libgtk2.0-dev \ + libgtk-3-dev \ + libhdf5-dev \ + libhdf5-serial-dev \ + libjpeg-dev \ + liblapack-dev \ + libmp3lame-dev \ + libopenblas-dev \ + libopencore-amrnb-dev \ + libopencore-amrwb-dev \ + libopenjp2-7 \ + libopenjp2-7-dev \ + libopenjp2-tools \ + libopenjpip-server \ + libpng-dev \ + libpostproc-dev \ + libprotobuf-dev \ + libtbbmalloc2 \ + libtbb-dev \ + libtheora-dev \ + libtiff5-dev \ + libv4l-dev \ + libvorbis-dev \ + libwebp-dev \ + libx264-dev \ + libx265-dev \ + libxi-dev \ + libxine2-dev \ + libxmu-dev \ + libxvidcore-dev \ + libzmq3-dev \ + v4l-utils \ + x11-apps \ + x264 \ + yasm \ + # No adds for torch + # FFMpeg (source install, do not install packages: libavcodec-dev libavformat-dev libavresample-dev libavutil-dev libswscale-dev) + libass-dev \ + libc6 \ + libc6-dev \ + libnuma1 \ + libnuma-dev \ + libopus-dev \ + libtool \ + libvpx-dev \ + && apt-get clean + +# No Additional CUDA apt installs + + + +ENV CTPO_CLANG_VERSION=17 +RUN apt-get install -y lsb-release software-properties-common gnupg \ + && mkdir /tmp/clang \ + && cd /tmp/clang \ + && wget https://apt.llvm.org/llvm.sh \ + && chmod +x llvm.sh \ + && ./llvm.sh ${CTPO_CLANG_VERSION} \ + && cd / \ + && rm -rf /tmp/clang +RUN which clang-${CTPO_CLANG_VERSION} \ + && which clang++-${CTPO_CLANG_VERSION} \ + && clang-${CTPO_CLANG_VERSION} --version \ + && clang++-${CTPO_CLANG_VERSION} --version + +ENV CTPO_BUILD=CPU +RUN touch /tmp/.${CTPO_BUILD}_build + +# - Avoid "RPC failed; curl 56 GnuTLS" issue on some pulls, while keeping the system installed git +# - Some tools expect a "python" binary +# - Prepare ldconfig +RUN git config --global http.postBuffer 1048576000 \ + && mkdir -p /usr/local/bin && ln -s $(which python3) /usr/local/bin/python \ + && mkdir -p /usr/local/lib && sh -c 'echo "/usr/local/lib" >> /etc/ld.so.conf.d/usrlocallib.conf' && ldconfig + +ENV LD_LIBRARY_PATH=/usr/local/lib:$LD_LIBRARY_PATH + +# Not a GPU build, no path fix to test + + +# Setup pip +RUN mv /usr/lib/python3.12/EXTERNALLY-MANAGED /usr/lib/python3.12/EXTERNALLY-MANAGED.old \ + && wget -q -O /tmp/get-pip.py --no-check-certificate https://bootstrap.pypa.io/get-pip.py \ + && python3 /tmp/get-pip.py \ + && pip3 install -U pip \ + && rm /tmp/get-pip.py + +# No TensorRT support + +# Install Python tools (for buiding) +RUN pip3 install -U --ignore-installed \ + # Base + cmake \ + future \ + mkl \ + mkl-include \ + mock \ + numpy \ + opt_einsum \ + packaging \ + pyyaml \ + requests \ + setuptools \ + six \ + wheel \ + # OpenCV + lxml \ + Pillow \ + # No Torch addons + # Extra + scikit-image \ + scikit-learn \ + matplotlib \ + moviepy \ + pandas \ + mkl-static mkl-include \ + && pip3 install -U keras_preprocessing --no-deps \ + && rm -rf /root/.cache/pip + +##### TensorFlow +# https://www.tensorflow.org/install/source + +## Download & Building TensorFlow from source in same RUN +ENV LATEST_BAZELISK=1.22.1 +ENV CTPO_TENSORFLOW_VERSION=2.18.0 +ENV CTPO_TF_CONFIG="" +ENV TF_CUDA_COMPUTE_CAPABILITIES="" + +# See https://github.com/tensorflow/tensorflow/blob/master/configure.py for new TF_NEED_ +ENV TF_NEED_CUDA=0 +ENV TF_CUDA_CLANG=0 +ENV TF_NEED_TENSORRT=0 +ENV TF_NEED_AWS=0 +ENV TF_NEED_CLANG=1 +ENV TF_NEED_COMPUTECPP=0 +ENV TF_NEED_GCP=0 +ENV TF_NEED_GDR=0 +ENV TF_NEED_HDFS=0 +ENV TF_NEED_JEMALLOC=0 +ENV TF_NEED_KAFKA=0 +ENV TF_NEED_MKL=0 +ENV TF_NEED_MPI=0 +ENV TF_NEED_OPENCL=0 +ENV TF_NEED_OPENCL_SYCL=0 +ENV TF_NEED_ROCM=0 +ENV TF_NEED_S3=0 +ENV TF_NEED_VERBS=0 +ENV TF_SET_ANDROID_WORKSPACE=0 +ENV HERMETIC_CUDA_COMPUTE_CAPABILITIES= + +RUN curl -s -Lo /usr/local/bin/bazel https://github.com/bazelbuild/bazelisk/releases/download/v${LATEST_BAZELISK}/bazelisk-linux-amd64 \ + && chmod +x /usr/local/bin/bazel \ + && mkdir -p /usr/local/src/tensorflow \ + && cd /usr/local/src \ + && wget -q -c https://github.com/tensorflow/tensorflow/archive/v${CTPO_TENSORFLOW_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/tensorflow \ + && cd /usr/local/src/tensorflow \ + && bazel version \ + && ./configure \ + && time bazel build --verbose_failures --config=opt --config=v2 ${CTPO_TF_CONFIG} //tensorflow/tools/pip_package:wheel --repo_env=WHEEL_NAME=tensorflow \ + && time pip3 install bazel-bin/tensorflow/tools/pip_package/wheel_house/tensorflow-*.whl \ + && rm -rf /usr/local/src/tensorflow /tmp/tensorflow_pkg /tmp/bazel_check.pl /tmp/tf_build.sh /tmp/hsperfdata_root /root/.cache/bazel /root/.cache/pip /root/.cache/bazelisk + +RUN python3 -c 'import tensorflow as tf; print(f"{tf.__version__}")' > /tmp/.tensorflow_built + +RUN echo "--- Tensorflow Build: Environment variables set --- " > /tmp/tf_env.dump \ + && env | grep TF_ | grep -v CTPO_ | sort >> /tmp/tf_env.dump + +##### FFMPEG + +ENV CTPO_FFMPEG_VERSION=7.1 +ENV CTPO_FFMPEG_NONFREE="" +RUN mkdir -p /usr/local/src/builder \ + && cd /usr/local/src \ + && wget -q https://ffmpeg.org/releases/ffmpeg-${CTPO_FFMPEG_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder \ + && cd /usr/local/src/builder \ + && time ./configure --enable-shared --disable-static --enable-gpl --enable-libv4l2 --enable-libvorbis --enable-libvpx --enable-libwebp --enable-libxvid --enable-libopus --enable-pic --enable-libass --enable-libx264 --enable-libx265 | tee /tmp/ffmpeg_config.txt \ + && make -j${CTPO_NUMPROC} install \ + && ldconfig \ + && rm -rf /usr/local/src/builder + +RUN echo "${CTPO_FFMPEG_VERSION}" > /tmp/.ffmpeg_built + +#### OpenCV + +# Download & Build OpenCV in same RUN +## FYI: We are removing the OpenCV source and build directory in /usr/local/src to attempt to save additional disk space +# Comment the last line if you want to rerun cmake with additional/modified options. For example: +# cd /usr/local/src/opencv/build +# cmake -DOPENCV_ENABLE_NONFREE=ON -DBUILD_EXAMPLES=ON -DBUILD_DOCS=ON -DBUILD_TESTS=ON -DBUILD_PERF_TESTS=ON .. && make install +ENV CTPO_OPENCV_VERSION=4.10.0 +ENV CTPO_OPENCV_CUDA="" +ENV CTPO_OPENCV_NONFREE="" +RUN mkdir -p /usr/local/src/opencv/build /usr/local/src/opencv_contrib \ + && cd /usr/local/src \ + && wget -q https://github.com/opencv/opencv/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv \ + && wget -q https://github.com/opencv/opencv_contrib/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv_contrib \ + && cd /usr/local/src/opencv/build \ + && time cmake \ + -DBUILD_DOCS=0 \ + -DBUILD_EXAMPLES=0 \ + -DBUILD_PERF_TESTS=0 \ + -DBUILD_TESTS=0 \ + -DBUILD_opencv_python2=0 \ + -DBUILD_opencv_python3=1 \ + -DCMAKE_BUILD_TYPE=Release \ + -DCMAKE_INSTALL_PREFIX=$(python3 -c "import sys; print(sys.prefix)") \ + -DOPENCV_PYTHON3_INSTALL_PATH=$(python3 -c "from distutils.sysconfig import get_python_lib; print(get_python_lib())") \ + -DPYTHON_EXECUTABLE=$(which python3) \ + -DCMAKE_INSTALL_TYPE=Release \ + -DENABLE_FAST_MATH=1 \ + -DFORCE_VTK=1 \ + -DINSTALL_C_EXAMPLES=0 \ + -DINSTALL_PYTHON_EXAMPLES=0 \ + -DOPENCV_EXTRA_MODULES_PATH=/usr/local/src/opencv_contrib/modules \ + -DOPENCV_GENERATE_PKGCONFIG=1 \ + -DOPENCV_PC_FILE_NAME=opencv.pc \ + -DWITH_CSTRIPES=1 \ + -DWITH_EIGEN=1 \ + -DWITH_GDAL=1 \ + -DWITH_GSTREAMER=1 \ + -DWITH_GSTREAMER_0_10=OFF \ + -DWITH_GTK=1 \ + -DWITH_IPP=1 \ + -DWITH_OPENCL=1 \ + -DWITH_OPENMP=1 \ + -DWITH_TBB=1 \ + -DWITH_V4L=1 \ + -DWITH_WEBP=1 \ + -DWITH_XINE=1 \ + ${CTPO_OPENCV_CUDA} \ + ${CTPO_OPENCV_NONFREE} \ + -GNinja \ + .. \ + && time ninja install \ + && ldconfig \ + && rm -rf /usr/local/src/opencv /usr/local/src/opencv_contrib + +RUN python3 -c 'import cv2; print(f"{cv2.__version__}")' > /tmp/.opencv_built + +# No Magma (PyTorch GPU only) + +# No PyTorch, Torch Audio or Torch Video +RUN echo "No PyTorch built" > /tmp/torch_config.txt \ + && echo "No TorchVision built" > /tmp/torchvision_config.txt \ + && echo "No TorchAudio built" > /tmp/torchaudio_config.txt \ + && echo "No TorchData built" > /tmp/torchdata_config.txt \ + && echo "No TorchText built" > /tmp/torchtext_config.txt + + +##### Final steps + +# Add Jupyter lab & venv requirements +RUN apt-get install -y python3-venv \ + && pip3 install -U jupyterlab +# https://jupyterlab.readthedocs.io/en/stable/getting_started/changelog.html +# with v4 extensions are installed using the extension manager, see https://jupyterlab.readthedocs.io/en/stable/user/extensions.html#id11 + +RUN touch /.within_container +COPY withincontainer_checker.sh /tmp/withincontainer_checker.sh +RUN chmod +x /tmp/withincontainer_checker.sh \ + && /tmp/withincontainer_checker.sh + +# Setting up working directory +RUN mkdir /iti +WORKDIR /iti + +# Uncomment as needed +#ENV NVIDIA_VISIBLE_DEVICES all +#ENV NVIDIA_DRIVER_CAPABILITIES video,compute,utility + +CMD ["/bin/bash"] \ No newline at end of file diff --git a/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/FFmpeg--Details.txt b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/FFmpeg--Details.txt new file mode 100644 index 0000000..b166d0b --- /dev/null +++ b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/FFmpeg--Details.txt @@ -0,0 +1,717 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="tensorflow_opencv:2.18.0_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** FFmpeg configuration: +install prefix /usr/local +source path . +C compiler gcc +C library glibc +ARCH x86 (generic) +big-endian no +runtime cpu detection yes +standalone assembly yes +x86 assembler yasm +MMX enabled yes +MMXEXT enabled yes +3DNow! enabled yes +3DNow! extended enabled yes +SSE enabled yes +SSSE3 enabled yes +AESNI enabled yes +AVX enabled yes +AVX2 enabled yes +AVX-512 enabled yes +AVX-512ICL enabled yes +XOP enabled yes +FMA3 enabled yes +FMA4 enabled yes +i686 features enabled yes +CMOV is fast yes +EBX available yes +EBP available yes +debug symbols yes +strip symbols yes +optimize for size no +optimizations yes +static no +shared yes +postprocessing support yes +network support yes +threading support pthreads +safe bitstream reader yes +texi2html enabled no +perl enabled yes +pod2man enabled yes +makeinfo enabled no +makeinfo supports HTML no +xmllint enabled yes + +External libraries: +bzlib libvorbis libxcb +iconv libvpx libxcb_shm +libass libwebp libxvid +libopus libx264 lzma +libv4l2 libx265 zlib + +External libraries providing hardware acceleration: +libdrm v4l2_m2m + +Libraries: +avcodec avformat swresample +avdevice avutil swscale +avfilter postproc + +Programs: +ffmpeg ffprobe + +Enabled decoders: +aac flv pgssub +aac_fixed fmvc pgx +aac_latm fourxm phm +aasc fraps photocd +ac3 frwu pictor +ac3_fixed ftr pixlet +acelp_kelvin g2m pjs +adpcm_4xm g723_1 png +adpcm_adx g729 ppm +adpcm_afc gdv prores +adpcm_agm gem prosumer +adpcm_aica gif psd +adpcm_argo gremlin_dpcm ptx +adpcm_ct gsm qcelp +adpcm_dtk gsm_ms qdm2 +adpcm_ea h261 qdmc +adpcm_ea_maxis_xa h263 qdraw +adpcm_ea_r1 h263_v4l2m2m qoa +adpcm_ea_r2 h263i qoi +adpcm_ea_r3 h263p qpeg +adpcm_ea_xas h264 qtrle +adpcm_g722 h264_v4l2m2m r10k +adpcm_g726 hap r210 +adpcm_g726le hca ra_144 +adpcm_ima_acorn hcom ra_288 +adpcm_ima_alp hdr ralf +adpcm_ima_amv hevc rasc +adpcm_ima_apc hevc_v4l2m2m rawvideo +adpcm_ima_apm hnm4_video realtext +adpcm_ima_cunning hq_hqa rka +adpcm_ima_dat4 hqx rl2 +adpcm_ima_dk3 huffyuv roq +adpcm_ima_dk4 hymt roq_dpcm +adpcm_ima_ea_eacs iac rpza +adpcm_ima_ea_sead idcin rscc +adpcm_ima_iss idf rtv1 +adpcm_ima_moflex iff_ilbm rv10 +adpcm_ima_mtf ilbc rv20 +adpcm_ima_oki imc rv30 +adpcm_ima_qt imm4 rv40 +adpcm_ima_rad imm5 s302m +adpcm_ima_smjpeg indeo2 sami +adpcm_ima_ssi indeo3 sanm +adpcm_ima_wav indeo4 sbc +adpcm_ima_ws indeo5 scpr +adpcm_ms interplay_acm screenpresso +adpcm_mtaf interplay_dpcm sdx2_dpcm +adpcm_psx interplay_video sga +adpcm_sbpro_2 ipu sgi +adpcm_sbpro_3 jacosub sgirle +adpcm_sbpro_4 jpeg2000 sheervideo +adpcm_swf jpegls shorten +adpcm_thp jv simbiosis_imx +adpcm_thp_le kgv1 sipr +adpcm_vima kmvc siren +adpcm_xa lagarith smackaud +adpcm_xmd lead smacker +adpcm_yamaha libopus smc +adpcm_zork libvorbis smvjpeg +agm libvpx_vp8 snow +aic libvpx_vp9 sol_dpcm +alac loco sonic +alias_pix lscr sp5x +als m101 speedhq +amrnb mace3 speex +amrwb mace6 srgc +amv magicyuv srt +anm mdec ssa +ansi media100 stl +anull metasound subrip +apac microdvd subviewer +ape mimic subviewer1 +apng misc4 sunrast +aptx mjpeg svq1 +aptx_hd mjpegb svq3 +arbc mlp tak +argo mmvideo targa +ass mobiclip targa_y216 +asv1 motionpixels tdsc +asv2 movtext text +atrac1 mp1 theora +atrac3 mp1float thp +atrac3al mp2 tiertexseqvideo +atrac3p mp2float tiff +atrac3pal mp3 tmv +atrac9 mp3adu truehd +aura mp3adufloat truemotion1 +aura2 mp3float truemotion2 +av1 mp3on4 truemotion2rt +avrn mp3on4float truespeech +avrp mpc7 tscc +avs mpc8 tscc2 +avui mpeg1_v4l2m2m tta +bethsoftvid mpeg1video twinvq +bfi mpeg2_v4l2m2m txd +bink mpeg2video ulti +binkaudio_dct mpeg4 utvideo +binkaudio_rdft mpeg4_v4l2m2m v210 +bintext mpegvideo v210x +bitpacked mpl2 v308 +bmp msa1 v408 +bmv_audio mscc v410 +bmv_video msmpeg4v1 vb +bonk msmpeg4v2 vble +brender_pix msmpeg4v3 vbn +c93 msnsiren vc1 +cavs msp2 vc1_v4l2m2m +cbd2_dpcm msrle vc1image +ccaption mss1 vcr1 +cdgraphics mss2 vmdaudio +cdtoons msvideo1 vmdvideo +cdxl mszh vmix +cfhd mts2 vmnc +cinepak mv30 vnull +clearvideo mvc1 vorbis +cljr mvc2 vp3 +cllc mvdv vp4 +comfortnoise mvha vp5 +cook mwsc vp6 +cpia mxpeg vp6a +cri nellymoser vp6f +cscd notchlc vp7 +cyuv nuv vp8 +dca on2avc vp8_v4l2m2m +dds opus vp9 +derf_dpcm osq vp9_v4l2m2m +dfa paf_audio vplayer +dfpwm paf_video vqa +dirac pam vqc +dnxhd pbm vvc +dolby_e pcm_alaw wady_dpcm +dpx pcm_bluray wavarc +dsd_lsbf pcm_dvd wavpack +dsd_lsbf_planar pcm_f16le wbmp +dsd_msbf pcm_f24le wcmv +dsd_msbf_planar pcm_f32be webp +dsicinaudio pcm_f32le webvtt +dsicinvideo pcm_f64be wmalossless +dss_sp pcm_f64le wmapro +dst pcm_lxf wmav1 +dvaudio pcm_mulaw wmav2 +dvbsub pcm_s16be wmavoice +dvdsub pcm_s16be_planar wmv1 +dvvideo pcm_s16le wmv2 +dxa pcm_s16le_planar wmv3 +dxtory pcm_s24be wmv3image +dxv pcm_s24daud wnv1 +eac3 pcm_s24le wrapped_avframe +eacmv pcm_s24le_planar ws_snd1 +eamad pcm_s32be xan_dpcm +eatgq pcm_s32le xan_wc3 +eatgv pcm_s32le_planar xan_wc4 +eatqi pcm_s64be xbin +eightbps pcm_s64le xbm +eightsvx_exp pcm_s8 xface +eightsvx_fib pcm_s8_planar xl +escape124 pcm_sga xma1 +escape130 pcm_u16be xma2 +evrc pcm_u16le xpm +exr pcm_u24be xsub +fastaudio pcm_u24le xwd +ffv1 pcm_u32be y41p +ffvhuff pcm_u32le ylc +ffwavesynth pcm_u8 yop +fic pcm_vidc yuv4 +fits pcx zero12v +flac pdv zerocodec +flashsv pfm zlib +flashsv2 pgm zmbv +flic pgmyuv + +Enabled encoders: +a64multi jpeg2000 pgmyuv +a64multi5 jpegls phm +aac libopus png +ac3 libvorbis ppm +ac3_fixed libvpx_vp8 prores +adpcm_adx libvpx_vp9 prores_aw +adpcm_argo libwebp prores_ks +adpcm_g722 libwebp_anim qoi +adpcm_g726 libx264 qtrle +adpcm_g726le libx264rgb r10k +adpcm_ima_alp libx265 r210 +adpcm_ima_amv libxvid ra_144 +adpcm_ima_apm ljpeg rawvideo +adpcm_ima_qt magicyuv roq +adpcm_ima_ssi mjpeg roq_dpcm +adpcm_ima_wav mlp rpza +adpcm_ima_ws movtext rv10 +adpcm_ms mp2 rv20 +adpcm_swf mp2fixed s302m +adpcm_yamaha mpeg1video sbc +alac mpeg2video sgi +alias_pix mpeg4 smc +amv mpeg4_v4l2m2m snow +anull msmpeg4v2 sonic +apng msmpeg4v3 sonic_ls +aptx msrle speedhq +aptx_hd msvideo1 srt +ass nellymoser ssa +asv1 opus subrip +asv2 pam sunrast +avrp pbm svq1 +avui pcm_alaw targa +bitpacked pcm_bluray text +bmp pcm_dvd tiff +cfhd pcm_f32be truehd +cinepak pcm_f32le tta +cljr pcm_f64be ttml +comfortnoise pcm_f64le utvideo +dca pcm_mulaw v210 +dfpwm pcm_s16be v308 +dnxhd pcm_s16be_planar v408 +dpx pcm_s16le v410 +dvbsub pcm_s16le_planar vbn +dvdsub pcm_s24be vc2 +dvvideo pcm_s24daud vnull +dxv pcm_s24le vorbis +eac3 pcm_s24le_planar vp8_v4l2m2m +exr pcm_s32be wavpack +ffv1 pcm_s32le wbmp +ffvhuff pcm_s32le_planar webvtt +fits pcm_s64be wmav1 +flac pcm_s64le wmav2 +flashsv pcm_s8 wmv1 +flashsv2 pcm_s8_planar wmv2 +flv pcm_u16be wrapped_avframe +g723_1 pcm_u16le xbm +gif pcm_u24be xface +h261 pcm_u24le xsub +h263 pcm_u32be xwd +h263_v4l2m2m pcm_u32le y41p +h263p pcm_u8 yuv4 +h264_v4l2m2m pcm_vidc zlib +hdr pcx zmbv +hevc_v4l2m2m pfm +huffyuv pgm + +Enabled hwaccels: + +Enabled parsers: +aac dvdsub mpegaudio +aac_latm evc mpegvideo +ac3 flac opus +adx ftr png +amr g723_1 pnm +av1 g729 qoi +avs2 gif rv34 +avs3 gsm sbc +bmp h261 sipr +cavsvideo h263 tak +cook h264 vc1 +cri hdr vorbis +dca hevc vp3 +dirac ipu vp8 +dnxhd jpeg2000 vp9 +dolby_e jpegxl vvc +dpx misc4 webp +dvaudio mjpeg xbm +dvbsub mlp xma +dvd_nav mpeg4video xwd + +Enabled demuxers: +aa idf pcm_s16be +aac iff pcm_s16le +aax ifv pcm_s24be +ac3 ilbc pcm_s24le +ac4 image2 pcm_s32be +ace image2_alias_pix pcm_s32le +acm image2_brender_pix pcm_s8 +act image2pipe pcm_u16be +adf image_bmp_pipe pcm_u16le +adp image_cri_pipe pcm_u24be +ads image_dds_pipe pcm_u24le +adx image_dpx_pipe pcm_u32be +aea image_exr_pipe pcm_u32le +afc image_gem_pipe pcm_u8 +aiff image_gif_pipe pcm_vidc +aix image_hdr_pipe pdv +alp image_j2k_pipe pjs +amr image_jpeg_pipe pmp +amrnb image_jpegls_pipe pp_bnk +amrwb image_jpegxl_pipe pva +anm image_pam_pipe pvf +apac image_pbm_pipe qcp +apc image_pcx_pipe qoa +ape image_pfm_pipe r3d +apm image_pgm_pipe rawvideo +apng image_pgmyuv_pipe rcwt +aptx image_pgx_pipe realtext +aptx_hd image_phm_pipe redspark +aqtitle image_photocd_pipe rka +argo_asf image_pictor_pipe rl2 +argo_brp image_png_pipe rm +argo_cvg image_ppm_pipe roq +asf image_psd_pipe rpl +asf_o image_qdraw_pipe rsd +ass image_qoi_pipe rso +ast image_sgi_pipe rtp +au image_sunrast_pipe rtsp +av1 image_svg_pipe s337m +avi image_tiff_pipe sami +avr image_vbn_pipe sap +avs image_webp_pipe sbc +avs2 image_xbm_pipe sbg +avs3 image_xpm_pipe scc +bethsoftvid image_xwd_pipe scd +bfi ingenient sdns +bfstm ipmovie sdp +bink ipu sdr2 +binka ircam sds +bintext iss sdx +bit iv8 segafilm +bitpacked ivf ser +bmv ivr sga +boa jacosub shorten +bonk jpegxl_anim siff +brstm jv simbiosis_imx +c93 kux sln +caf kvag smacker +cavsvideo laf smjpeg +cdg lc3 smush +cdxl live_flv sol +cine lmlm4 sox +codec2 loas spdif +codec2raw lrc srt +concat luodat stl +data lvf str +daud lxf subviewer +dcstr m4v subviewer1 +derf matroska sup +dfa mca svag +dfpwm mcc svs +dhav mgsts swf +dirac microdvd tak +dnxhd mjpeg tedcaptions +dsf mjpeg_2000 thp +dsicin mlp threedostr +dss mlv tiertexseq +dts mm tmv +dtshd mmf truehd +dv mods tta +dvbsub moflex tty +dvbtxt mov txd +dxa mp3 ty +ea mpc usm +ea_cdata mpc8 v210 +eac3 mpegps v210x +epaf mpegts vag +evc mpegtsraw vc1 +ffmetadata mpegvideo vc1t +filmstrip mpjpeg vividas +fits mpl2 vivo +flac mpsub vmd +flic msf vobsub +flv msnwc_tcp voc +fourxm msp vpk +frm mtaf vplayer +fsb mtv vqf +fwse musx vvc +g722 mv w64 +g723_1 mvi wady +g726 mxf wav +g726le mxg wavarc +g729 nc wc3 +gdv nistsphere webm_dash_manifest +genh nsp webvtt +gif nsv wsaud +gsm nut wsd +gxf nuv wsvqa +h261 obu wtv +h263 ogg wv +h264 oma wve +hca osq xa +hcom paf xbin +hevc pcm_alaw xmd +hls pcm_f32be xmv +hnm pcm_f32le xvag +iamf pcm_f64be xwma +ico pcm_f64le yop +idcin pcm_mulaw yuv4mpegpipe + +Enabled muxers: +a64 h263 pcm_s16le +ac3 h264 pcm_s24be +ac4 hash pcm_s24le +adts hds pcm_s32be +adx hevc pcm_s32le +aea hls pcm_s8 +aiff iamf pcm_u16be +alp ico pcm_u16le +amr ilbc pcm_u24be +amv image2 pcm_u24le +apm image2pipe pcm_u32be +apng ipod pcm_u32le +aptx ircam pcm_u8 +aptx_hd ismv pcm_vidc +argo_asf ivf psp +argo_cvg jacosub rawvideo +asf kvag rcwt +asf_stream latm rm +ass lc3 roq +ast lrc rso +au m4v rtp +avi matroska rtp_mpegts +avif matroska_audio rtsp +avm2 md5 sap +avs2 microdvd sbc +avs3 mjpeg scc +bit mkvtimestamp_v2 segafilm +caf mlp segment +cavsvideo mmf smjpeg +codec2 mov smoothstreaming +codec2raw mp2 sox +crc mp3 spdif +dash mp4 spx +data mpeg1system srt +daud mpeg1vcd stream_segment +dfpwm mpeg1video streamhash +dirac mpeg2dvd sup +dnxhd mpeg2svcd swf +dts mpeg2video tee +dv mpeg2vob tg2 +eac3 mpegts tgp +evc mpjpeg truehd +f4v mxf tta +ffmetadata mxf_d10 ttml +fifo mxf_opatom uncodedframecrc +filmstrip null vc1 +fits nut vc1t +flac obu voc +flv oga vvc +framecrc ogg w64 +framehash ogv wav +framemd5 oma webm +g722 opus webm_chunk +g723_1 pcm_alaw webm_dash_manifest +g726 pcm_f32be webp +g726le pcm_f32le webvtt +gif pcm_f64be wsaud +gsm pcm_f64le wtv +gxf pcm_mulaw wv +h261 pcm_s16be yuv4mpegpipe + +Enabled protocols: +async gopher rtmp +cache hls rtmpt +concat http rtp +concatf httpproxy srtp +crypto icecast subfile +data md5 tcp +fd mmsh tee +ffrtmphttp mmst udp +file pipe udplite +ftp prompeg unix + +Enabled filters: +a3dscope corr overlay +aap cover_rect owdenoise +abench crop pad +abitscope cropdetect pal100bars +acompressor crossfeed pal75bars +acontrast crystalizer palettegen +acopy cue paletteuse +acrossfade curves pan +acrossover datascope perlin +acrusher dblur perms +acue dcshift perspective +addroi dctdnoiz phase +adeclick deband photosensitivity +adeclip deblock pixdesctest +adecorrelate decimate pixelize +adelay deconvolve pixscope +adenorm dedot pp +aderivative deesser pp7 +adrawgraph deflate premultiply +adrc deflicker prewitt +adynamicequalizer dejudder pseudocolor +adynamicsmooth delogo psnr +aecho deshake pullup +aemphasis despill qp +aeval detelecine random +aevalsrc dialoguenhance readeia608 +aexciter dilation readvitc +afade displace realtime +afdelaysrc doubleweave remap +afftdn drawbox removegrain +afftfilt drawgraph removelogo +afir drawgrid repeatfields +afireqsrc drmeter replaygain +afirsrc dynaudnorm reverse +aformat earwax rgbashift +afreqshift ebur128 rgbtestsrc +afwtdn edgedetect roberts +agate elbg rotate +agraphmonitor entropy sab +ahistogram epx scale +aiir eq scale2ref +aintegral equalizer scdet +ainterleave erosion scharr +alatency estdif scroll +alimiter exposure segment +allpass extractplanes select +allrgb extrastereo selectivecolor +allyuv fade sendcmd +aloop feedback separatefields +alphaextract fftdnoiz setdar +alphamerge fftfilt setfield +amerge field setparams +ametadata fieldhint setpts +amix fieldmatch setrange +amovie fieldorder setsar +amplify fillborders settb +amultiply find_rect shear +anequalizer firequalizer showcqt +anlmdn flanger showcwt +anlmf floodfill showfreqs +anlms format showinfo +anoisesrc fps showpalette +anull framepack showspatial +anullsink framerate showspectrum +anullsrc framestep showspectrumpic +apad freezedetect showvolume +aperms freezeframes showwaves +aphasemeter fspp showwavespic +aphaser fsync shuffleframes +aphaseshift gblur shufflepixels +apsnr geq shuffleplanes +apsyclip gradfun sidechaincompress +apulsator gradients sidechaingate +arealtime graphmonitor sidedata +aresample grayworld sierpinski +areverse greyedge signalstats +arls guided signature +arnndn haas silencedetect +asdr haldclut silenceremove +asegment haldclutsrc sinc +aselect hdcd sine +asendcmd headphone siti +asetnsamples hflip smartblur +asetpts highpass smptebars +asetrate highshelf smptehdbars +asettb hilbert sobel +ashowinfo histeq spectrumsynth +asidedata histogram speechnorm +asisdr hqdn3d split +asoftclip hqx spp +aspectralstats hstack ssim +asplit hsvhold ssim360 +ass hsvkey stereo3d +astats hue stereotools +astreamselect huesaturation stereowiden +asubboost hwdownload streamselect +asubcut hwmap subtitles +asupercut hwupload super2xsai +asuperpass hysteresis superequalizer +asuperstop identity surround +atadenoise idet swaprect +atempo il swapuv +atilt inflate tblend +atrim interlace telecine +avectorscope interleave testsrc +avgblur join testsrc2 +avsynctest kerndeint thistogram +axcorrelate kirsch threshold +backgroundkey lagfun thumbnail +bandpass latency tile +bandreject lenscorrection tiltandshift +bass life tiltshelf +bbox limitdiff tinterlace +bench limiter tlut2 +bilateral loop tmedian +biquad loudnorm tmidequalizer +bitplanenoise lowpass tmix +blackdetect lowshelf tonemap +blackframe lumakey tpad +blend lut transpose +blockdetect lut1d treble +blurdetect lut2 tremolo +bm3d lut3d trim +boxblur lutrgb unpremultiply +bwdif lutyuv unsharp +cas mandelbrot untile +ccrepack maskedclamp uspp +cellauto maskedmax v360 +channelmap maskedmerge vaguedenoiser +channelsplit maskedmin varblur +chorus maskedthreshold vectorscope +chromahold maskfun vflip +chromakey mcdeint vfrdet +chromanr mcompand vibrance +chromashift median vibrato +ciescope mergeplanes vif +codecview mestimate vignette +color metadata virtualbass +colorbalance midequalizer vmafmotion +colorchannelmixer minterpolate volume +colorchart mix volumedetect +colorcontrast monochrome vstack +colorcorrect morpho w3fdif +colorhold movie waveform +colorize mpdecimate weave +colorkey mptestsrc xbr +colorlevels msad xcorrelate +colormap multiply xfade +colormatrix negate xmedian +colorspace nlmeans xpsnr +colorspectrum nnedi xstack +colortemperature noformat yadif +compand noise yaepblur +compensationdelay normalize yuvtestsrc +concat null zoneplate +convolution nullsink zoompan +convolve nullsrc +copy oscilloscope + +Enabled bsfs: +aac_adtstoasc h264_mp4toannexb pcm_rechunk +av1_frame_merge h264_redundant_pps pgs_frame_merge +av1_frame_split hapqa_extract prores_metadata +av1_metadata hevc_metadata remove_extradata +chomp hevc_mp4toannexb setts +dca_core imx_dump_header showinfo +dovi_rpu media100_to_mjpegb text2movsub +dts2pts mjpeg2jpeg trace_headers +dump_extradata mjpega_dump_header truehd_core +dv_error_marker mov2textsub vp9_metadata +eac3_core mpeg2_metadata vp9_raw_reorder +evc_frame_merge mpeg4_unpack_bframes vp9_superframe +extract_extradata noise vp9_superframe_split +filter_units null vvc_metadata +h264_metadata opus_metadata vvc_mp4toannexb + +Enabled indevs: +fbdev lavfi v4l2 +kmsgrab oss xcbgrab + +Enabled outdevs: +fbdev oss v4l2 + +License: GPL version 2 or later diff --git a/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/OpenCV--Details.txt b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/OpenCV--Details.txt new file mode 100644 index 0000000..7cec1be --- /dev/null +++ b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/OpenCV--Details.txt @@ -0,0 +1,140 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="tensorflow_opencv:2.18.0_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** OpenCV configuration: +-- Confirming OpenCV Python is installed. Version: 4.10.0 + + +General configuration for OpenCV 4.10.0 ===================================== + Version control: unknown + + Extra modules: + Location (extra): /usr/local/src/opencv_contrib/modules + Version control (extra): unknown + + Platform: + Timestamp: 2024-12-19T01:10:12Z + Host: Linux 6.8.0-51-generic x86_64 + CMake: 3.31.2 + CMake generator: Ninja + CMake build tool: /usr/bin/ninja + Configuration: Release + + CPU/HW features: + Baseline: SSE SSE2 SSE3 + requested: SSE3 + Dispatched code generation: SSE4_1 SSE4_2 FP16 AVX AVX2 AVX512_SKX + requested: SSE4_1 SSE4_2 AVX FP16 AVX2 AVX512_SKX + SSE4_1 (16 files): + SSSE3 SSE4_1 + SSE4_2 (1 files): + SSSE3 SSE4_1 POPCNT SSE4_2 + FP16 (0 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 AVX + AVX (8 files): + SSSE3 SSE4_1 POPCNT SSE4_2 AVX + AVX2 (36 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2 + AVX512_SKX (5 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2 AVX_512F AVX512_COMMON AVX512_SKX + + C/C++: + Built as dynamic libs?: YES + C++ standard: 11 + C++ Compiler: /usr/bin/c++ (ver 13.3.0) + C++ flags (Release): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Wnon-virtual-dtor -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Wsuggest-override -Wno-delete-non-virtual-dtor -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -fopenmp -O3 -DNDEBUG -DNDEBUG + C++ flags (Debug): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Wnon-virtual-dtor -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Wsuggest-override -Wno-delete-non-virtual-dtor -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -fopenmp -g -O0 -DDEBUG -D_DEBUG + C Compiler: /usr/bin/cc + C flags (Release): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fopenmp -O3 -DNDEBUG -DNDEBUG + C flags (Debug): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fopenmp -g -O0 -DDEBUG -D_DEBUG + Linker flags (Release): -Wl,--exclude-libs,libippicv.a -Wl,--exclude-libs,libippiw.a -Wl,--gc-sections -Wl,--as-needed -Wl,--no-undefined + Linker flags (Debug): -Wl,--exclude-libs,libippicv.a -Wl,--exclude-libs,libippiw.a -Wl,--gc-sections -Wl,--as-needed -Wl,--no-undefined + ccache: NO + Precompiled headers: NO + Extra dependencies: dl m pthread rt + 3rdparty dependencies: + + OpenCV modules: + To be built: alphamat aruco bgsegm bioinspired calib3d ccalib core datasets dnn dnn_objdetect dnn_superres dpm face features2d flann freetype fuzzy gapi hdf hfs highgui img_hash imgcodecs imgproc intensity_transform line_descriptor mcc ml objdetect optflow phase_unwrapping photo plot python3 quality rapid reg rgbd saliency sfm shape signal stereo stitching structured_light superres surface_matching text tracking video videoio videostab wechat_qrcode xfeatures2d ximgproc xobjdetect xphoto + Disabled: world + Disabled by dependency: - + Unavailable: cannops cudaarithm cudabgsegm cudacodec cudafeatures2d cudafilters cudaimgproc cudalegacy cudaobjdetect cudaoptflow cudastereo cudawarping cudev cvv java julia matlab ovis python2 ts viz + Applications: apps + Documentation: NO + Non-free algorithms: NO + + GUI: GTK3 + GTK+: YES (ver 3.24.41) + GThread : YES (ver 2.80.0) + GtkGlExt: NO + VTK support: NO + + Media I/O: + ZLib: /usr/lib/x86_64-linux-gnu/libz.so (ver 1.3) + JPEG: /usr/lib/x86_64-linux-gnu/libjpeg.so (ver 80) + WEBP: /usr/lib/x86_64-linux-gnu/libwebp.so (ver encoder: 0x020f) + PNG: /usr/lib/x86_64-linux-gnu/libpng.so (ver 1.6.43) + TIFF: /usr/lib/x86_64-linux-gnu/libtiff.so (ver 42 / 4.5.1) + JPEG 2000: OpenJPEG (ver 2.5.0) + OpenEXR: build (ver 2.3.0) + GDAL: NO + HDR: YES + SUNRASTER: YES + PXM: YES + PFM: YES + + Video I/O: + DC1394: YES (2.2.6) + FFMPEG: YES + avcodec: YES (61.19.100) + avformat: YES (61.7.100) + avutil: YES (59.39.100) + swscale: YES (8.3.100) + avresample: NO + GStreamer: YES (1.24.2) + v4l/v4l2: YES (linux/videodev2.h) + Xine: YES (ver 1.2.13) + + Parallel framework: TBB (ver 2022.0 interface 12140) + + Trace: YES (with Intel ITT) + + Other third-party libraries: + Intel IPP: 2021.11.0 [2021.11.0] + at: /usr/local/src/opencv/build/3rdparty/ippicv/ippicv_lnx/icv + Intel IPP IW: sources (2021.11.0) + at: /usr/local/src/opencv/build/3rdparty/ippicv/ippicv_lnx/iw + VA: NO + Lapack: YES (/usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a /usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a /usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a -lpthread -lm -ldl) + Eigen: YES (ver 3.4.0) + Custom HAL: NO + Protobuf: build (3.19.1) + Flatbuffers: builtin/3rdparty (23.5.9) + + OpenCL: YES (no extra features) + Include path: /usr/local/src/opencv/3rdparty/include/opencl/1.2 + Link libraries: Dynamic load + + Python 3: + Interpreter: /usr/bin/python3 (ver 3.12.3) + Libraries: /usr/lib/x86_64-linux-gnu/libpython3.12.so (ver 3.12.3) + Limited API: NO + numpy: /usr/local/lib/python3.12/dist-packages/numpy/_core/include (ver 2.0.2) + install path: /usr/lib/python3/dist-packages/cv2/python-3.12 + + Python (for build): /usr/bin/python3 + + Java: + ant: NO + Java: NO + JNI: NO + Java wrappers: NO + Java tests: NO + + Install to: /usr +----------------------------------------------------------------- + + diff --git a/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/PyTorch--Details.txt b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/PyTorch--Details.txt new file mode 100644 index 0000000..6542cf6 --- /dev/null +++ b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/PyTorch--Details.txt @@ -0,0 +1,26 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="tensorflow_opencv:2.18.0_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** PyTorch configuration: +No PyTorch built + + +***** TorchVision configuration: +No TorchVision built + + +***** TorchAudio configuration: +No TorchAudio built + + +***** TorchData configuration: +No TorchData built diff --git a/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/System--Details.txt b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/System--Details.txt new file mode 100644 index 0000000..f3c6aab --- /dev/null +++ b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/System--Details.txt @@ -0,0 +1,1310 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="tensorflow_opencv:2.18.0_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** Python configuration: +Python location: /usr/bin/python3 +Python version: Python 3.12.3 + +[pip list] +Package Version +------------------------- -------------- +absl-py 2.1.0 +anyio 4.7.0 +argon2-cffi 23.1.0 +argon2-cffi-bindings 21.2.0 +arrow 1.3.0 +asttokens 3.0.0 +astunparse 1.6.3 +async-lru 2.0.4 +attrs 24.3.0 +babel 2.16.0 +beautifulsoup4 4.12.3 +bleach 6.2.0 +blinker 1.7.0 +certifi 2024.12.14 +cffi 1.17.1 +charset-normalizer 3.4.0 +cmake 3.31.2 +comm 0.2.2 +contourpy 1.3.1 +cryptography 41.0.7 +cycler 0.12.1 +dbus-python 1.3.2 +debugpy 1.8.11 +decorator 5.1.1 +defusedxml 0.7.1 +distro 1.9.0 +distro-info 1.7+build1 +executing 2.1.0 +fastjsonschema 2.21.1 +flatbuffers 24.3.25 +fonttools 4.55.3 +fqdn 1.5.1 +future 1.0.0 +gast 0.6.0 +google-pasta 0.2.0 +grpcio 1.68.1 +h11 0.14.0 +h5py 3.12.1 +httpcore 1.0.7 +httplib2 0.20.4 +httpx 0.28.1 +idna 3.10 +imageio 2.36.1 +imageio-ffmpeg 0.5.1 +intel-cmplr-lib-ur 2025.0.4 +intel-openmp 2025.0.4 +ipykernel 6.29.5 +ipython 8.30.0 +isoduration 20.11.0 +jedi 0.19.2 +Jinja2 3.1.4 +joblib 1.4.2 +json5 0.10.0 +jsonpointer 3.0.0 +jsonschema 4.23.0 +jsonschema-specifications 2024.10.1 +jupyter_client 8.6.3 +jupyter_core 5.7.2 +jupyter-events 0.11.0 +jupyter-lsp 2.2.5 +jupyter_server 2.14.2 +jupyter_server_terminals 0.5.3 +jupyterlab 4.3.4 +jupyterlab_pygments 0.3.0 +jupyterlab_server 2.27.3 +keras 3.7.0 +Keras-Preprocessing 1.1.2 +kiwisolver 1.4.7 +launchpadlib 1.11.0 +lazr.restfulclient 0.14.6 +lazr.uri 1.0.6 +lazy_loader 0.4 +libclang 18.1.1 +lxml 5.3.0 +Markdown 3.7 +markdown-it-py 3.0.0 +MarkupSafe 3.0.2 +matplotlib 3.10.0 +matplotlib-inline 0.1.7 +mdurl 0.1.2 +mistune 3.0.2 +mkl 2025.0.1 +mkl-include 2025.0.1 +mkl-static 2025.0.1 +ml-dtypes 0.4.1 +mock 5.1.0 +moviepy 2.1.1 +namex 0.0.8 +nbclient 0.10.1 +nbconvert 7.16.4 +nbformat 5.10.4 +nest-asyncio 1.6.0 +networkx 3.4.2 +notebook_shim 0.2.4 +numpy 2.0.2 +oauthlib 3.2.2 +opt_einsum 3.4.0 +optree 0.13.1 +overrides 7.7.0 +packaging 24.2 +pandas 2.2.3 +pandocfilters 1.5.1 +parso 0.8.4 +pexpect 4.9.0 +pillow 10.4.0 +pip 24.3.1 +platformdirs 4.3.6 +proglog 0.1.10 +prometheus_client 0.21.1 +prompt_toolkit 3.0.48 +protobuf 5.29.2 +psutil 6.1.0 +ptyprocess 0.7.0 +pure_eval 0.2.3 +pycparser 2.22 +Pygments 2.17.2 +PyGObject 3.48.2 +PyJWT 2.7.0 +pyparsing 3.2.0 +python-apt 2.7.7+ubuntu3 +python-dateutil 2.9.0.post0 +python-dotenv 1.0.1 +python-json-logger 3.2.1 +pytz 2024.2 +PyYAML 6.0.2 +pyzmq 26.2.0 +referencing 0.35.1 +requests 2.32.3 +rfc3339-validator 0.1.4 +rfc3986-validator 0.1.1 +rich 13.9.4 +rpds-py 0.22.3 +scikit-image 0.25.0 +scikit-learn 1.6.0 +scipy 1.14.1 +Send2Trash 1.8.3 +setuptools 75.6.0 +six 1.17.0 +sniffio 1.3.1 +soupsieve 2.6 +stack-data 0.6.3 +tbb 2022.0.0 +tbb-devel 2022.0.0 +tcmlib 1.2.0 +tensorboard 2.18.0 +tensorboard-data-server 0.7.2 +tensorflow 2.18.0 +termcolor 2.5.0 +terminado 0.18.1 +threadpoolctl 3.5.0 +tifffile 2024.12.12 +tinycss2 1.4.0 +tornado 6.4.2 +tqdm 4.67.1 +traitlets 5.14.3 +types-python-dateutil 2.9.0.20241206 +typing_extensions 4.12.2 +tzdata 2024.2 +umf 0.9.1 +unattended-upgrades 0.1 +uri-template 1.3.0 +urllib3 2.2.3 +wadllib 1.3.6 +wcwidth 0.2.13 +webcolors 24.11.1 +webencodings 0.5.1 +websocket-client 1.8.0 +Werkzeug 3.1.3 +wheel 0.45.1 +wrapt 1.17.0 + +[apt list] +Listing... +adduser/noble,now 3.137ubuntu1 all [installed,automatic] +adwaita-icon-theme/noble,now 46.0-1 all [installed,automatic] +alsa-topology-conf/noble,now 1.2.5.1-2 all [installed,automatic] +alsa-ucm-conf/noble-updates,now 1.2.10-1ubuntu5.3 all [installed,automatic] +apache2-bin/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +apache2-data/noble-updates,now 2.4.58-1ubuntu8.5 all [installed,automatic] +apache2-utils/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +apache2/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +appstream/noble,now 1.0.2-1build6 amd64 [installed,automatic] +apt-utils/noble,now 2.7.14build2 amd64 [installed] +apt/noble,now 2.7.14build2 amd64 [installed] +at-spi2-common/noble,now 2.52.0-1build1 all [installed,automatic] +at-spi2-core/noble,now 2.52.0-1build1 amd64 [installed,automatic] +autoconf/noble,now 2.71-3 all [installed,automatic] +automake/noble,now 1:1.16.5-1.3ubuntu1 all [installed,automatic] +autopoint/noble,now 0.21-14ubuntu2 all [installed,automatic] +autotools-dev/noble,now 20220109.1 all [installed,automatic] +base-files/noble-updates,now 13ubuntu10.1 amd64 [installed] +base-passwd/noble,now 3.6.3build1 amd64 [installed] +bash/noble,now 5.2.21-2ubuntu4 amd64 [installed] +binutils-common/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +binutils-x86-64-linux-gnu/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +binutils/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +bsdextrautils/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +bsdutils/noble-updates,now 1:2.39.3-9ubuntu6.1 amd64 [installed] +build-essential/noble,now 12.10ubuntu1 amd64 [installed] +bzip2-doc/noble-updates,now 1.0.8-5.1build0.1 all [installed,automatic] +bzip2/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed,automatic] +ca-certificates/noble,now 20240203 all [installed] +checkinstall/noble,now 1.6.2+git20170426.d24a630-4 amd64 [installed] +clang-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +clangd-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +cmake-data/noble,now 3.28.3-1build7 all [installed,automatic] +cmake/noble,now 3.28.3-1build7 amd64 [installed] +comerr-dev/noble-updates,now 2.1-1.47.0-2.4~exp1ubuntu4.1 amd64 [installed,automatic] +coreutils/noble,now 9.4-3ubuntu6 amd64 [installed] +cpp-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +cpp-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +cpp-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +cpp/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +cppzmq-dev/noble,now 4.10.0-1build1 amd64 [installed,automatic] +curl/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed] +dash/noble,now 0.5.12-6ubuntu5 amd64 [installed] +dbus-bin/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus-daemon/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus-session-bus-common/noble-updates,now 1.14.10-4ubuntu4.1 all [installed,automatic] +dbus-system-bus-common/noble-updates,now 1.14.10-4ubuntu4.1 all [installed,automatic] +dbus-user-session/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dconf-gsettings-backend/noble,now 0.40.0-4build2 amd64 [installed,automatic] +dconf-service/noble,now 0.40.0-4build2 amd64 [installed,automatic] +debconf/noble,now 1.5.86ubuntu1 all [installed] +debhelper/noble,now 13.14.1ubuntu5 all [installed,automatic] +debianutils/noble,now 5.17build1 amd64 [installed] +debugedit/noble,now 1:5.0-5build2 amd64 [installed,automatic] +dh-autoreconf/noble,now 20 all [installed,automatic] +dh-strip-nondeterminism/noble,now 1.13.1-1 all [installed,automatic] +diffutils/noble,now 1:3.10-1build1 amd64 [installed] +dirmngr/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +distro-info-data/noble-updates,now 0.60ubuntu0.2 all [installed,automatic] +dmsetup/noble-updates,now 2:1.02.185-3ubuntu3.1 amd64 [installed,automatic] +doxygen/noble,now 1.9.8+ds-2build5 amd64 [installed] +dpkg-dev/noble-updates,noble-security,now 1.22.6ubuntu6.1 all [installed,automatic] +dpkg/noble-updates,noble-security,now 1.22.6ubuntu6.1 amd64 [installed] +dwz/noble,now 0.15-1build6 amd64 [installed,automatic] +e2fsprogs/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +fakeroot/noble,now 1.33-1 amd64 [installed,automatic] +file/noble,now 1:5.45-3build1 amd64 [installed] +findutils/noble,now 4.9.0-5build1 amd64 [installed] +fontconfig-config/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +fontconfig/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +fonts-dejavu-core/noble,now 2.37-8 all [installed,automatic] +fonts-dejavu-mono/noble,now 2.37-8 all [installed,automatic] +fonts-droid-fallback/noble,now 1:6.0.1r16-1.1build1 all [installed,automatic] +fonts-noto-mono/noble,now 20201225-2 all [installed,automatic] +fonts-urw-base35/noble,now 20200910-8 all [installed,automatic] +g++-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +g++-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +g++-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +g++/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +gcc-13-base/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-14-base/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +gcc-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +gcc/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +gettext-base/noble,now 0.21-14ubuntu2 amd64 [installed,automatic] +gettext/noble,now 0.21-14ubuntu2 amd64 [installed,automatic] +gfortran-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gfortran-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gfortran-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +gfortran/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +ghostscript/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 amd64 [installed,automatic] +gir1.2-atk-1.0/noble,now 2.52.0-1build1 amd64 [installed,automatic] +gir1.2-atspi-2.0/noble,now 2.52.0-1build1 amd64 [installed,automatic] +gir1.2-freedesktop-dev/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-freedesktop/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-gdkpixbuf-2.0/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +gir1.2-girepository-2.0/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-glib-2.0-dev/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +gir1.2-glib-2.0/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +gir1.2-gst-plugins-base-1.0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gir1.2-gstreamer-1.0/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed,automatic] +gir1.2-gtk-2.0/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +gir1.2-gtk-3.0/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +gir1.2-gudev-1.0/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +gir1.2-harfbuzz-0.0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +gir1.2-packagekitglib-1.0/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +gir1.2-pango-1.0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +git-man/noble-updates,noble-security,now 1:2.43.0-1ubuntu7.1 all [installed,automatic] +git/noble-updates,noble-security,now 1:2.43.0-1ubuntu7.1 amd64 [installed] +glib-networking-common/noble,now 2.80.0-1build1 all [installed,automatic] +glib-networking-services/noble,now 2.80.0-1build1 amd64 [installed,automatic] +glib-networking/noble,now 2.80.0-1build1 amd64 [installed,automatic] +gnupg-l10n/noble,now 2.4.4-2ubuntu17 all [installed,automatic] +gnupg-utils/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gnupg/noble,now 2.4.4-2ubuntu17 all [installed] +gpg-agent/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpg-wks-client/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpg/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgconf/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgsm/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgv/noble,now 2.4.4-2ubuntu17 amd64 [installed] +grep/noble,now 3.11-4build1 amd64 [installed] +groff-base/noble,now 1.23.0-3build2 amd64 [installed,automatic] +gsettings-desktop-schemas/noble-updates,now 46.1-0ubuntu1 all [installed,automatic] +gstreamer1.0-gl/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gstreamer1.0-plugins-base/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gstreamer1.0-plugins-good/noble-updates,noble-security,now 1.24.2-1ubuntu1.1 amd64 [installed] +gstreamer1.0-x/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gtk-update-icon-cache/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +gzip/noble,now 1.12-1ubuntu3 amd64 [installed] +hdf5-helpers/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +hicolor-icon-theme/noble,now 0.17-2 all [installed,automatic] +hostname/noble,now 3.23+nmu2ubuntu2 amd64 [installed] +humanity-icon-theme/noble,now 0.6.16 all [installed,automatic] +i965-va-driver/noble,now 2.4.1+dfsg1-1build2 amd64 [installed,automatic] +ibverbs-providers/noble,now 50.0-2build2 amd64 [installed,automatic] +icu-devtools/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +imagemagick-6-common/noble,now 8:6.9.12.98+dfsg1-5.2build2 all [installed,automatic] +imagemagick-6.q16/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +imagemagick/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed] +init-system-helpers/noble,now 1.66ubuntu1 all [installed] +intel-media-va-driver/noble,now 24.1.0+dfsg1-1 amd64 [installed,automatic] +intltool-debian/noble,now 0.35.0+20060710.6 all [installed,automatic] +iso-codes/noble,now 4.16.0-1 all [installed,automatic] +javascript-common/noble,now 11+nmu1 all [installed,automatic] +keyboxd/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +krb5-locales/noble-updates,now 1.20.1-6ubuntu2.2 all [installed,automatic] +krb5-multidev/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +less/noble-updates,noble-security,now 590-2ubuntu2.1 amd64 [installed,automatic] +libaa1/noble,now 1.4p5-51.1 amd64 [installed,automatic] +libaacs0/noble,now 0.11.1-2build1 amd64 [installed,automatic] +libabsl20220623t64/noble,now 20220623.1-3.1ubuntu3 amd64 [installed,automatic] +libacl1/noble-updates,now 2.3.2-1build1.1 amd64 [installed] +libaec-dev/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libaec0/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libalgorithm-diff-perl/noble,now 1.201-1 all [installed,automatic] +libalgorithm-diff-xs-perl/noble,now 0.04-8build3 amd64 [installed,automatic] +libalgorithm-merge-perl/noble,now 0.08-5 all [installed,automatic] +libamd-comgr2/noble,now 6.0+git20231212.4510c28+dfsg-3build2 amd64 [installed,automatic] +libamdhip64-5/noble,now 5.7.1-3 amd64 [installed,automatic] +libaom3/noble-updates,noble-security,now 3.8.2-2ubuntu0.1 amd64 [installed,automatic] +libapparmor1/noble-updates,now 4.0.1really4.0.1-0ubuntu0.24.04.3 amd64 [installed,automatic] +libappstream5/noble,now 1.0.2-1build6 amd64 [installed,automatic] +libapr1t64/noble-updates,noble-security,now 1.7.2-3.1ubuntu0.1 amd64 [installed,automatic] +libaprutil1-dbd-sqlite3/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libaprutil1-ldap/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libaprutil1t64/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libapt-pkg6.0t64/noble,now 2.7.14build2 amd64 [installed] +libarchive-cpio-perl/noble,now 0.10-3 all [installed,automatic] +libarchive-zip-perl/noble,now 1.68-1 all [installed,automatic] +libarchive13t64/noble-updates,noble-security,now 3.7.2-2ubuntu0.3 amd64 [installed,automatic] +libargon2-1/noble,now 0~20190702+dfsg-4build1 amd64 [installed,automatic] +libasan8/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libasound2-data/noble,now 1.2.11-1build2 all [installed,automatic] +libasound2t64/noble,now 1.2.11-1build2 amd64 [installed,automatic] +libass-dev/noble,now 1:0.17.1-2build1 amd64 [installed] +libass9/noble,now 1:0.17.1-2build1 amd64 [installed,automatic] +libassuan0/noble,now 2.5.6-1build1 amd64 [installed] +libasyncns0/noble,now 0.8-6build4 amd64 [installed,automatic] +libatk-adaptor/noble,now 2.52.0-1build1 amd64 [installed] +libatk-bridge2.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk-bridge2.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk1.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk1.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatlas-base-dev/noble,now 3.10.3-13ubuntu1 amd64 [installed] +libatlas3-base/noble,now 3.10.3-13ubuntu1 amd64 [installed,automatic] +libatomic1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libatspi2.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatspi2.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libattr1/noble,now 1:2.5.2-1build1 amd64 [installed] +libaudit-common/noble-updates,now 1:3.1.2-2.1build1.1 all [installed] +libaudit1/noble-updates,now 1:3.1.2-2.1build1.1 amd64 [installed] +libauthen-sasl-perl/noble,now 2.1700-1 all [installed,automatic] +libavahi-client3/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavahi-common-data/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavahi-common3/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavc1394-0/noble,now 0.5.4-5build3 amd64 [installed,automatic] +libavcodec60/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavformat60/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavutil-dev/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavutil58/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libbdplus0/noble,now 0.2.0-3build1 amd64 [installed,automatic] +libbinutils/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libblkid-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libblkid1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libbluray2/noble,now 1:1.3.4-1build1 amd64 [installed,automatic] +libboost-all-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed] +libboost-atomic-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-atomic1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-atomic1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-chrono-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-chrono1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-chrono1.83.0t64/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-container-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-container1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-container1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-context-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-context1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-context1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-coroutine-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-coroutine1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-coroutine1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-date-time-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-date-time1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-date-time1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-exception-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-exception1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-fiber-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-fiber1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-fiber1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-filesystem-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-filesystem1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-filesystem1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-graph-parallel-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-graph-parallel1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph-parallel1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-iostreams-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-iostreams1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-iostreams1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-json-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-json1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-json1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-locale-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-locale1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-locale1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-log-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-log1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-log1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-math-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-math1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-math1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-mpi-python-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-mpi-python1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi-python1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-nowide-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-nowide1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-nowide1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-numpy-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-numpy1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-numpy1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-program-options-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-program-options1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-program-options1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-python-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-python1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-python1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-random-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-random1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-random1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-regex-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-regex1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-regex1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-serialization-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-serialization1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-serialization1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-stacktrace-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-stacktrace1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-stacktrace1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-system-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-system1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-system1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-test-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-test1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-test1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-thread-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-thread1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-thread1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-timer-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-timer1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-timer1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-tools-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-type-erasure-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-type-erasure1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-type-erasure1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-url-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-url1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-url1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-wave-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-wave1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-wave1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost1.83-tools-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libbrotli-dev/noble,now 1.1.0-2build2 amd64 [installed,automatic] +libbrotli1/noble,now 1.1.0-2build2 amd64 [installed,automatic] +libbsd-dev/noble,now 0.12.1-1build1 amd64 [installed,automatic] +libbsd0/noble,now 0.12.1-1build1 amd64 [installed,automatic] +libbz2-1.0/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed] +libbz2-dev/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed,automatic] +libc-bin/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libc-dev-bin/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed,automatic] +libc-devtools/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed,automatic] +libc6-dev/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libc6/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libcaca0/noble,now 0.99.beta20-4build2 amd64 [installed,automatic] +libcaf-openmpi-3t64/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcairo-gobject2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo-script-interpreter2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo2-dev/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcanberra-gtk-module/noble,now 0.30-10ubuntu10 amd64 [installed] +libcanberra-gtk0/noble,now 0.30-10ubuntu10 amd64 [installed,automatic] +libcanberra0t64/noble,now 0.30-10ubuntu10 amd64 [installed,automatic] +libcap-ng0/noble,now 0.8.4-2build2 amd64 [installed] +libcap2-bin/noble,now 1:2.66-5ubuntu2 amd64 [installed,automatic] +libcap2/noble,now 1:2.66-5ubuntu2 amd64 [installed] +libcares2/noble,now 1.27.0-1.0ubuntu1 amd64 [installed,automatic] +libcbor0.10/noble,now 0.10.2-1.2ubuntu2 amd64 [installed,automatic] +libcc1-0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libcdparanoia0/noble,now 3.10.2+debian-14build3 amd64 [installed,automatic] +libchromaprint1/noble,now 1.5.1-5 amd64 [installed,automatic] +libcjson1/noble,now 1.7.17-1 amd64 [installed,automatic] +libclang-common-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang-cpp17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang-cpp18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libclang-rt-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang1-17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang1-18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libclone-perl/noble,now 0.46-1build3 amd64 [installed,automatic] +libcoarrays-dev/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcoarrays-openmpi-dev/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcodec2-1.2/noble,now 1.2.0-2build1 amd64 [installed,automatic] +libcolord2/noble,now 1.4.7-1build2 amd64 [installed,automatic] +libcom-err2/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libcrypt-dev/noble,now 1:4.4.36-4build1 amd64 [installed,automatic] +libcrypt1/noble,now 1:4.4.36-4build1 amd64 [installed] +libcryptsetup12/noble-updates,now 2:2.7.0-1ubuntu4.1 amd64 [installed,automatic] +libctf-nobfd0/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libctf0/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libcups2t64/noble-updates,noble-security,now 2.4.7-1.2ubuntu7.3 amd64 [installed,automatic] +libcurl3t64-gnutls/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcurl4-openssl-dev/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcurl4t64/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libdata-dump-perl/noble,now 1.25-1 all [installed,automatic] +libdatrie-dev/noble,now 0.2.13-3build1 amd64 [installed,automatic] +libdatrie1/noble,now 0.2.13-3build1 amd64 [installed,automatic] +libdav1d7/noble,now 1.4.1-1build1 amd64 [installed,automatic] +libdb5.3t64/noble,now 5.3.28+dfsg2-7 amd64 [installed,automatic] +libdbus-1-3/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +libdbus-1-dev/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +libdc1394-25/noble,now 2.2.6-4build1 amd64 [installed,automatic] +libdc1394-dev/noble,now 2.2.6-4build1 amd64 [installed] +libdconf1/noble,now 0.40.0-4build2 amd64 [installed,automatic] +libde265-0/noble,now 1.0.15-1build3 amd64 [installed,automatic] +libdebconfclient0/noble,now 0.271ubuntu3 amd64 [installed] +libdebhelper-perl/noble,now 13.14.1ubuntu5 all [installed,automatic] +libdeflate-dev/noble-updates,now 1.19-1build1.1 amd64 [installed,automatic] +libdeflate0/noble-updates,now 1.19-1build1.1 amd64 [installed,automatic] +libdevmapper1.02.1/noble-updates,now 2:1.02.185-3ubuntu3.1 amd64 [installed,automatic] +libdjvulibre-text/noble,now 3.5.28-2build4 all [installed,automatic] +libdjvulibre21/noble,now 3.5.28-2build4 amd64 [installed,automatic] +libdpkg-perl/noble-updates,noble-security,now 1.22.6ubuntu6.1 all [installed,automatic] +libdrm-amdgpu1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-common/noble,now 2.4.120-2build1 all [installed,automatic] +libdrm-dev/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-intel1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-nouveau2/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-radeon1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm2/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libduktape207/noble,now 2.7.0+tests-0ubuntu3 amd64 [installed,automatic] +libdv4t64/noble,now 1.0.0-17.1build1 amd64 [installed,automatic] +libdw-dev/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libdw1t64/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libedit2/noble,now 3.1-20230828-1build1 amd64 [installed,automatic] +libegl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libegl-mesa0/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libegl1-mesa-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libegl1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libeigen3-dev/noble,now 3.4.0-4 all [installed] +libelf-dev/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libelf1t64/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libencode-locale-perl/noble,now 1.05-3 all [installed,automatic] +libepoxy-dev/noble,now 1.5.10-1build1 amd64 [installed,automatic] +libepoxy0/noble,now 1.5.10-1build1 amd64 [installed,automatic] +liberror-perl/noble,now 0.17029-2 all [installed,automatic] +libevent-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-core-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-dev/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-extra-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-openssl-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-pthreads-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libexif-dev/noble,now 0.6.24-1build2 amd64 [installed,automatic] +libexif-doc/noble,now 0.6.24-1build2 all [installed,automatic] +libexif12/noble,now 0.6.24-1build2 amd64 [installed,automatic] +libexpat1-dev/noble-updates,noble-security,now 2.6.1-2ubuntu0.2 amd64 [installed,automatic] +libexpat1/noble-updates,noble-security,now 2.6.1-2ubuntu0.2 amd64 [installed,automatic] +libext2fs2t64/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libfaac-dev/noble,now 1.30-1 amd64 [installed] +libfaac0/noble,now 1.30-1 amd64 [installed,automatic] +libfabric1/noble,now 1.17.0-3build2 amd64 [installed,automatic] +libfakeroot/noble,now 1.33-1 amd64 [installed,automatic] +libfcgi-bin/noble,now 2.4.2-2.1build1 amd64 [installed,automatic] +libfcgi0t64/noble,now 2.4.2-2.1build1 amd64 [installed,automatic] +libfdisk1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libffi-dev/noble,now 3.4.6-1build1 amd64 [installed,automatic] +libffi8/noble,now 3.4.6-1build1 amd64 [installed] +libffms2-5/noble,now 5.0~rc2-1build1 amd64 [installed,automatic] +libfftw3-double3/noble,now 3.3.10-1ubuntu3 amd64 [installed,automatic] +libfido2-1/noble,now 1.14.0-1build3 amd64 [installed,automatic] +libfile-fcntllock-perl/noble,now 0.22-4ubuntu5 amd64 [installed,automatic] +libfile-listing-perl/noble,now 6.16-1 all [installed,automatic] +libfile-stripnondeterminism-perl/noble,now 1.13.1-1 all [installed,automatic] +libflac12t64/noble,now 1.4.3+ds-2.1ubuntu2 amd64 [installed,automatic] +libfmt9/noble,now 9.1.0+ds1-2 amd64 [installed,automatic] +libfont-afm-perl/noble,now 1.20-4 all [installed,automatic] +libfontconfig-dev/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +libfontconfig1/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +libfontenc1/noble,now 1:1.1.8-1build1 amd64 [installed,automatic] +libfreetype-dev/noble,now 2.13.2+dfsg-1build3 amd64 [installed] +libfreetype6/noble,now 2.13.2+dfsg-1build3 amd64 [installed,automatic] +libfribidi-dev/noble,now 1.0.13-3build1 amd64 [installed,automatic] +libfribidi0/noble,now 1.0.13-3build1 amd64 [installed,automatic] +libgail-common/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgail18t64/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgbm-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgbm1/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgc1/noble,now 1:8.2.6-1build1 amd64 [installed,automatic] +libgcc-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libgcc-s1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +libgcrypt20/noble,now 1.10.3-2build1 amd64 [installed] +libgd3/noble,now 2.3.3-9ubuntu5 amd64 [installed,automatic] +libgdbm-compat4t64/noble,now 1.23-5.1build1 amd64 [installed,automatic] +libgdbm6t64/noble,now 1.23-5.1build1 amd64 [installed,automatic] +libgdk-pixbuf-2.0-0/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf-2.0-dev/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf2.0-bin/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf2.0-common/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 all [installed,automatic] +libgflags-dev/noble,now 2.2.2-2build1 amd64 [installed] +libgflags2.2/noble,now 2.2.2-2build1 amd64 [installed,automatic] +libgfortran-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libgfortran5/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libgirepository-1.0-1/noble,now 1.80.1-1 amd64 [installed,automatic] +libgirepository-2.0-0/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libgl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgl1-amber-dri/noble,now 21.3.9-0ubuntu2 amd64 [installed,automatic] +libgl1-mesa-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgl1-mesa-dri/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgl1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglapi-mesa/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgles-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgles1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgles2/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglew-dev/noble,now 2.2.0-4build1 amd64 [installed] +libglew2.2/noble,now 2.2.0-4build1 amd64 [installed,automatic] +libglib2.0-0t64/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-bin/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-data/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 all [installed,automatic] +libglib2.0-dev-bin/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-dev/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglu1-mesa-dev/noble,now 9.0.2-1.1build1 amd64 [installed] +libglu1-mesa/noble,now 9.0.2-1.1build1 amd64 [installed] +libglvnd-core-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglvnd-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglvnd0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglx-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglx-mesa0/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libglx0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgme0/noble,now 0.6.3-7build1 amd64 [installed,automatic] +libgmp10/noble,now 2:6.3.0+dfsg-2ubuntu6 amd64 [installed] +libgnutls30t64/noble-updates,now 3.8.3-1.1ubuntu3.2 amd64 [installed] +libgomp1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libgoogle-glog-dev/noble,now 0.6.0-2.1build1 amd64 [installed] +libgoogle-glog0v6t64/noble,now 0.6.0-2.1build1 amd64 [installed,automatic] +libgpg-error0/noble,now 1.47-3build2 amd64 [installed] +libgphoto2-6t64/noble,now 2.5.31-2.1build2 amd64 [installed,automatic] +libgphoto2-dev/noble,now 2.5.31-2.1build2 amd64 [installed] +libgphoto2-l10n/noble,now 2.5.31-2.1build2 all [installed,automatic] +libgphoto2-port12t64/noble,now 2.5.31-2.1build2 amd64 [installed,automatic] +libgpm2/noble,now 1.20.7-11 amd64 [installed,automatic] +libgprofng0/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libgraphene-1.0-0/noble,now 1.10.8-3build2 amd64 [installed,automatic] +libgraphite2-3/noble,now 1.3.14-2build1 amd64 [installed,automatic] +libgraphite2-dev/noble,now 1.3.14-2build1 amd64 [installed,automatic] +libgrpc++1.51t64/noble,now 1.51.1-4.1build5 amd64 [installed,automatic] +libgrpc29t64/noble,now 1.51.1-4.1build5 amd64 [installed,automatic] +libgs-common/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 all [installed,automatic] +libgs10-common/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 all [installed,automatic] +libgs10/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 amd64 [installed,automatic] +libgsm1/noble,now 1.0.22-1build1 amd64 [installed,automatic] +libgssapi-krb5-2/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libgssdp-1.6-0/noble,now 1.6.3-1build3 amd64 [installed,automatic] +libgssrpc4t64/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libgstreamer-gl1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +libgstreamer-plugins-bad1.0-0/noble,now 1.24.2-1ubuntu4 amd64 [installed] +libgstreamer-plugins-base1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +libgstreamer-plugins-base1.0-dev/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed] +libgstreamer-plugins-good1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu1.1 amd64 [installed,automatic] +libgstreamer1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed,automatic] +libgstreamer1.0-dev/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed] +libgtk-3-0t64/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +libgtk-3-bin/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +libgtk-3-common/noble-updates,now 3.24.41-4ubuntu1.2 all [installed,automatic] +libgtk-3-dev/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed] +libgtk2.0-0t64/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgtk2.0-bin/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgtk2.0-common/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 all [installed,automatic] +libgtk2.0-dev/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed] +libgudev-1.0-0/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +libgudev-1.0-dev/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +libgupnp-1.6-0/noble,now 1.6.6-1build3 amd64 [installed,automatic] +libgupnp-igd-1.6-0/noble,now 1.6.0-3build3 amd64 [installed,automatic] +libharfbuzz-cairo0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-dev/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-gobject0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-icu0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-subset0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz0b/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libhdf5-103-1t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-cpp-103-1t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-dev/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed] +libhdf5-fortran-102t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-cpp-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-fortran-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libheif-plugin-aomdec/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif-plugin-aomenc/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif-plugin-libde265/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif1/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libhogweed6t64/noble-updates,now 3.9.1-2.2build1.1 amd64 [installed] +libhsa-runtime64-1/noble,now 5.7.1-2build1 amd64 [installed,automatic] +libhsakmt1/noble,now 5.7.0-1build1 amd64 [installed,automatic] +libhtml-form-perl/noble,now 6.11-1 all [installed,automatic] +libhtml-format-perl/noble,now 2.16-2 all [installed,automatic] +libhtml-parser-perl/noble,now 3.81-1build3 amd64 [installed,automatic] +libhtml-tagset-perl/noble,now 3.20-6 all [installed,automatic] +libhtml-tree-perl/noble,now 5.07-3 all [installed,automatic] +libhttp-cookies-perl/noble,now 6.11-1 all [installed,automatic] +libhttp-daemon-perl/noble,now 6.16-1 all [installed,automatic] +libhttp-date-perl/noble,now 6.06-1 all [installed,automatic] +libhttp-message-perl/noble,now 6.45-1ubuntu1 all [installed,automatic] +libhttp-negotiate-perl/noble,now 6.01-2 all [installed,automatic] +libhwasan0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libhwloc-dev/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwloc-plugins/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwloc15/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwy1t64/noble,now 1.0.7-8.1build1 amd64 [installed,automatic] +libibverbs-dev/noble,now 50.0-2build2 amd64 [installed,automatic] +libibverbs1/noble,now 50.0-2build2 amd64 [installed,automatic] +libice-dev/noble,now 2:1.0.10-1build3 amd64 [installed,automatic] +libice6/noble,now 2:1.0.10-1build3 amd64 [installed,automatic] +libicu-dev/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +libicu74/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +libidn12/noble,now 1.42-1build1 amd64 [installed,automatic] +libidn2-0/noble,now 2.3.7-2build1 amd64 [installed] +libiec61883-0/noble,now 1.2.0-6build1 amd64 [installed,automatic] +libigdgmm12/noble,now 22.3.17+ds1-1 amd64 [installed,automatic] +libijs-0.35/noble,now 0.35-15.1build1 amd64 [installed,automatic] +libimath-3-1-29t64/noble,now 3.1.9-3.1ubuntu2 amd64 [installed,automatic] +libio-html-perl/noble,now 1.004-3 all [installed,automatic] +libio-socket-ssl-perl/noble,now 2.085-1 all [installed,automatic] +libisl23/noble,now 0.26-3build1 amd64 [installed,automatic] +libitm1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libjansson4/noble,now 2.14-2build2 amd64 [installed,automatic] +libjbig-dev/noble,now 2.1-6.1ubuntu2 amd64 [installed,automatic] +libjbig0/noble,now 2.1-6.1ubuntu2 amd64 [installed,automatic] +libjbig2dec0/noble,now 0.20-1build3 amd64 [installed,automatic] +libjpeg-dev/noble,now 8c-2ubuntu11 amd64 [installed] +libjpeg-turbo8-dev/noble,now 2.1.5-2ubuntu2 amd64 [installed,automatic] +libjpeg-turbo8/noble,now 2.1.5-2ubuntu2 amd64 [installed,automatic] +libjpeg8-dev/noble,now 8c-2ubuntu11 amd64 [installed,automatic] +libjpeg8/noble,now 8c-2ubuntu11 amd64 [installed,automatic] +libjs-jquery-ui/noble,now 1.13.2+dfsg-1 all [installed,automatic] +libjs-jquery/noble,now 3.6.1+dfsg+~3.5.14-1 all [installed,automatic] +libjs-sphinxdoc/noble,now 7.2.6-6 all [installed,automatic] +libjs-underscore/noble,now 1.13.4~dfsg+~1.11.4-3 all [installed,automatic] +libjson-c5/noble,now 0.17-1build1 amd64 [installed,automatic] +libjsoncpp25/noble,now 1.9.5-6build1 amd64 [installed,automatic] +libjxl0.7/noble,now 0.7.0-10.2ubuntu6 amd64 [installed,automatic] +libjxr-tools/noble,now 1.2~git20170615.f752187-5.1ubuntu2 amd64 [installed,automatic] +libjxr0t64/noble,now 1.2~git20170615.f752187-5.1ubuntu2 amd64 [installed,automatic] +libk5crypto3/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkadm5clnt-mit12/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkadm5srv-mit12/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkdb5-10t64/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkeyutils1/noble,now 1.6.3-3build1 amd64 [installed,automatic] +libkmod2/noble,now 31+20240202-2ubuntu7 amd64 [installed,automatic] +libkrb5-3/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkrb5-dev/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkrb5support0/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libksba8/noble,now 1.6.6-1build1 amd64 [installed,automatic] +liblapack-dev/noble-updates,now 3.12.0-3build1.1 amd64 [installed] +liblapack3/noble-updates,now 3.12.0-3build1.1 amd64 [installed,automatic] +liblcms2-2/noble,now 2.14-2build1 amd64 [installed,automatic] +libldap-common/noble-updates,now 2.6.7+dfsg-1~exp1ubuntu8.1 all [installed,automatic] +libldap2/noble-updates,now 2.6.7+dfsg-1~exp1ubuntu8.1 amd64 [installed,automatic] +liblerc-dev/noble,now 4.0.0+ds-4ubuntu2 amd64 [installed,automatic] +liblerc4/noble,now 4.0.0+ds-4ubuntu2 amd64 [installed,automatic] +liblldb-17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libllvm17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libllvm18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +liblocale-gettext-perl/noble,now 1.07-6ubuntu5 amd64 [installed,automatic] +liblqr-1-0/noble,now 0.4.2-2.1build2 amd64 [installed,automatic] +liblsan0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libltdl-dev/noble,now 2.4.7-7build1 amd64 [installed,automatic] +libltdl7/noble,now 2.4.7-7build1 amd64 [installed,automatic] +liblua5.4-0/noble,now 5.4.6-3build2 amd64 [installed,automatic] +liblwp-mediatypes-perl/noble,now 6.04-2 all [installed,automatic] +liblwp-protocol-https-perl/noble,now 6.13-1 all [installed,automatic] +liblz4-1/noble-updates,now 1.9.4-1build1.1 amd64 [installed] +liblzma-dev/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed,automatic] +liblzma5/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed] +liblzo2-2/noble,now 2.10-2build4 amd64 [installed,automatic] +libmagic-mgc/noble,now 1:5.45-3build1 amd64 [installed,automatic] +libmagic1t64/noble,now 1:5.45-3build1 amd64 [installed,automatic] +libmagickcore-6.q16-7-extra/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmagickcore-6.q16-7t64/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmagickwand-6.q16-7t64/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmail-sendmail-perl/noble,now 0.80-3 all [installed,automatic] +libmailtools-perl/noble,now 2.21-2 all [installed,automatic] +libmbedcrypto7t64/noble,now 2.28.8-1 amd64 [installed,automatic] +libmd-dev/noble,now 1.1.0-2build1 amd64 [installed,automatic] +libmd0/noble,now 1.1.0-2build1 amd64 [installed] +libmount-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libmount1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libmp3lame-dev/noble,now 3.100-6build1 amd64 [installed] +libmp3lame0/noble,now 3.100-6build1 amd64 [installed,automatic] +libmpc3/noble,now 1.3.1-1build1 amd64 [installed,automatic] +libmpfr6/noble,now 4.2.1-1build1 amd64 [installed,automatic] +libmpg123-0t64/noble-updates,noble-security,now 1.32.5-1ubuntu1.1 amd64 [installed,automatic] +libmunge2/noble,now 0.5.15-4build1 amd64 [installed,automatic] +libncurses-dev/noble,now 6.4+20240113-1ubuntu2 amd64 [installed,automatic] +libncurses6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed,automatic] +libncursesw6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +libnet-http-perl/noble,now 6.23-1 all [installed,automatic] +libnet-smtp-ssl-perl/noble,now 1.04-2 all [installed,automatic] +libnet-ssleay-perl/noble,now 1.94-1build4 amd64 [installed,automatic] +libnetpbm11t64/noble,now 2:11.05.02-1.1build1 amd64 [installed,automatic] +libnettle8t64/noble-updates,now 3.9.1-2.2build1.1 amd64 [installed] +libnghttp2-14/noble-updates,noble-security,now 1.59.0-1ubuntu0.1 amd64 [installed,automatic] +libnice10/noble,now 0.1.21-2build3 amd64 [installed,automatic] +libnl-3-200/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-3-dev/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-route-3-200/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-route-3-dev/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnorm-dev/noble,now 1.5.9+dfsg-3.1build1 amd64 [installed,automatic] +libnorm1t64/noble,now 1.5.9+dfsg-3.1build1 amd64 [installed,automatic] +libnpth0t64/noble,now 1.6-3.1build1 amd64 [installed] +libnss-systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libnuma-dev/noble,now 2.0.18-1build1 amd64 [installed] +libnuma1/noble,now 2.0.18-1build1 amd64 [installed] +libobjc-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libobjc4/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libogg-dev/noble,now 1.3.5-3build1 amd64 [installed,automatic] +libogg0/noble,now 1.3.5-3build1 amd64 [installed,automatic] +libopenblas-dev/noble,now 0.3.26+ds-1 amd64 [installed] +libopenblas-pthread-dev/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopenblas0-pthread/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopenblas0/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopencore-amrnb-dev/noble,now 0.1.6-1build1 amd64 [installed] +libopencore-amrnb0/noble,now 0.1.6-1build1 amd64 [installed,automatic] +libopencore-amrwb-dev/noble,now 0.1.6-1build1 amd64 [installed] +libopencore-amrwb0/noble,now 0.1.6-1build1 amd64 [installed,automatic] +libopenexr-3-1-30/noble,now 3.1.5-5.1build3 amd64 [installed,automatic] +libopengl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libopengl0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libopenjp2-7-dev/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjp2-7/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjp2-tools/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjpip-server/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenmpi-dev/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +libopenmpi3t64/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +libopenmpt0t64/noble,now 0.7.3-1.1build3 amd64 [installed,automatic] +libopus-dev/noble,now 1.4-1build1 amd64 [installed] +libopus0/noble,now 1.4-1build1 amd64 [installed,automatic] +liborc-0.4-0t64/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +liborc-0.4-dev-bin/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +liborc-0.4-dev/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +libp11-kit0/noble-updates,now 0.25.3-4ubuntu2.1 amd64 [installed] +libpackagekit-glib2-18/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +libpam-cap/noble,now 1:2.66-5ubuntu2 amd64 [installed,automatic] +libpam-modules-bin/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpam-modules/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpam-runtime/noble-updates,now 1.5.3-5ubuntu5.1 all [installed] +libpam-systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libpam0g/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpango-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpango1.0-dev/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangocairo-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangoft2-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangoxft-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpaper-utils/noble,now 1.1.29build1 amd64 [installed,automatic] +libpaper1/noble,now 1.1.29build1 amd64 [installed,automatic] +libpciaccess-dev/noble,now 0.17-3build1 amd64 [installed,automatic] +libpciaccess0/noble,now 0.17-3build1 amd64 [installed,automatic] +libpcre2-16-0/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-32-0/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-8-0/noble,now 10.42-4ubuntu2 amd64 [installed] +libpcre2-dev/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-posix3/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libperl5.38t64/noble,now 5.38.2-3.2build2 amd64 [installed,automatic] +libpfm4/noble,now 4.13.0+git32-g0d4ed0e-1 amd64 [installed,automatic] +libpgm-5.3-0t64/noble,now 5.3.128~dfsg-2.1build1 amd64 [installed,automatic] +libpgm-dev/noble,now 5.3.128~dfsg-2.1build1 amd64 [installed,automatic] +libpipeline1/noble,now 1.5.7-2 amd64 [installed,automatic] +libpixman-1-0/noble,now 0.42.2-1build1 amd64 [installed,automatic] +libpixman-1-dev/noble,now 0.42.2-1build1 amd64 [installed,automatic] +libpkgconf3/noble,now 1.8.1-2build1 amd64 [installed,automatic] +libpmix-dev/noble,now 5.0.1-4.1build1 amd64 [installed,automatic] +libpmix2t64/noble,now 5.0.1-4.1build1 amd64 [installed,automatic] +libpng-dev/noble,now 1.6.43-5build1 amd64 [installed] +libpng-tools/noble,now 1.6.43-5build1 amd64 [installed,automatic] +libpng16-16t64/noble,now 1.6.43-5build1 amd64 [installed,automatic] +libpolkit-agent-1-0/noble,now 124-2ubuntu1 amd64 [installed,automatic] +libpolkit-gobject-1-0/noble,now 124-2ubuntu1 amd64 [installed,automatic] +libpopt0/noble,now 1.19+dfsg-1build1 amd64 [installed,automatic] +libpostproc-dev/noble,now 7:6.1.1-3ubuntu5 amd64 [installed] +libpostproc57/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libproc2-0/noble-updates,now 2:4.0.4-4ubuntu3.2 amd64 [installed] +libprotobuf-dev/noble,now 3.21.12-8.2build1 amd64 [installed] +libprotobuf-lite32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libprotobuf32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libprotoc32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libproxy1v5/noble,now 0.5.4-4build1 amd64 [installed,automatic] +libpsl5t64/noble,now 0.21.2-1.1build1 amd64 [installed,automatic] +libpsm-infinipath1/noble,now 3.3+20.604758e7-6.3build1 amd64 [installed,automatic] +libpsm2-2/noble,now 11.2.185-2build1 amd64 [installed,automatic] +libpthread-stubs0-dev/noble,now 0.4-1build3 amd64 [installed,automatic] +libpulse0/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpython3-dev/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +libpython3-stdlib/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +libpython3.12-dev/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12-minimal/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12-stdlib/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12t64/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libquadmath0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +librabbitmq4/noble,now 0.11.0-1build2 amd64 [installed,automatic] +librav1e0/noble,now 0.7.1-2 amd64 [installed,automatic] +libraw1394-11/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw1394-dev/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw1394-tools/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw23t64/noble,now 0.21.2-2.1build1 amd64 [installed,automatic] +librdmacm1t64/noble,now 50.0-2build2 amd64 [installed,automatic] +libre2-10/noble,now 20230301-3build1 amd64 [installed,automatic] +libreadline8t64/noble,now 8.2-4build1 amd64 [installed,automatic] +librhash0/noble,now 1.4.3-3build1 amd64 [installed,automatic] +librist4/noble,now 0.2.10+dfsg-2 amd64 [installed,automatic] +librsvg2-2/noble,now 2.58.0+dfsg-1build1 amd64 [installed,automatic] +librsvg2-common/noble,now 2.58.0+dfsg-1build1 amd64 [installed,automatic] +librtmp1/noble,now 2.4+20151223.gitfa8646d.1-2build7 amd64 [installed,automatic] +libsasl2-2/noble-updates,now 2.1.28+dfsg1-5ubuntu3.1 amd64 [installed,automatic] +libsasl2-modules-db/noble-updates,now 2.1.28+dfsg1-5ubuntu3.1 amd64 [installed,automatic] +libsasl2-modules/noble-updates,now 2.1.28+dfsg1-5ubuntu3.1 amd64 [installed,automatic] +libseccomp2/noble-updates,now 2.5.5-1ubuntu3.1 amd64 [installed] +libselinux1-dev/noble,now 3.5-2ubuntu2 amd64 [installed,automatic] +libselinux1/noble,now 3.5-2ubuntu2 amd64 [installed] +libsemanage-common/noble,now 3.5-1build5 all [installed] +libsemanage2/noble,now 3.5-1build5 amd64 [installed] +libsensors-config/noble,now 1:3.6.0-9build1 all [installed,automatic] +libsensors5/noble,now 1:3.6.0-9build1 amd64 [installed,automatic] +libsepol-dev/noble,now 3.5-2build1 amd64 [installed,automatic] +libsepol2/noble,now 3.5-2build1 amd64 [installed] +libsframe1/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libsharpyuv-dev/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libsharpyuv0/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libshine3/noble,now 3.1.1-2build1 amd64 [installed,automatic] +libshout3/noble,now 2.4.6-1build2 amd64 [installed,automatic] +libslang2/noble,now 2.3.3-3build2 amd64 [installed,automatic] +libsm-dev/noble,now 2:1.2.3-1build3 amd64 [installed,automatic] +libsm6/noble,now 2:1.2.3-1build3 amd64 [installed,automatic] +libsmartcols1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libsnappy1v5/noble,now 1.1.10-1build1 amd64 [installed,automatic] +libsndfile1/noble,now 1.2.2-1ubuntu5 amd64 [installed,automatic] +libsodium-dev/noble,now 1.0.18-1build3 amd64 [installed,automatic] +libsodium23/noble,now 1.0.18-1build3 amd64 [installed,automatic] +libsoup-3.0-0/noble-updates,noble-security,now 3.4.4-5ubuntu0.1 amd64 [installed,automatic] +libsoup-3.0-common/noble-updates,noble-security,now 3.4.4-5ubuntu0.1 all [installed,automatic] +libsoxr0/noble,now 0.1.3-4build3 amd64 [installed,automatic] +libspeex1/noble-updates,now 1.2.1-2ubuntu2.24.04.1 amd64 [installed,automatic] +libsqlite3-0/noble,now 3.45.1-1ubuntu2 amd64 [installed,automatic] +libsrt1.5-gnutls/noble,now 1.5.3-1build2 amd64 [installed,automatic] +libss2/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libssh-4/noble,now 0.10.6-2build2 amd64 [installed,automatic] +libssh-gcrypt-4/noble,now 0.10.6-2build2 amd64 [installed,automatic] +libssl-dev/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed,automatic] +libssl3t64/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed] +libstdc++-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libstdc++6/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +libstemmer0d/noble,now 2.2.0-4build1 amd64 [installed,automatic] +libsub-override-perl/noble,now 0.10-1 all [installed,automatic] +libsvtav1enc1d1/noble,now 1.7.0+dfsg-2build1 amd64 [installed,automatic] +libswresample4/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libswscale7/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libsys-hostname-long-perl/noble,now 1.5-3 all [installed,automatic] +libsystemd-shared/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libsystemd0/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed] +libsz2/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libtag1v5-vanilla/noble,now 1.13.1-1build1 amd64 [installed,automatic] +libtag1v5/noble,now 1.13.1-1build1 amd64 [installed,automatic] +libtasn1-6/noble,now 4.19.0-3build1 amd64 [installed] +libtbb-dev/noble,now 2021.11.0-2ubuntu2 amd64 [installed] +libtbb12/noble,now 2021.11.0-2ubuntu2 amd64 [installed,automatic] +libtbbbind-2-5/noble,now 2021.11.0-2ubuntu2 amd64 [installed,automatic] +libtbbmalloc2/noble,now 2021.11.0-2ubuntu2 amd64 [installed] +libtdb1/noble,now 1.4.10-1build1 amd64 [installed,automatic] +libthai-data/noble,now 0.1.29-2build1 all [installed,automatic] +libthai-dev/noble,now 0.1.29-2build1 amd64 [installed,automatic] +libthai0/noble,now 0.1.29-2build1 amd64 [installed,automatic] +libtheora-dev/noble,now 1.1.1+dfsg.1-16.1build3 amd64 [installed] +libtheora0/noble,now 1.1.1+dfsg.1-16.1build3 amd64 [installed,automatic] +libtiff-dev/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtiff5-dev/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed] +libtiff6/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtiffxx6/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtimedate-perl/noble,now 2.3300-2 all [installed,automatic] +libtinfo6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +libtool/noble,now 2.4.7-7build1 all [installed] +libtry-tiny-perl/noble,now 0.31-2 all [installed,automatic] +libtsan2/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libtwolame0/noble,now 0.4.0-2build3 amd64 [installed,automatic] +libubsan1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libuchardet0/noble,now 0.0.8-1build1 amd64 [installed,automatic] +libucx0/noble,now 1.16.0+ds-5ubuntu1 amd64 [installed,automatic] +libudev-dev/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libudev1/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed] +libudfread0/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libunibreak-dev/noble,now 5.1-2build1 amd64 [installed,automatic] +libunibreak5/noble,now 5.1-2build1 amd64 [installed,automatic] +libunistring5/noble,now 1.1-2build1 amd64 [installed] +libunwind-dev/noble,now 1.6.2-3build1 amd64 [installed,automatic] +libunwind8/noble,now 1.6.2-3build1 amd64 [installed,automatic] +liburi-perl/noble,now 5.27-1 all [installed,automatic] +libusb-1.0-0/noble,now 2:1.0.27-1 amd64 [installed,automatic] +libuuid1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libuv1t64/noble,now 1.48.0-1.1build1 amd64 [installed,automatic] +libv4l-0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libv4l-dev/noble,now 1.26.1-4build3 amd64 [installed] +libv4l2rds0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libv4lconvert0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libva-drm2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libva-x11-2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libva2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libvdpau1/noble,now 1.5-2build1 amd64 [installed,automatic] +libvisual-0.4-0/noble,now 0.4.2-2build1 amd64 [installed,automatic] +libvorbis-dev/noble,now 1.3.7-1build3 amd64 [installed] +libvorbis0a/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvorbisenc2/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvorbisfile3/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvpl2/noble,now 2023.3.0-1build1 amd64 [installed,automatic] +libvpx-dev/noble-updates,noble-security,now 1.14.0-1ubuntu2.1 amd64 [installed] +libvpx9/noble-updates,noble-security,now 1.14.0-1ubuntu2.1 amd64 [installed,automatic] +libvulkan1/noble,now 1.3.275.0-1build1 amd64 [installed,automatic] +libwavpack1/noble,now 5.6.0-1build1 amd64 [installed,automatic] +libwayland-bin/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-client0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-cursor0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-dev/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-egl1/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-server0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwebp-dev/noble,now 1.3.2-0.4build3 amd64 [installed] +libwebp7/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpdecoder3/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpdemux2/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpmux3/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwmflite-0.2-7/noble,now 0.2.13-1.1build3 amd64 [installed,automatic] +libwww-perl/noble,now 6.76-1 all [installed,automatic] +libwww-robotrules-perl/noble,now 6.02-1 all [installed,automatic] +libx11-6/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-data/noble,now 2:1.8.7-1build1 all [installed,automatic] +libx11-dev/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-xcb-dev/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-xcb1/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx264-164/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed,automatic] +libx264-dev/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed] +libx265-199/noble,now 3.5-2build1 amd64 [installed,automatic] +libx265-dev/noble,now 3.5-2build1 amd64 [installed] +libxapian30/noble,now 1.4.22-1build1 amd64 [installed,automatic] +libxau-dev/noble,now 1:1.0.9-1build6 amd64 [installed,automatic] +libxau6/noble,now 1:1.0.9-1build6 amd64 [installed,automatic] +libxaw7/noble,now 2:1.0.14-1build2 amd64 [installed,automatic] +libxcb-damage0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-dri2-0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-dri3-0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-glx0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-present0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-randr0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-render0-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-render0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-shm0-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-shm0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-sync1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-xfixes0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-xkb1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb1-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcomposite-dev/noble,now 1:0.4.5-1build3 amd64 [installed,automatic] +libxcomposite1/noble,now 1:0.4.5-1build3 amd64 [installed,automatic] +libxcursor-dev/noble,now 1:1.2.1-1build1 amd64 [installed,automatic] +libxcursor1/noble,now 1:1.2.1-1build1 amd64 [installed,automatic] +libxdamage-dev/noble,now 1:1.1.6-1build1 amd64 [installed,automatic] +libxdamage1/noble,now 1:1.1.6-1build1 amd64 [installed,automatic] +libxdmcp-dev/noble,now 1:1.1.3-0ubuntu6 amd64 [installed,automatic] +libxdmcp6/noble,now 1:1.1.3-0ubuntu6 amd64 [installed,automatic] +libxext-dev/noble,now 2:1.3.4-1build2 amd64 [installed,automatic] +libxext6/noble,now 2:1.3.4-1build2 amd64 [installed,automatic] +libxfixes-dev/noble,now 1:6.0.0-2build1 amd64 [installed,automatic] +libxfixes3/noble,now 1:6.0.0-2build1 amd64 [installed,automatic] +libxft-dev/noble,now 2.3.6-1build1 amd64 [installed,automatic] +libxft2/noble,now 2.3.6-1build1 amd64 [installed,automatic] +libxi-dev/noble,now 2:1.8.1-1build1 amd64 [installed] +libxi6/noble,now 2:1.8.1-1build1 amd64 [installed,automatic] +libxine2-bin/noble,now 1.2.13+hg20230710-2ubuntu6 amd64 [installed,automatic] +libxine2-dev/noble,now 1.2.13+hg20230710-2ubuntu6 amd64 [installed] +libxinerama-dev/noble,now 2:1.1.4-3build1 amd64 [installed,automatic] +libxinerama1/noble,now 2:1.1.4-3build1 amd64 [installed,automatic] +libxkbcommon-dev/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbcommon-x11-0/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbcommon0/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbfile1/noble,now 1:1.1.0-1build4 amd64 [installed,automatic] +libxml2-dev/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxml2-utils/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxml2/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxmlb2/noble,now 0.3.18-1 amd64 [installed,automatic] +libxmu-dev/noble,now 2:1.1.3-3build2 amd64 [installed] +libxmu-headers/noble,now 2:1.1.3-3build2 all [installed,automatic] +libxmu6/noble,now 2:1.1.3-3build2 amd64 [installed,automatic] +libxmuu1/noble,now 2:1.1.3-3build2 amd64 [installed,automatic] +libxnvctrl0/noble,now 510.47.03-0ubuntu4 amd64 [installed,automatic] +libxpm4/noble,now 1:3.5.17-1build2 amd64 [installed,automatic] +libxrandr-dev/noble,now 2:1.5.2-2build1 amd64 [installed,automatic] +libxrandr2/noble,now 2:1.5.2-2build1 amd64 [installed,automatic] +libxrender-dev/noble,now 1:0.9.10-1.1build1 amd64 [installed,automatic] +libxrender1/noble,now 1:0.9.10-1.1build1 amd64 [installed,automatic] +libxshmfence1/noble,now 1.3-1build5 amd64 [installed,automatic] +libxt-dev/noble,now 1:1.2.1-1.2build1 amd64 [installed,automatic] +libxt6t64/noble,now 1:1.2.1-1.2build1 amd64 [installed,automatic] +libxtst-dev/noble,now 2:1.2.3-1.1build1 amd64 [installed,automatic] +libxtst6/noble,now 2:1.2.3-1.1build1 amd64 [installed,automatic] +libxv1/noble,now 2:1.0.11-1.1build1 amd64 [installed,automatic] +libxvidcore-dev/noble,now 2:1.3.7-1build1 amd64 [installed] +libxvidcore4/noble,now 2:1.3.7-1build1 amd64 [installed,automatic] +libxxf86vm1/noble,now 1:1.1.4-1build4 amd64 [installed,automatic] +libxxhash0/noble,now 0.8.2-2build1 amd64 [installed] +libyaml-0-2/noble,now 0.2.5-1build1 amd64 [installed,automatic] +libz3-4/noble,now 4.8.12-3.1build1 amd64 [installed,automatic] +libz3-dev/noble,now 4.8.12-3.1build1 amd64 [installed,automatic] +libzmq3-dev/noble,now 4.3.5-1build2 amd64 [installed] +libzmq5/noble,now 4.3.5-1build2 amd64 [installed,automatic] +libzstd-dev/noble-updates,now 1.5.5+dfsg2-2build1.1 amd64 [installed,automatic] +libzstd1/noble-updates,now 1.5.5+dfsg2-2build1.1 amd64 [installed] +libzvbi-common/noble,now 0.2.42-2 all [installed,automatic] +libzvbi0t64/noble,now 0.2.42-2 amd64 [installed,automatic] +linux-libc-dev/noble-updates,noble-security,now 6.8.0-51.52 amd64 [installed,automatic] +lld-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +lldb-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +llvm-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-linker-tools/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-runtime/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-tools/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +locales/noble-updates,noble-security,now 2.39-0ubuntu8.3 all [installed] +login/noble-updates,now 1:4.13+dfsg1-4ubuntu3.2 amd64 [installed] +logsave/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +lsb-release/noble,now 12.0-2 all [installed] +lto-disabled-list/noble,now 47 all [installed,automatic] +m4/noble,now 1.4.19-4build1 amd64 [installed,automatic] +make/noble,now 4.3-4.1build2 amd64 [installed,automatic] +man-db/noble,now 2.12.0-4build2 amd64 [installed,automatic] +manpages-dev/noble,now 6.7-2 all [installed,automatic] +manpages/noble,now 6.7-2 all [installed,automatic] +mawk/noble,now 1.3.4.20240123-1build1 amd64 [installed] +media-types/noble,now 10.1.0 all [installed,automatic] +mesa-va-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mesa-vdpau-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mesa-vulkan-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mount/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +mpi-default-bin/noble,now 1.15build1 amd64 [installed,automatic] +mpi-default-dev/noble,now 1.15build1 amd64 [installed,automatic] +ncurses-base/noble,now 6.4+20240113-1ubuntu2 all [installed] +ncurses-bin/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +netbase/noble,now 6.4 all [installed,automatic] +netpbm/noble,now 2:11.05.02-1.1build1 amd64 [installed,automatic] +networkd-dispatcher/noble,now 2.2.4-1 all [installed,automatic] +ninja-build/noble,now 1.11.1-2 amd64 [installed] +ocl-icd-libopencl1/noble,now 2.3.2-1build1 amd64 [installed,automatic] +openmpi-bin/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +openmpi-common/noble,now 4.1.6-7ubuntu2 all [installed,automatic] +openssh-client/noble-updates,now 1:9.6p1-3ubuntu13.5 amd64 [installed,automatic] +openssl/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed,automatic] +packagekit-tools/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +packagekit/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +pango1.0-tools/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +passwd/noble-updates,now 1:4.13+dfsg1-4ubuntu3.2 amd64 [installed] +patch/noble,now 2.7.6-7build3 amd64 [installed,automatic] +patchelf/noble,now 0.18.0-1.1build1 amd64 [installed] +perl-base/noble,now 5.38.2-3.2build2 amd64 [installed] +perl-modules-5.38/noble,now 5.38.2-3.2build2 all [installed,automatic] +perl-openssl-defaults/noble,now 7build3 amd64 [installed,automatic] +perl/noble,now 5.38.2-3.2build2 amd64 [installed] +pinentry-curses/noble,now 1.2.1-3ubuntu5 amd64 [installed,automatic] +pkg-config/noble,now 1.8.1-2build1 amd64 [installed] +pkgconf-bin/noble,now 1.8.1-2build1 amd64 [installed,automatic] +pkgconf/noble,now 1.8.1-2build1 amd64 [installed,automatic] +po-debconf/noble,now 1.0.21+nmu1 all [installed,automatic] +polkitd/noble,now 124-2ubuntu1 amd64 [installed,automatic] +poppler-data/noble,now 0.4.12-1 all [installed,automatic] +procps/noble-updates,now 2:4.0.4-4ubuntu3.2 amd64 [installed] +protobuf-compiler/noble,now 3.21.12-8.2build1 amd64 [installed] +publicsuffix/noble,now 20231001.0357-0.1 all [installed,automatic] +python-apt-common/noble-updates,now 2.7.7ubuntu3 all [installed,automatic] +python3-apt/noble-updates,now 2.7.7ubuntu3 amd64 [installed,automatic] +python3-blinker/noble,now 1.7.0-1 all [installed,automatic] +python3-cffi-backend/noble,now 1.16.0-2build1 amd64 [installed,automatic] +python3-cryptography/noble-updates,noble-security,now 41.0.7-4ubuntu0.1 amd64 [installed,automatic] +python3-dbus/noble,now 1.3.2-5build3 amd64 [installed,automatic] +python3-dev/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed] +python3-distro-info/noble,now 1.7build1 all [installed,automatic] +python3-distro/noble,now 1.9.0-1 all [installed,automatic] +python3-gi/noble,now 3.48.2-1 amd64 [installed,automatic] +python3-httplib2/noble,now 0.20.4-3 all [installed,automatic] +python3-jwt/noble,now 2.7.0-1 all [installed,automatic] +python3-launchpadlib/noble,now 1.11.0-6 all [installed,automatic] +python3-lazr.restfulclient/noble,now 0.14.6-1 all [installed,automatic] +python3-lazr.uri/noble,now 1.0.6-3 all [installed,automatic] +python3-lldb-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +python3-minimal/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +python3-oauthlib/noble,now 3.2.2-1 all [installed,automatic] +python3-packaging/noble,now 24.0-1 all [installed,automatic] +python3-pip-whl/noble-updates,noble-security,now 24.0+dfsg-1ubuntu1.1 all [installed,automatic] +python3-pkg-resources/noble-updates,noble-security,now 68.1.2-2ubuntu1.1 all [installed,automatic] +python3-pygments/noble,now 2.17.2+dfsg-1 all [installed,automatic] +python3-pyparsing/noble,now 3.1.1-1 all [installed,automatic] +python3-setuptools-whl/noble-updates,noble-security,now 68.1.2-2ubuntu1.1 all [installed,automatic] +python3-six/noble,now 1.16.0-4 all [installed,automatic] +python3-software-properties/noble-updates,now 0.99.49.1 all [installed,automatic] +python3-venv/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed] +python3-wadllib/noble,now 1.3.6-5 all [installed,automatic] +python3-yaml/noble,now 6.0.1-2build2 amd64 [installed,automatic] +python3.12-dev/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12-minimal/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12-venv/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +readline-common/noble,now 8.2-4build1 all [installed,automatic] +rpcsvc-proto/noble,now 1.4.2-0ubuntu7 amd64 [installed,automatic] +rsync/noble,now 3.2.7-1ubuntu1 amd64 [installed] +sed/noble,now 4.9-2build1 amd64 [installed] +sensible-utils/noble,now 0.0.22 all [installed] +session-migration/noble,now 0.3.9build1 amd64 [installed,automatic] +sgml-base/noble,now 1.31 all [installed,automatic] +shared-mime-info/noble,now 2.4-4 amd64 [installed,automatic] +software-properties-common/noble-updates,now 0.99.49.1 all [installed] +sound-theme-freedesktop/noble,now 0.8-2ubuntu1 all [installed,automatic] +spawn-fcgi/noble,now 1.6.4-2 amd64 [installed,automatic] +ssl-cert/noble,now 1.1.2ubuntu1 all [installed,automatic] +systemd-dev/noble-updates,now 255.4-1ubuntu8.4 all [installed,automatic] +systemd-resolved/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd-sysv/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd-timesyncd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +sysvinit-utils/noble,now 3.08-6ubuntu3 amd64 [installed] +tar/noble,now 1.35+dfsg-3build1 amd64 [installed] +time/noble,now 1.9-0.2build1 amd64 [installed] +tzdata/noble-updates,now 2024a-3ubuntu1.1 all [installed,automatic] +ubuntu-keyring/noble,now 2023.11.28.1 all [installed] +ubuntu-mono/noble,now 24.04-0ubuntu1 all [installed,automatic] +ucf/noble,now 3.0043+nmu1 all [installed,automatic] +unattended-upgrades/noble,now 2.9.1+nmu4ubuntu1 all [installed,automatic] +unzip/noble-updates,noble-security,now 6.0-28ubuntu4.1 amd64 [installed] +util-linux/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +uuid-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +v4l-utils/noble,now 1.26.1-4build3 amd64 [installed] +va-driver-all/noble,now 2.20.0-2build1 amd64 [installed,automatic] +vdpau-driver-all/noble,now 1.5-2build1 amd64 [installed,automatic] +wayland-protocols/noble,now 1.34-1 all [installed,automatic] +wget/noble-updates,noble-security,now 1.21.4-1ubuntu4.1 amd64 [installed] +x11-apps/noble,now 7.7+11build3 amd64 [installed] +x11-common/noble,now 1:7.7+23ubuntu3 all [installed,automatic] +x11proto-dev/noble,now 2023.2-1 all [installed,automatic] +x264/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed] +xauth/noble,now 1:1.1.2-1build1 amd64 [installed,automatic] +xbitmaps/noble,now 1.1.1-2.2 all [installed,automatic] +xdg-user-dirs/noble,now 0.18-1build1 amd64 [installed,automatic] +xfonts-encodings/noble,now 1:1.0.5-0ubuntu2 all [installed,automatic] +xfonts-utils/noble,now 1:7.7+6build3 amd64 [installed,automatic] +xkb-data/noble-updates,now 2.41-2ubuntu1.1 all [installed,automatic] +xml-core/noble,now 0.19 all [installed,automatic] +xorg-sgml-doctools/noble,now 1:1.11-1.1 all [installed,automatic] +xtrans-dev/noble,now 1.4.0-1 all [installed,automatic] +xz-utils/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed,automatic] +yasm/noble,now 1.3.0-4 amd64 [installed] +zip/noble-updates,now 3.0-13ubuntu0.1 amd64 [installed] +zlib1g-dev/noble-updates,now 1:1.3.dfsg-3.1ubuntu2.1 amd64 [installed] +zlib1g/noble-updates,now 1:1.3.dfsg-3.1ubuntu2.1 amd64 [installed] + +[system details] + +FOUND_UBUNTU: 24.04 +OpenCV_Built: 4.10.0 +TensorFlow_Built: 2.18.0 +FFmpeg_Built: 7.1 diff --git a/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/TensorFlow--Details.txt b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/TensorFlow--Details.txt new file mode 100644 index 0000000..f924b89 --- /dev/null +++ b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/TensorFlow--Details.txt @@ -0,0 +1,44 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="tensorflow_opencv:2.18.0_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** TensorFlow configuration: +--- Tensorflow Build: Environment variables set --- +TF_CUDA_CLANG=0 +TF_CUDA_COMPUTE_CAPABILITIES= +TF_NEED_AWS=0 +TF_NEED_CLANG=1 +TF_NEED_COMPUTECPP=0 +TF_NEED_CUDA=0 +TF_NEED_GCP=0 +TF_NEED_GDR=0 +TF_NEED_HDFS=0 +TF_NEED_JEMALLOC=0 +TF_NEED_KAFKA=0 +TF_NEED_MKL=0 +TF_NEED_MPI=0 +TF_NEED_OPENCL=0 +TF_NEED_OPENCL_SYCL=0 +TF_NEED_ROCM=0 +TF_NEED_S3=0 +TF_NEED_TENSORRT=0 +TF_NEED_VERBS=0 +TF_SET_ANDROID_WORKSPACE=0 + +*** Tensorflow version : 2.18.0 +*** TF Builf with cuda : False +*** TF compile flags : ['-I/usr/local/lib/python3.12/dist-packages/tensorflow/include', '-D_GLIBCXX_USE_CXX11_ABI=1', '--std=c++17', '-DEIGEN_MAX_ALIGN_BYTES=64'] +*** TF include : /usr/local/lib/python3.12/dist-packages/tensorflow/include +*** TF lib : /usr/local/lib/python3.12/dist-packages/tensorflow +*** TF link flags : ['-L/usr/local/lib/python3.12/dist-packages/tensorflow', '-l:libtensorflow_framework.so.2'] +*** Keras version : 3.7.0 +*** pandas version : 2.2.3 +*** scikit-learn version : 1.6.0 diff --git a/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/withincontainer_checker.sh b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/withincontainer_checker.sh new file mode 100644 index 0000000..b7aa188 --- /dev/null +++ b/BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/withincontainer_checker.sh @@ -0,0 +1,112 @@ +#!/bin/bash + +# Expected to be run in container +if [ ! -f /.within_container ]; then + echo "Tool expected to be ran within the container, aborting" + exit 1 +fi + +destp="/tmp/python_info.txt" +echo "Python location: $(which python3)" > $destp +echo "Python version: $(python3 --version)" >> $destp +echo "" >> $destp +echo "[pip list]" >> $destp +pip3 list >> $destp + +echo "" >> $destp +echo "[apt list]" >> $destp +apt list --installed >> $destp + +echo "" >> $destp +echo "[system details]" >> $destp + +# Ubuntu version +tmp="/etc/lsb-release" +if [ ! -f $tmp ]; then + echo "Unable to confirm Ubuntu version, aborting" + exit 1 +fi +echo "" >> $destp +echo -n "FOUND_UBUNTU: " >> $destp +perl -ne 'print $1 if (m%DISTRIB_RELEASE=(.+)%)' $tmp >> $destp +echo "" >> $destp + +if [ -f /tmp/.GPU_build ]; then + # CUDNN version + cudnn_inc="/usr/include/cudnn.h" + cudnn8_inc="/usr/include/x86_64-linux-gnu/cudnn_version_v8.h" + cudnnjn_inc="/usr/include/cudnn_version.h" + if [ -f $cudnn8_inc ]; then + cudnn_inc="${cudnn8_inc}" + elif [ -f $cudnnjn_inc ]; then + cudnn_inc="$cudnnjn_inc" + fi + if [ ! -f $cudnn_inc ]; then + cudnn="Details not found" + else + cmj="$(sed -n 's/^#define CUDNN_MAJOR\s*\(.*\).*/\1/p' $cudnn_inc)" + cmn="$(sed -n 's/^#define CUDNN_MINOR\s*\(.*\).*/\1/p' $cudnn_inc)" + cpl="$(sed -n 's/^#define CUDNN_PATCHLEVEL\s*\(.*\).*/\1/p' $cudnn_inc)" + cudnn="${cmj}.${cmn}.${cpl}" + fi + echo "$cudnn" > /tmp/.cudnn_found + + # CUDA version + nvcc="/usr/local/nvidia/bin/nvcc" + if [ ! -f $cuda_f ]; then + cuda="Details not found" + else + cuda=$($nvcc --version | grep compilation | perl -ne 'print $1 if (m%V([\d\.]+)%)') + fi + echo "$cuda" > /tmp/.cuda_found +fi + +dest="/tmp/opencv_info.txt" +if [ -f /tmp/.opencv_built ]; then + echo "OpenCV_Built: $(cat /tmp/.opencv_built)" >> $destp + + echo -n "-- Confirming OpenCV Python is installed. Version: " > $dest + python3 -c 'import cv2; print(cv2.__version__)' >> $dest + echo "" >> $dest + opencv_version -v >> $dest + if [ -f /tmp/.cudnn_found ]; then + echo "" >> $dest + echo "cuDNN_FOUND: $(cat /tmp/.cudnn_found)" >> $dest + fi +fi + +if [ -f /tmp/.cuda_found ]; then + echo "CUDA_found: $(cat /tmp/.cuda_found)" >> $destp +fi + +if [ -f /tmp/.cudnn_found ]; then + echo "cuDNN_found: $(cat /tmp/.cudnn_found)" >> $destp +fi + +if [ -f /tmp/.tensorflow_built ]; then + echo "TensorFlow_Built: $(cat /tmp/.tensorflow_built)" >> $destp +fi + +if [ -f /tmp/.ffmpeg_built ]; then + echo "FFmpeg_Built: $(cat /tmp/.ffmpeg_built)" >> $destp +fi + +if [ -f /tmp/.torch_built ]; then + echo "Torch_Built: $(cat /tmp/.torch_built)" >> $destp +fi + +if [ -f /tmp/.torchvision_built ]; then + echo "TorchVision_Built: $(cat /tmp/.torchvision_built)" >> $destp +fi + +if [ -f /tmp/.torchaudio_built ]; then + echo "TorchAudio_Built: $(cat /tmp/.torchaudio_built)" >> $destp +fi + +if [ -f /tmp/.torchdata_built ]; then + echo "TorchData_Built: $(cat /tmp/.torchdata_built)" >> $destp +fi + +if [ -f /tmp/.torchtext_built ]; then + echo "TorchText_Built: $(cat /tmp/.torchtext_built)" >> $destp +fi diff --git a/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/BuildInfo.txt b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/BuildInfo.txt new file mode 100644 index 0000000..e7785f4 --- /dev/null +++ b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/BuildInfo.txt @@ -0,0 +1,16 @@ + +CTPO_FROM=ubuntu:24.04 +CTPO_BUILD=CPU +CTPO_TENSORFLOW_VERSION=2.18.0 +CTPO_PYTORCH_VERSION=2.5.1 +CTPO_CUDA_VERSION=None +CTPO_OPENCV_VERSION=4.10.0 +CTPO_RELEASE=20241219 +FOUND_UBUNTU=24.04 +OpenCV_Built=4.10.0 +TensorFlow_Built=2.18.0 +FFmpeg_Built=7.1 +Torch_Built=2.5.1 +TorchVision_Built=0.20.0 +TorchAudio_Built=2.5.0 +TorchData_Built=0.9.0 diff --git a/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/Dockerfile b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/Dockerfile new file mode 100644 index 0000000..f24ea77 --- /dev/null +++ b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/Dockerfile @@ -0,0 +1,415 @@ +##### Splitting installation into controlled parts: +## - Base container setup (all apt-get + system + ldd extension) +## - Python pip3 preparation + First batch of python tools installs +## - Tensorflow build and install (optional) +## - FFmpeg build and install +## - OpenCV build and install (using FFmpeg) +## - Additional python tools installs +## - Magma build and install (GPU only, optional) +## - PyTorch (+ vison + audio) build and install (using FFmpeg + OpenCV, optional) +## - Final steps: /iti setup, ... + +# The idea is to have a base Dockerfile that will be tailored to specific builds +# so that each build has their own final Dockerfile available for inspection + +ARG CTPO_FROM=ubuntu:24.04 +FROM ${CTPO_FROM} + +# No CUDA, or no cuDNN bootstrap needed + +ARG CTPO_NUMPROC=32 + +##### Base + +# Install system packages +ENV DEBIAN_FRONTEND=noninteractive +RUN apt-get update -y --fix-missing\ + && apt-get install -y \ + apt-utils \ + locales \ + wget \ + ca-certificates \ + && apt-get clean + +# UTF-8 +RUN localedef -i en_US -c -f UTF-8 -A /usr/share/locale/locale.alias en_US.UTF-8 +ENV LANG=en_US.utf8 + +# Install system packages +RUN apt-get install -y \ + # Base + build-essential \ + checkinstall \ + cmake \ + curl \ + g++ \ + gcc \ + git \ + ninja-build \ + perl \ + patchelf \ + pkg-config \ + protobuf-compiler \ + python3-dev \ + rsync \ + time \ + unzip \ + wget \ + zip \ + zlib1g \ + zlib1g-dev \ + # OpenCV + doxygen \ + file \ + gfortran \ + gnupg \ + gstreamer1.0-plugins-good \ + imagemagick \ + libatk-adaptor \ + libatlas-base-dev \ + libboost-all-dev \ + libcanberra-gtk-module \ + libdc1394-dev \ + libeigen3-dev \ + libfaac-dev \ + libfreetype6-dev \ + libgflags-dev \ + libglew-dev \ + libglu1-mesa \ + libglu1-mesa-dev \ + libgoogle-glog-dev \ + libgphoto2-dev \ + libgstreamer1.0-dev \ + libgstreamer-plugins-bad1.0-0 \ + libgstreamer-plugins-base1.0-dev \ + libgtk2.0-dev \ + libgtk-3-dev \ + libhdf5-dev \ + libhdf5-serial-dev \ + libjpeg-dev \ + liblapack-dev \ + libmp3lame-dev \ + libopenblas-dev \ + libopencore-amrnb-dev \ + libopencore-amrwb-dev \ + libopenjp2-7 \ + libopenjp2-7-dev \ + libopenjp2-tools \ + libopenjpip-server \ + libpng-dev \ + libpostproc-dev \ + libprotobuf-dev \ + libtbbmalloc2 \ + libtbb-dev \ + libtheora-dev \ + libtiff5-dev \ + libv4l-dev \ + libvorbis-dev \ + libwebp-dev \ + libx264-dev \ + libx265-dev \ + libxi-dev \ + libxine2-dev \ + libxmu-dev \ + libxvidcore-dev \ + libzmq3-dev \ + v4l-utils \ + x11-apps \ + x264 \ + yasm \ + # Torch + libomp-dev \ + libsox-dev \ + libsox-fmt-all \ + libsphinxbase-dev \ + sphinxbase-utils \ + # FFMpeg (source install, do not install packages: libavcodec-dev libavformat-dev libavresample-dev libavutil-dev libswscale-dev) + libass-dev \ + libc6 \ + libc6-dev \ + libnuma1 \ + libnuma-dev \ + libopus-dev \ + libtool \ + libvpx-dev \ + && apt-get clean + +# No Additional CUDA apt installs + + + +ENV CTPO_CLANG_VERSION=17 +RUN apt-get install -y lsb-release software-properties-common gnupg \ + && mkdir /tmp/clang \ + && cd /tmp/clang \ + && wget https://apt.llvm.org/llvm.sh \ + && chmod +x llvm.sh \ + && ./llvm.sh ${CTPO_CLANG_VERSION} \ + && cd / \ + && rm -rf /tmp/clang +RUN which clang-${CTPO_CLANG_VERSION} \ + && which clang++-${CTPO_CLANG_VERSION} \ + && clang-${CTPO_CLANG_VERSION} --version \ + && clang++-${CTPO_CLANG_VERSION} --version + +ENV CTPO_BUILD=CPU +RUN touch /tmp/.${CTPO_BUILD}_build + +# - Avoid "RPC failed; curl 56 GnuTLS" issue on some pulls, while keeping the system installed git +# - Some tools expect a "python" binary +# - Prepare ldconfig +RUN git config --global http.postBuffer 1048576000 \ + && mkdir -p /usr/local/bin && ln -s $(which python3) /usr/local/bin/python \ + && mkdir -p /usr/local/lib && sh -c 'echo "/usr/local/lib" >> /etc/ld.so.conf.d/usrlocallib.conf' && ldconfig + +ENV LD_LIBRARY_PATH=/usr/local/lib:$LD_LIBRARY_PATH + +# Not a GPU build, no path fix to test + + +# Setup pip +RUN mv /usr/lib/python3.12/EXTERNALLY-MANAGED /usr/lib/python3.12/EXTERNALLY-MANAGED.old \ + && wget -q -O /tmp/get-pip.py --no-check-certificate https://bootstrap.pypa.io/get-pip.py \ + && python3 /tmp/get-pip.py \ + && pip3 install -U pip \ + && rm /tmp/get-pip.py + +# No TensorRT support + +# Install Python tools (for buiding) +RUN pip3 install -U --ignore-installed \ + # Base + cmake \ + future \ + mkl \ + mkl-include \ + mock \ + numpy \ + opt_einsum \ + packaging \ + pyyaml \ + requests \ + setuptools \ + six \ + wheel \ + # OpenCV + lxml \ + Pillow \ + # Torch + cffi \ + typing \ + ninja \ + # Extra + scikit-image \ + scikit-learn \ + matplotlib \ + moviepy \ + pandas \ + mkl-static mkl-include \ + && pip3 install -U keras_preprocessing --no-deps \ + && rm -rf /root/.cache/pip + +##### TensorFlow +# https://www.tensorflow.org/install/source + +## Download & Building TensorFlow from source in same RUN +ENV LATEST_BAZELISK=1.22.1 +ENV CTPO_TENSORFLOW_VERSION=2.18.0 +ENV CTPO_TF_CONFIG="" +ENV TF_CUDA_COMPUTE_CAPABILITIES="" + +# See https://github.com/tensorflow/tensorflow/blob/master/configure.py for new TF_NEED_ +ENV TF_NEED_CUDA=0 +ENV TF_CUDA_CLANG=0 +ENV TF_NEED_TENSORRT=0 +ENV TF_NEED_AWS=0 +ENV TF_NEED_CLANG=1 +ENV TF_NEED_COMPUTECPP=0 +ENV TF_NEED_GCP=0 +ENV TF_NEED_GDR=0 +ENV TF_NEED_HDFS=0 +ENV TF_NEED_JEMALLOC=0 +ENV TF_NEED_KAFKA=0 +ENV TF_NEED_MKL=0 +ENV TF_NEED_MPI=0 +ENV TF_NEED_OPENCL=0 +ENV TF_NEED_OPENCL_SYCL=0 +ENV TF_NEED_ROCM=0 +ENV TF_NEED_S3=0 +ENV TF_NEED_VERBS=0 +ENV TF_SET_ANDROID_WORKSPACE=0 +ENV HERMETIC_CUDA_COMPUTE_CAPABILITIES= + +RUN curl -s -Lo /usr/local/bin/bazel https://github.com/bazelbuild/bazelisk/releases/download/v${LATEST_BAZELISK}/bazelisk-linux-amd64 \ + && chmod +x /usr/local/bin/bazel \ + && mkdir -p /usr/local/src/tensorflow \ + && cd /usr/local/src \ + && wget -q -c https://github.com/tensorflow/tensorflow/archive/v${CTPO_TENSORFLOW_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/tensorflow \ + && cd /usr/local/src/tensorflow \ + && bazel version \ + && ./configure \ + && time bazel build --verbose_failures --config=opt --config=v2 ${CTPO_TF_CONFIG} //tensorflow/tools/pip_package:wheel --repo_env=WHEEL_NAME=tensorflow \ + && time pip3 install bazel-bin/tensorflow/tools/pip_package/wheel_house/tensorflow-*.whl \ + && rm -rf /usr/local/src/tensorflow /tmp/tensorflow_pkg /tmp/bazel_check.pl /tmp/tf_build.sh /tmp/hsperfdata_root /root/.cache/bazel /root/.cache/pip /root/.cache/bazelisk + +RUN python3 -c 'import tensorflow as tf; print(f"{tf.__version__}")' > /tmp/.tensorflow_built + +RUN echo "--- Tensorflow Build: Environment variables set --- " > /tmp/tf_env.dump \ + && env | grep TF_ | grep -v CTPO_ | sort >> /tmp/tf_env.dump + +##### FFMPEG + +ENV CTPO_FFMPEG_VERSION=7.1 +ENV CTPO_FFMPEG_NONFREE="" +RUN mkdir -p /usr/local/src/builder \ + && cd /usr/local/src \ + && wget -q https://ffmpeg.org/releases/ffmpeg-${CTPO_FFMPEG_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder \ + && cd /usr/local/src/builder \ + && time ./configure --enable-shared --disable-static --enable-gpl --enable-libv4l2 --enable-libvorbis --enable-libvpx --enable-libwebp --enable-libxvid --enable-libopus --enable-pic --enable-libass --enable-libx264 --enable-libx265 | tee /tmp/ffmpeg_config.txt \ + && make -j${CTPO_NUMPROC} install \ + && ldconfig \ + && rm -rf /usr/local/src/builder + +RUN echo "${CTPO_FFMPEG_VERSION}" > /tmp/.ffmpeg_built + +#### OpenCV + +# Download & Build OpenCV in same RUN +## FYI: We are removing the OpenCV source and build directory in /usr/local/src to attempt to save additional disk space +# Comment the last line if you want to rerun cmake with additional/modified options. For example: +# cd /usr/local/src/opencv/build +# cmake -DOPENCV_ENABLE_NONFREE=ON -DBUILD_EXAMPLES=ON -DBUILD_DOCS=ON -DBUILD_TESTS=ON -DBUILD_PERF_TESTS=ON .. && make install +ENV CTPO_OPENCV_VERSION=4.10.0 +ENV CTPO_OPENCV_CUDA="" +ENV CTPO_OPENCV_NONFREE="" +RUN mkdir -p /usr/local/src/opencv/build /usr/local/src/opencv_contrib \ + && cd /usr/local/src \ + && wget -q https://github.com/opencv/opencv/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv \ + && wget -q https://github.com/opencv/opencv_contrib/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv_contrib \ + && cd /usr/local/src/opencv/build \ + && time cmake \ + -DBUILD_DOCS=0 \ + -DBUILD_EXAMPLES=0 \ + -DBUILD_PERF_TESTS=0 \ + -DBUILD_TESTS=0 \ + -DBUILD_opencv_python2=0 \ + -DBUILD_opencv_python3=1 \ + -DCMAKE_BUILD_TYPE=Release \ + -DCMAKE_INSTALL_PREFIX=$(python3 -c "import sys; print(sys.prefix)") \ + -DOPENCV_PYTHON3_INSTALL_PATH=$(python3 -c "from distutils.sysconfig import get_python_lib; print(get_python_lib())") \ + -DPYTHON_EXECUTABLE=$(which python3) \ + -DCMAKE_INSTALL_TYPE=Release \ + -DENABLE_FAST_MATH=1 \ + -DFORCE_VTK=1 \ + -DINSTALL_C_EXAMPLES=0 \ + -DINSTALL_PYTHON_EXAMPLES=0 \ + -DOPENCV_EXTRA_MODULES_PATH=/usr/local/src/opencv_contrib/modules \ + -DOPENCV_GENERATE_PKGCONFIG=1 \ + -DOPENCV_PC_FILE_NAME=opencv.pc \ + -DWITH_CSTRIPES=1 \ + -DWITH_EIGEN=1 \ + -DWITH_GDAL=1 \ + -DWITH_GSTREAMER=1 \ + -DWITH_GSTREAMER_0_10=OFF \ + -DWITH_GTK=1 \ + -DWITH_IPP=1 \ + -DWITH_OPENCL=1 \ + -DWITH_OPENMP=1 \ + -DWITH_TBB=1 \ + -DWITH_V4L=1 \ + -DWITH_WEBP=1 \ + -DWITH_XINE=1 \ + ${CTPO_OPENCV_CUDA} \ + ${CTPO_OPENCV_NONFREE} \ + -GNinja \ + .. \ + && time ninja install \ + && ldconfig \ + && rm -rf /usr/local/src/opencv /usr/local/src/opencv_contrib + +RUN python3 -c 'import cv2; print(f"{cv2.__version__}")' > /tmp/.opencv_built + +# No Magma (PyTorch GPU only) + +##### Torch (using FFMpeg + OpenCV) + +ENV CTPO_TORCH=2.5.1 +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCH} https://github.com/pytorch/pytorch.git \ + && cd /usr/local/src/pytorch \ + && pip3 install -r requirements.txt \ + && time env PYTORCH_BUILD_VERSION=${CTPO_TORCH} PYTORCH_BUILD_NUMBER=0 USE_CUDA=0 USE_CUDNN=0 USE_MKLDNN=1 USE_FFMPEG=1 USE_OPENCV=1 python3 ./setup.py bdist_wheel | tee /tmp/torch_config.txt \ + && time pip3 install /usr/local/src/pytorch/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torch_config.txt \ + && sh -c "cmp --silent torch_config.txt torch_config.txt.bak && exit 1 || rm torch_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/pytorch + +RUN python3 -c 'import torch; print(f"{torch.__version__}")' > /tmp/.torch_built + +ENV CTPO_TORCHVISION=0.20.0 +# setup.py options from https://github.com/pytorch/vision/blob/main/setup.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHVISION} https://github.com/pytorch/vision.git \ + && cd /usr/local/src/vision \ + && time env BUILD_VERSION=${CTPO_TORCHVISION} FORCE_CUDA=0 TORCHVISION_USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchvision_config.txt \ + && time pip3 install /usr/local/src/vision/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^running bdist_wheel%' torchvision_config.txt \ + && sh -c "cmp --silent torchvision_config.txt torchvision_config.txt.bak && exit 1 || rm torchvision_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/vision + +RUN python3 -c 'import torchvision; print(f"{torchvision.__version__}")' > /tmp/.torchvision_built + +ENV CTPO_TORCHAUDIO=2.5.0 +# setup.py options from https://github.com/pytorch/audio/blob/main/tools/setup_helpers/extension.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHAUDIO} https://github.com/pytorch/audio.git \ + && cd /usr/local/src/audio \ + && time env BUILD_VERSION=${CTPO_TORCHAUDIO} USE_CUDA=0 USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchaudio_config.txt \ + && time pip3 install /usr/local/src/audio/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torchaudio_config.txt \ + && sh -c "cmp --silent torchaudio_config.txt torchaudio_config.txt.bak && exit 1 || rm torchaudio_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/audio + +RUN python3 -c 'import torchaudio; print(f"{torchaudio.__version__}")' > /tmp/.torchaudio_built + +ENV CTPO_TORCHDATA=0.9.0 +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHDATA} https://github.com/pytorch/data.git \ + && cd /usr/local/src/data \ + && BUILD_VERSION=${CTPO_TORCHDATA} pip3 install . | tee /tmp/torchdata_config.txt \ + && rm -rf /root/.cache/pip /usr/local/src/data + +RUN python3 -c 'import torchdata; print(f"{torchdata.__version__}")' > /tmp/.torchdata_built + +##### Final steps + +# Add Jupyter lab & venv requirements +RUN apt-get install -y python3-venv \ + && pip3 install -U jupyterlab +# https://jupyterlab.readthedocs.io/en/stable/getting_started/changelog.html +# with v4 extensions are installed using the extension manager, see https://jupyterlab.readthedocs.io/en/stable/user/extensions.html#id11 + +RUN touch /.within_container +COPY withincontainer_checker.sh /tmp/withincontainer_checker.sh +RUN chmod +x /tmp/withincontainer_checker.sh \ + && /tmp/withincontainer_checker.sh + +# Setting up working directory +RUN mkdir /iti +WORKDIR /iti + +# Uncomment as needed +#ENV NVIDIA_VISIBLE_DEVICES all +#ENV NVIDIA_DRIVER_CAPABILITIES video,compute,utility + +CMD ["/bin/bash"] \ No newline at end of file diff --git a/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/FFmpeg--Details.txt b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/FFmpeg--Details.txt new file mode 100644 index 0000000..c264fc3 --- /dev/null +++ b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/FFmpeg--Details.txt @@ -0,0 +1,717 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="tensorflow_pytorch_opencv:2.18.0_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** FFmpeg configuration: +install prefix /usr/local +source path . +C compiler gcc +C library glibc +ARCH x86 (generic) +big-endian no +runtime cpu detection yes +standalone assembly yes +x86 assembler yasm +MMX enabled yes +MMXEXT enabled yes +3DNow! enabled yes +3DNow! extended enabled yes +SSE enabled yes +SSSE3 enabled yes +AESNI enabled yes +AVX enabled yes +AVX2 enabled yes +AVX-512 enabled yes +AVX-512ICL enabled yes +XOP enabled yes +FMA3 enabled yes +FMA4 enabled yes +i686 features enabled yes +CMOV is fast yes +EBX available yes +EBP available yes +debug symbols yes +strip symbols yes +optimize for size no +optimizations yes +static no +shared yes +postprocessing support yes +network support yes +threading support pthreads +safe bitstream reader yes +texi2html enabled no +perl enabled yes +pod2man enabled yes +makeinfo enabled no +makeinfo supports HTML no +xmllint enabled yes + +External libraries: +bzlib libvorbis libxcb +iconv libvpx libxcb_shm +libass libwebp libxvid +libopus libx264 lzma +libv4l2 libx265 zlib + +External libraries providing hardware acceleration: +libdrm v4l2_m2m + +Libraries: +avcodec avformat swresample +avdevice avutil swscale +avfilter postproc + +Programs: +ffmpeg ffprobe + +Enabled decoders: +aac flv pgssub +aac_fixed fmvc pgx +aac_latm fourxm phm +aasc fraps photocd +ac3 frwu pictor +ac3_fixed ftr pixlet +acelp_kelvin g2m pjs +adpcm_4xm g723_1 png +adpcm_adx g729 ppm +adpcm_afc gdv prores +adpcm_agm gem prosumer +adpcm_aica gif psd +adpcm_argo gremlin_dpcm ptx +adpcm_ct gsm qcelp +adpcm_dtk gsm_ms qdm2 +adpcm_ea h261 qdmc +adpcm_ea_maxis_xa h263 qdraw +adpcm_ea_r1 h263_v4l2m2m qoa +adpcm_ea_r2 h263i qoi +adpcm_ea_r3 h263p qpeg +adpcm_ea_xas h264 qtrle +adpcm_g722 h264_v4l2m2m r10k +adpcm_g726 hap r210 +adpcm_g726le hca ra_144 +adpcm_ima_acorn hcom ra_288 +adpcm_ima_alp hdr ralf +adpcm_ima_amv hevc rasc +adpcm_ima_apc hevc_v4l2m2m rawvideo +adpcm_ima_apm hnm4_video realtext +adpcm_ima_cunning hq_hqa rka +adpcm_ima_dat4 hqx rl2 +adpcm_ima_dk3 huffyuv roq +adpcm_ima_dk4 hymt roq_dpcm +adpcm_ima_ea_eacs iac rpza +adpcm_ima_ea_sead idcin rscc +adpcm_ima_iss idf rtv1 +adpcm_ima_moflex iff_ilbm rv10 +adpcm_ima_mtf ilbc rv20 +adpcm_ima_oki imc rv30 +adpcm_ima_qt imm4 rv40 +adpcm_ima_rad imm5 s302m +adpcm_ima_smjpeg indeo2 sami +adpcm_ima_ssi indeo3 sanm +adpcm_ima_wav indeo4 sbc +adpcm_ima_ws indeo5 scpr +adpcm_ms interplay_acm screenpresso +adpcm_mtaf interplay_dpcm sdx2_dpcm +adpcm_psx interplay_video sga +adpcm_sbpro_2 ipu sgi +adpcm_sbpro_3 jacosub sgirle +adpcm_sbpro_4 jpeg2000 sheervideo +adpcm_swf jpegls shorten +adpcm_thp jv simbiosis_imx +adpcm_thp_le kgv1 sipr +adpcm_vima kmvc siren +adpcm_xa lagarith smackaud +adpcm_xmd lead smacker +adpcm_yamaha libopus smc +adpcm_zork libvorbis smvjpeg +agm libvpx_vp8 snow +aic libvpx_vp9 sol_dpcm +alac loco sonic +alias_pix lscr sp5x +als m101 speedhq +amrnb mace3 speex +amrwb mace6 srgc +amv magicyuv srt +anm mdec ssa +ansi media100 stl +anull metasound subrip +apac microdvd subviewer +ape mimic subviewer1 +apng misc4 sunrast +aptx mjpeg svq1 +aptx_hd mjpegb svq3 +arbc mlp tak +argo mmvideo targa +ass mobiclip targa_y216 +asv1 motionpixels tdsc +asv2 movtext text +atrac1 mp1 theora +atrac3 mp1float thp +atrac3al mp2 tiertexseqvideo +atrac3p mp2float tiff +atrac3pal mp3 tmv +atrac9 mp3adu truehd +aura mp3adufloat truemotion1 +aura2 mp3float truemotion2 +av1 mp3on4 truemotion2rt +avrn mp3on4float truespeech +avrp mpc7 tscc +avs mpc8 tscc2 +avui mpeg1_v4l2m2m tta +bethsoftvid mpeg1video twinvq +bfi mpeg2_v4l2m2m txd +bink mpeg2video ulti +binkaudio_dct mpeg4 utvideo +binkaudio_rdft mpeg4_v4l2m2m v210 +bintext mpegvideo v210x +bitpacked mpl2 v308 +bmp msa1 v408 +bmv_audio mscc v410 +bmv_video msmpeg4v1 vb +bonk msmpeg4v2 vble +brender_pix msmpeg4v3 vbn +c93 msnsiren vc1 +cavs msp2 vc1_v4l2m2m +cbd2_dpcm msrle vc1image +ccaption mss1 vcr1 +cdgraphics mss2 vmdaudio +cdtoons msvideo1 vmdvideo +cdxl mszh vmix +cfhd mts2 vmnc +cinepak mv30 vnull +clearvideo mvc1 vorbis +cljr mvc2 vp3 +cllc mvdv vp4 +comfortnoise mvha vp5 +cook mwsc vp6 +cpia mxpeg vp6a +cri nellymoser vp6f +cscd notchlc vp7 +cyuv nuv vp8 +dca on2avc vp8_v4l2m2m +dds opus vp9 +derf_dpcm osq vp9_v4l2m2m +dfa paf_audio vplayer +dfpwm paf_video vqa +dirac pam vqc +dnxhd pbm vvc +dolby_e pcm_alaw wady_dpcm +dpx pcm_bluray wavarc +dsd_lsbf pcm_dvd wavpack +dsd_lsbf_planar pcm_f16le wbmp +dsd_msbf pcm_f24le wcmv +dsd_msbf_planar pcm_f32be webp +dsicinaudio pcm_f32le webvtt +dsicinvideo pcm_f64be wmalossless +dss_sp pcm_f64le wmapro +dst pcm_lxf wmav1 +dvaudio pcm_mulaw wmav2 +dvbsub pcm_s16be wmavoice +dvdsub pcm_s16be_planar wmv1 +dvvideo pcm_s16le wmv2 +dxa pcm_s16le_planar wmv3 +dxtory pcm_s24be wmv3image +dxv pcm_s24daud wnv1 +eac3 pcm_s24le wrapped_avframe +eacmv pcm_s24le_planar ws_snd1 +eamad pcm_s32be xan_dpcm +eatgq pcm_s32le xan_wc3 +eatgv pcm_s32le_planar xan_wc4 +eatqi pcm_s64be xbin +eightbps pcm_s64le xbm +eightsvx_exp pcm_s8 xface +eightsvx_fib pcm_s8_planar xl +escape124 pcm_sga xma1 +escape130 pcm_u16be xma2 +evrc pcm_u16le xpm +exr pcm_u24be xsub +fastaudio pcm_u24le xwd +ffv1 pcm_u32be y41p +ffvhuff pcm_u32le ylc +ffwavesynth pcm_u8 yop +fic pcm_vidc yuv4 +fits pcx zero12v +flac pdv zerocodec +flashsv pfm zlib +flashsv2 pgm zmbv +flic pgmyuv + +Enabled encoders: +a64multi jpeg2000 pgmyuv +a64multi5 jpegls phm +aac libopus png +ac3 libvorbis ppm +ac3_fixed libvpx_vp8 prores +adpcm_adx libvpx_vp9 prores_aw +adpcm_argo libwebp prores_ks +adpcm_g722 libwebp_anim qoi +adpcm_g726 libx264 qtrle +adpcm_g726le libx264rgb r10k +adpcm_ima_alp libx265 r210 +adpcm_ima_amv libxvid ra_144 +adpcm_ima_apm ljpeg rawvideo +adpcm_ima_qt magicyuv roq +adpcm_ima_ssi mjpeg roq_dpcm +adpcm_ima_wav mlp rpza +adpcm_ima_ws movtext rv10 +adpcm_ms mp2 rv20 +adpcm_swf mp2fixed s302m +adpcm_yamaha mpeg1video sbc +alac mpeg2video sgi +alias_pix mpeg4 smc +amv mpeg4_v4l2m2m snow +anull msmpeg4v2 sonic +apng msmpeg4v3 sonic_ls +aptx msrle speedhq +aptx_hd msvideo1 srt +ass nellymoser ssa +asv1 opus subrip +asv2 pam sunrast +avrp pbm svq1 +avui pcm_alaw targa +bitpacked pcm_bluray text +bmp pcm_dvd tiff +cfhd pcm_f32be truehd +cinepak pcm_f32le tta +cljr pcm_f64be ttml +comfortnoise pcm_f64le utvideo +dca pcm_mulaw v210 +dfpwm pcm_s16be v308 +dnxhd pcm_s16be_planar v408 +dpx pcm_s16le v410 +dvbsub pcm_s16le_planar vbn +dvdsub pcm_s24be vc2 +dvvideo pcm_s24daud vnull +dxv pcm_s24le vorbis +eac3 pcm_s24le_planar vp8_v4l2m2m +exr pcm_s32be wavpack +ffv1 pcm_s32le wbmp +ffvhuff pcm_s32le_planar webvtt +fits pcm_s64be wmav1 +flac pcm_s64le wmav2 +flashsv pcm_s8 wmv1 +flashsv2 pcm_s8_planar wmv2 +flv pcm_u16be wrapped_avframe +g723_1 pcm_u16le xbm +gif pcm_u24be xface +h261 pcm_u24le xsub +h263 pcm_u32be xwd +h263_v4l2m2m pcm_u32le y41p +h263p pcm_u8 yuv4 +h264_v4l2m2m pcm_vidc zlib +hdr pcx zmbv +hevc_v4l2m2m pfm +huffyuv pgm + +Enabled hwaccels: + +Enabled parsers: +aac dvdsub mpegaudio +aac_latm evc mpegvideo +ac3 flac opus +adx ftr png +amr g723_1 pnm +av1 g729 qoi +avs2 gif rv34 +avs3 gsm sbc +bmp h261 sipr +cavsvideo h263 tak +cook h264 vc1 +cri hdr vorbis +dca hevc vp3 +dirac ipu vp8 +dnxhd jpeg2000 vp9 +dolby_e jpegxl vvc +dpx misc4 webp +dvaudio mjpeg xbm +dvbsub mlp xma +dvd_nav mpeg4video xwd + +Enabled demuxers: +aa idf pcm_s16be +aac iff pcm_s16le +aax ifv pcm_s24be +ac3 ilbc pcm_s24le +ac4 image2 pcm_s32be +ace image2_alias_pix pcm_s32le +acm image2_brender_pix pcm_s8 +act image2pipe pcm_u16be +adf image_bmp_pipe pcm_u16le +adp image_cri_pipe pcm_u24be +ads image_dds_pipe pcm_u24le +adx image_dpx_pipe pcm_u32be +aea image_exr_pipe pcm_u32le +afc image_gem_pipe pcm_u8 +aiff image_gif_pipe pcm_vidc +aix image_hdr_pipe pdv +alp image_j2k_pipe pjs +amr image_jpeg_pipe pmp +amrnb image_jpegls_pipe pp_bnk +amrwb image_jpegxl_pipe pva +anm image_pam_pipe pvf +apac image_pbm_pipe qcp +apc image_pcx_pipe qoa +ape image_pfm_pipe r3d +apm image_pgm_pipe rawvideo +apng image_pgmyuv_pipe rcwt +aptx image_pgx_pipe realtext +aptx_hd image_phm_pipe redspark +aqtitle image_photocd_pipe rka +argo_asf image_pictor_pipe rl2 +argo_brp image_png_pipe rm +argo_cvg image_ppm_pipe roq +asf image_psd_pipe rpl +asf_o image_qdraw_pipe rsd +ass image_qoi_pipe rso +ast image_sgi_pipe rtp +au image_sunrast_pipe rtsp +av1 image_svg_pipe s337m +avi image_tiff_pipe sami +avr image_vbn_pipe sap +avs image_webp_pipe sbc +avs2 image_xbm_pipe sbg +avs3 image_xpm_pipe scc +bethsoftvid image_xwd_pipe scd +bfi ingenient sdns +bfstm ipmovie sdp +bink ipu sdr2 +binka ircam sds +bintext iss sdx +bit iv8 segafilm +bitpacked ivf ser +bmv ivr sga +boa jacosub shorten +bonk jpegxl_anim siff +brstm jv simbiosis_imx +c93 kux sln +caf kvag smacker +cavsvideo laf smjpeg +cdg lc3 smush +cdxl live_flv sol +cine lmlm4 sox +codec2 loas spdif +codec2raw lrc srt +concat luodat stl +data lvf str +daud lxf subviewer +dcstr m4v subviewer1 +derf matroska sup +dfa mca svag +dfpwm mcc svs +dhav mgsts swf +dirac microdvd tak +dnxhd mjpeg tedcaptions +dsf mjpeg_2000 thp +dsicin mlp threedostr +dss mlv tiertexseq +dts mm tmv +dtshd mmf truehd +dv mods tta +dvbsub moflex tty +dvbtxt mov txd +dxa mp3 ty +ea mpc usm +ea_cdata mpc8 v210 +eac3 mpegps v210x +epaf mpegts vag +evc mpegtsraw vc1 +ffmetadata mpegvideo vc1t +filmstrip mpjpeg vividas +fits mpl2 vivo +flac mpsub vmd +flic msf vobsub +flv msnwc_tcp voc +fourxm msp vpk +frm mtaf vplayer +fsb mtv vqf +fwse musx vvc +g722 mv w64 +g723_1 mvi wady +g726 mxf wav +g726le mxg wavarc +g729 nc wc3 +gdv nistsphere webm_dash_manifest +genh nsp webvtt +gif nsv wsaud +gsm nut wsd +gxf nuv wsvqa +h261 obu wtv +h263 ogg wv +h264 oma wve +hca osq xa +hcom paf xbin +hevc pcm_alaw xmd +hls pcm_f32be xmv +hnm pcm_f32le xvag +iamf pcm_f64be xwma +ico pcm_f64le yop +idcin pcm_mulaw yuv4mpegpipe + +Enabled muxers: +a64 h263 pcm_s16le +ac3 h264 pcm_s24be +ac4 hash pcm_s24le +adts hds pcm_s32be +adx hevc pcm_s32le +aea hls pcm_s8 +aiff iamf pcm_u16be +alp ico pcm_u16le +amr ilbc pcm_u24be +amv image2 pcm_u24le +apm image2pipe pcm_u32be +apng ipod pcm_u32le +aptx ircam pcm_u8 +aptx_hd ismv pcm_vidc +argo_asf ivf psp +argo_cvg jacosub rawvideo +asf kvag rcwt +asf_stream latm rm +ass lc3 roq +ast lrc rso +au m4v rtp +avi matroska rtp_mpegts +avif matroska_audio rtsp +avm2 md5 sap +avs2 microdvd sbc +avs3 mjpeg scc +bit mkvtimestamp_v2 segafilm +caf mlp segment +cavsvideo mmf smjpeg +codec2 mov smoothstreaming +codec2raw mp2 sox +crc mp3 spdif +dash mp4 spx +data mpeg1system srt +daud mpeg1vcd stream_segment +dfpwm mpeg1video streamhash +dirac mpeg2dvd sup +dnxhd mpeg2svcd swf +dts mpeg2video tee +dv mpeg2vob tg2 +eac3 mpegts tgp +evc mpjpeg truehd +f4v mxf tta +ffmetadata mxf_d10 ttml +fifo mxf_opatom uncodedframecrc +filmstrip null vc1 +fits nut vc1t +flac obu voc +flv oga vvc +framecrc ogg w64 +framehash ogv wav +framemd5 oma webm +g722 opus webm_chunk +g723_1 pcm_alaw webm_dash_manifest +g726 pcm_f32be webp +g726le pcm_f32le webvtt +gif pcm_f64be wsaud +gsm pcm_f64le wtv +gxf pcm_mulaw wv +h261 pcm_s16be yuv4mpegpipe + +Enabled protocols: +async gopher rtmp +cache hls rtmpt +concat http rtp +concatf httpproxy srtp +crypto icecast subfile +data md5 tcp +fd mmsh tee +ffrtmphttp mmst udp +file pipe udplite +ftp prompeg unix + +Enabled filters: +a3dscope corr overlay +aap cover_rect owdenoise +abench crop pad +abitscope cropdetect pal100bars +acompressor crossfeed pal75bars +acontrast crystalizer palettegen +acopy cue paletteuse +acrossfade curves pan +acrossover datascope perlin +acrusher dblur perms +acue dcshift perspective +addroi dctdnoiz phase +adeclick deband photosensitivity +adeclip deblock pixdesctest +adecorrelate decimate pixelize +adelay deconvolve pixscope +adenorm dedot pp +aderivative deesser pp7 +adrawgraph deflate premultiply +adrc deflicker prewitt +adynamicequalizer dejudder pseudocolor +adynamicsmooth delogo psnr +aecho deshake pullup +aemphasis despill qp +aeval detelecine random +aevalsrc dialoguenhance readeia608 +aexciter dilation readvitc +afade displace realtime +afdelaysrc doubleweave remap +afftdn drawbox removegrain +afftfilt drawgraph removelogo +afir drawgrid repeatfields +afireqsrc drmeter replaygain +afirsrc dynaudnorm reverse +aformat earwax rgbashift +afreqshift ebur128 rgbtestsrc +afwtdn edgedetect roberts +agate elbg rotate +agraphmonitor entropy sab +ahistogram epx scale +aiir eq scale2ref +aintegral equalizer scdet +ainterleave erosion scharr +alatency estdif scroll +alimiter exposure segment +allpass extractplanes select +allrgb extrastereo selectivecolor +allyuv fade sendcmd +aloop feedback separatefields +alphaextract fftdnoiz setdar +alphamerge fftfilt setfield +amerge field setparams +ametadata fieldhint setpts +amix fieldmatch setrange +amovie fieldorder setsar +amplify fillborders settb +amultiply find_rect shear +anequalizer firequalizer showcqt +anlmdn flanger showcwt +anlmf floodfill showfreqs +anlms format showinfo +anoisesrc fps showpalette +anull framepack showspatial +anullsink framerate showspectrum +anullsrc framestep showspectrumpic +apad freezedetect showvolume +aperms freezeframes showwaves +aphasemeter fspp showwavespic +aphaser fsync shuffleframes +aphaseshift gblur shufflepixels +apsnr geq shuffleplanes +apsyclip gradfun sidechaincompress +apulsator gradients sidechaingate +arealtime graphmonitor sidedata +aresample grayworld sierpinski +areverse greyedge signalstats +arls guided signature +arnndn haas silencedetect +asdr haldclut silenceremove +asegment haldclutsrc sinc +aselect hdcd sine +asendcmd headphone siti +asetnsamples hflip smartblur +asetpts highpass smptebars +asetrate highshelf smptehdbars +asettb hilbert sobel +ashowinfo histeq spectrumsynth +asidedata histogram speechnorm +asisdr hqdn3d split +asoftclip hqx spp +aspectralstats hstack ssim +asplit hsvhold ssim360 +ass hsvkey stereo3d +astats hue stereotools +astreamselect huesaturation stereowiden +asubboost hwdownload streamselect +asubcut hwmap subtitles +asupercut hwupload super2xsai +asuperpass hysteresis superequalizer +asuperstop identity surround +atadenoise idet swaprect +atempo il swapuv +atilt inflate tblend +atrim interlace telecine +avectorscope interleave testsrc +avgblur join testsrc2 +avsynctest kerndeint thistogram +axcorrelate kirsch threshold +backgroundkey lagfun thumbnail +bandpass latency tile +bandreject lenscorrection tiltandshift +bass life tiltshelf +bbox limitdiff tinterlace +bench limiter tlut2 +bilateral loop tmedian +biquad loudnorm tmidequalizer +bitplanenoise lowpass tmix +blackdetect lowshelf tonemap +blackframe lumakey tpad +blend lut transpose +blockdetect lut1d treble +blurdetect lut2 tremolo +bm3d lut3d trim +boxblur lutrgb unpremultiply +bwdif lutyuv unsharp +cas mandelbrot untile +ccrepack maskedclamp uspp +cellauto maskedmax v360 +channelmap maskedmerge vaguedenoiser +channelsplit maskedmin varblur +chorus maskedthreshold vectorscope +chromahold maskfun vflip +chromakey mcdeint vfrdet +chromanr mcompand vibrance +chromashift median vibrato +ciescope mergeplanes vif +codecview mestimate vignette +color metadata virtualbass +colorbalance midequalizer vmafmotion +colorchannelmixer minterpolate volume +colorchart mix volumedetect +colorcontrast monochrome vstack +colorcorrect morpho w3fdif +colorhold movie waveform +colorize mpdecimate weave +colorkey mptestsrc xbr +colorlevels msad xcorrelate +colormap multiply xfade +colormatrix negate xmedian +colorspace nlmeans xpsnr +colorspectrum nnedi xstack +colortemperature noformat yadif +compand noise yaepblur +compensationdelay normalize yuvtestsrc +concat null zoneplate +convolution nullsink zoompan +convolve nullsrc +copy oscilloscope + +Enabled bsfs: +aac_adtstoasc h264_mp4toannexb pcm_rechunk +av1_frame_merge h264_redundant_pps pgs_frame_merge +av1_frame_split hapqa_extract prores_metadata +av1_metadata hevc_metadata remove_extradata +chomp hevc_mp4toannexb setts +dca_core imx_dump_header showinfo +dovi_rpu media100_to_mjpegb text2movsub +dts2pts mjpeg2jpeg trace_headers +dump_extradata mjpega_dump_header truehd_core +dv_error_marker mov2textsub vp9_metadata +eac3_core mpeg2_metadata vp9_raw_reorder +evc_frame_merge mpeg4_unpack_bframes vp9_superframe +extract_extradata noise vp9_superframe_split +filter_units null vvc_metadata +h264_metadata opus_metadata vvc_mp4toannexb + +Enabled indevs: +fbdev lavfi v4l2 +kmsgrab oss xcbgrab + +Enabled outdevs: +fbdev oss v4l2 + +License: GPL version 2 or later diff --git a/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/OpenCV--Details.txt b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/OpenCV--Details.txt new file mode 100644 index 0000000..4217ad3 --- /dev/null +++ b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/OpenCV--Details.txt @@ -0,0 +1,140 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="tensorflow_pytorch_opencv:2.18.0_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** OpenCV configuration: +-- Confirming OpenCV Python is installed. Version: 4.10.0 + + +General configuration for OpenCV 4.10.0 ===================================== + Version control: unknown + + Extra modules: + Location (extra): /usr/local/src/opencv_contrib/modules + Version control (extra): unknown + + Platform: + Timestamp: 2024-12-19T02:07:18Z + Host: Linux 6.8.0-51-generic x86_64 + CMake: 3.31.2 + CMake generator: Ninja + CMake build tool: /usr/local/bin/ninja + Configuration: Release + + CPU/HW features: + Baseline: SSE SSE2 SSE3 + requested: SSE3 + Dispatched code generation: SSE4_1 SSE4_2 FP16 AVX AVX2 AVX512_SKX + requested: SSE4_1 SSE4_2 AVX FP16 AVX2 AVX512_SKX + SSE4_1 (16 files): + SSSE3 SSE4_1 + SSE4_2 (1 files): + SSSE3 SSE4_1 POPCNT SSE4_2 + FP16 (0 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 AVX + AVX (8 files): + SSSE3 SSE4_1 POPCNT SSE4_2 AVX + AVX2 (36 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2 + AVX512_SKX (5 files): + SSSE3 SSE4_1 POPCNT SSE4_2 FP16 FMA3 AVX AVX2 AVX_512F AVX512_COMMON AVX512_SKX + + C/C++: + Built as dynamic libs?: YES + C++ standard: 11 + C++ Compiler: /usr/bin/c++ (ver 13.3.0) + C++ flags (Release): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Wnon-virtual-dtor -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Wsuggest-override -Wno-delete-non-virtual-dtor -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -fopenmp -O3 -DNDEBUG -DNDEBUG + C++ flags (Debug): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Wnon-virtual-dtor -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wundef -Winit-self -Wpointer-arith -Wshadow -Wsign-promo -Wuninitialized -Wsuggest-override -Wno-delete-non-virtual-dtor -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fvisibility-inlines-hidden -fopenmp -g -O0 -DDEBUG -D_DEBUG + C Compiler: /usr/bin/cc + C flags (Release): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fopenmp -O3 -DNDEBUG -DNDEBUG + C flags (Debug): -fsigned-char -ffast-math -fno-finite-math-only -W -Wall -Wreturn-type -Waddress -Wsequence-point -Wformat -Wformat-security -Wmissing-declarations -Wmissing-prototypes -Wstrict-prototypes -Wundef -Winit-self -Wpointer-arith -Wshadow -Wuninitialized -Wno-comment -Wimplicit-fallthrough=3 -Wno-strict-overflow -fdiagnostics-show-option -Wno-long-long -pthread -fomit-frame-pointer -ffunction-sections -fdata-sections -msse -msse2 -msse3 -fvisibility=hidden -fopenmp -g -O0 -DDEBUG -D_DEBUG + Linker flags (Release): -Wl,--exclude-libs,libippicv.a -Wl,--exclude-libs,libippiw.a -Wl,--gc-sections -Wl,--as-needed -Wl,--no-undefined + Linker flags (Debug): -Wl,--exclude-libs,libippicv.a -Wl,--exclude-libs,libippiw.a -Wl,--gc-sections -Wl,--as-needed -Wl,--no-undefined + ccache: NO + Precompiled headers: NO + Extra dependencies: dl m pthread rt + 3rdparty dependencies: + + OpenCV modules: + To be built: alphamat aruco bgsegm bioinspired calib3d ccalib core datasets dnn dnn_objdetect dnn_superres dpm face features2d flann freetype fuzzy gapi hdf hfs highgui img_hash imgcodecs imgproc intensity_transform line_descriptor mcc ml objdetect optflow phase_unwrapping photo plot python3 quality rapid reg rgbd saliency sfm shape signal stereo stitching structured_light superres surface_matching text tracking video videoio videostab wechat_qrcode xfeatures2d ximgproc xobjdetect xphoto + Disabled: world + Disabled by dependency: - + Unavailable: cannops cudaarithm cudabgsegm cudacodec cudafeatures2d cudafilters cudaimgproc cudalegacy cudaobjdetect cudaoptflow cudastereo cudawarping cudev cvv java julia matlab ovis python2 ts viz + Applications: apps + Documentation: NO + Non-free algorithms: NO + + GUI: GTK3 + GTK+: YES (ver 3.24.41) + GThread : YES (ver 2.80.0) + GtkGlExt: NO + VTK support: NO + + Media I/O: + ZLib: /usr/lib/x86_64-linux-gnu/libz.so (ver 1.3) + JPEG: /usr/lib/x86_64-linux-gnu/libjpeg.so (ver 80) + WEBP: /usr/lib/x86_64-linux-gnu/libwebp.so (ver encoder: 0x020f) + PNG: /usr/lib/x86_64-linux-gnu/libpng.so (ver 1.6.43) + TIFF: /usr/lib/x86_64-linux-gnu/libtiff.so (ver 42 / 4.5.1) + JPEG 2000: OpenJPEG (ver 2.5.0) + OpenEXR: build (ver 2.3.0) + GDAL: NO + HDR: YES + SUNRASTER: YES + PXM: YES + PFM: YES + + Video I/O: + DC1394: YES (2.2.6) + FFMPEG: YES + avcodec: YES (61.19.100) + avformat: YES (61.7.100) + avutil: YES (59.39.100) + swscale: YES (8.3.100) + avresample: NO + GStreamer: YES (1.24.2) + v4l/v4l2: YES (linux/videodev2.h) + Xine: YES (ver 1.2.13) + + Parallel framework: TBB (ver 2022.0 interface 12140) + + Trace: YES (with Intel ITT) + + Other third-party libraries: + Intel IPP: 2021.11.0 [2021.11.0] + at: /usr/local/src/opencv/build/3rdparty/ippicv/ippicv_lnx/icv + Intel IPP IW: sources (2021.11.0) + at: /usr/local/src/opencv/build/3rdparty/ippicv/ippicv_lnx/iw + VA: NO + Lapack: YES (/usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a /usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a /usr/local/lib/libmkl_intel_lp64.a /usr/local/lib/libmkl_sequential.a /usr/local/lib/libmkl_core.a -lpthread -lm -ldl) + Eigen: YES (ver 3.4.0) + Custom HAL: NO + Protobuf: build (3.19.1) + Flatbuffers: builtin/3rdparty (23.5.9) + + OpenCL: YES (no extra features) + Include path: /usr/local/src/opencv/3rdparty/include/opencl/1.2 + Link libraries: Dynamic load + + Python 3: + Interpreter: /usr/bin/python3 (ver 3.12.3) + Libraries: /usr/lib/x86_64-linux-gnu/libpython3.12.so (ver 3.12.3) + Limited API: NO + numpy: /usr/local/lib/python3.12/dist-packages/numpy/_core/include (ver 2.0.2) + install path: /usr/lib/python3/dist-packages/cv2/python-3.12 + + Python (for build): /usr/bin/python3 + + Java: + ant: NO + Java: NO + JNI: NO + Java wrappers: NO + Java tests: NO + + Install to: /usr +----------------------------------------------------------------- + + diff --git a/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/PyTorch--Details.txt b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/PyTorch--Details.txt new file mode 100644 index 0000000..fc5852e --- /dev/null +++ b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/PyTorch--Details.txt @@ -0,0 +1,392 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="tensorflow_pytorch_opencv:2.18.0_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** PyTorch configuration: +-- The CXX compiler identification is GNU 13.3.0 +-- The C compiler identification is GNU 13.3.0 +-- Detecting CXX compiler ABI info +-- Detecting CXX compiler ABI info - done +-- Check for working CXX compiler: /usr/bin/c++ - skipped +-- Detecting CXX compile features +-- Detecting CXX compile features - done +-- Detecting C compiler ABI info +-- Detecting C compiler ABI info - done +-- Check for working C compiler: /usr/bin/cc - skipped +-- Detecting C compile features +-- Detecting C compile features - done +-- /usr/bin/c++ /usr/local/src/pytorch/torch/abi-check.cpp -o /usr/local/src/pytorch/build/abi-check +-- Determined _GLIBCXX_USE_CXX11_ABI=1 +-- Not forcing any particular BLAS to be found +-- Could not find ccache. Consider installing ccache to speed up compilation. +-- Performing Test C_HAS_AVX_1 +-- Performing Test C_HAS_AVX_1 - Failed +-- Performing Test C_HAS_AVX_2 +-- Performing Test C_HAS_AVX_2 - Success +-- Performing Test C_HAS_AVX2_1 +-- Performing Test C_HAS_AVX2_1 - Failed +-- Performing Test C_HAS_AVX2_2 +-- Performing Test C_HAS_AVX2_2 - Success +-- Performing Test C_HAS_AVX512_1 +-- Performing Test C_HAS_AVX512_1 - Failed +-- Performing Test C_HAS_AVX512_2 +-- Performing Test C_HAS_AVX512_2 - Success +-- Performing Test CXX_HAS_AVX_1 +-- Performing Test CXX_HAS_AVX_1 - Failed +-- Performing Test CXX_HAS_AVX_2 +-- Performing Test CXX_HAS_AVX_2 - Success +-- Performing Test CXX_HAS_AVX2_1 +-- Performing Test CXX_HAS_AVX2_1 - Failed +-- Performing Test CXX_HAS_AVX2_2 +-- Performing Test CXX_HAS_AVX2_2 - Success +-- Performing Test CXX_HAS_AVX512_1 +-- Performing Test CXX_HAS_AVX512_1 - Failed +-- Performing Test CXX_HAS_AVX512_2 +-- Performing Test CXX_HAS_AVX512_2 - Success +-- Current compiler supports avx2 extension. Will build perfkernels. +-- Performing Test CAFFE2_COMPILER_SUPPORTS_AVX512_EXTENSIONS +-- Performing Test CAFFE2_COMPILER_SUPPORTS_AVX512_EXTENSIONS - Success +-- Current compiler supports avx512f extension. Will build fbgemm. +-- Performing Test COMPILER_SUPPORTS_HIDDEN_VISIBILITY +-- Performing Test COMPILER_SUPPORTS_HIDDEN_VISIBILITY - Success +-- Performing Test COMPILER_SUPPORTS_HIDDEN_INLINE_VISIBILITY +-- Performing Test COMPILER_SUPPORTS_HIDDEN_INLINE_VISIBILITY - Success +-- Performing Test COMPILER_SUPPORTS_RDYNAMIC +-- Performing Test COMPILER_SUPPORTS_RDYNAMIC - Success +-- Building using own protobuf under third_party per request. +-- Use custom protobuf build. +-- +-- 3.13.0.0 +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD +-- Performing Test CMAKE_HAVE_LIBC_PTHREAD - Success +-- Found Threads: TRUE +-- Performing Test protobuf_HAVE_BUILTIN_ATOMICS +-- Performing Test protobuf_HAVE_BUILTIN_ATOMICS - Success +-- Caffe2 protobuf include directory: $$ +-- Trying to find preferred BLAS backend of choice: MKL +-- MKL_THREADING = OMP +-- Looking for sys/types.h +-- Looking for sys/types.h - found +-- Looking for stdint.h +-- Looking for stdint.h - found +-- Looking for stddef.h +-- Looking for stddef.h - found +-- Check size of void* +-- Check size of void* - done +-- MKL_THREADING = OMP +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- Looking for cblas_sgemm +-- Looking for cblas_sgemm - found +-- Looking for cblas_gemm_bf16bf16f32 +-- Looking for cblas_gemm_bf16bf16f32 - found +-- Looking for cblas_gemm_f16f16f32 +-- Looking for cblas_gemm_f16f16f32 - found +-- Check OMP with lib /usr/lib/gcc/x86_64-linux-gnu/13/libgomp.so and flags -fopenmp -v +-- MKL libraries: /usr/local/lib/libmkl_intel_lp64.a;/usr/local/lib/libmkl_gnu_thread.a;/usr/local/lib/libmkl_core.a;-fopenmp;/usr/lib/x86_64-linux-gnu/libpthread.a;/usr/lib/x86_64-linux-gnu/libm.so;/usr/lib/x86_64-linux-gnu/libdl.a +-- MKL include directory: /usr/local/include +-- MKL OpenMP type: GNU +-- MKL OpenMP library: -fopenmp +-- The ASM compiler identification is GNU +-- Found assembler: /usr/bin/cc +-- Brace yourself, we are building NNPACK +-- Performing Test NNPACK_ARCH_IS_X86_32 +-- Performing Test NNPACK_ARCH_IS_X86_32 - Failed +-- Found PythonInterp: /usr/local/bin/python (found version "3.12.3") +-- NNPACK backend is x86-64 +-- Downloading six (Python package) to /usr/local/src/pytorch/build/confu-srcs/six (define PYTHON_SIX_SOURCE_DIR to avoid it) + + +***** TorchVision configuration: +Torchvision build configuration: +FORCE_CUDA = False +FORCE_MPS = False +DEBUG = False +USE_PNG = True +USE_JPEG = True +USE_WEBP = True +USE_HEIC = False +USE_AVIF = False +USE_NVJPEG = True +NVCC_FLAGS = None +USE_CPU_VIDEO_DECODER = True +USE_GPU_VIDEO_DECODER = True +TORCHVISION_INCLUDE = [] +TORCHVISION_LIBRARY = [] +IS_ROCM = False +BUILD_CUDA_SOURCES = False +Building wheel torchvision-0.20.0 +Building _C extension +Building image extension +Building torchvision with PNG support +png_include_dir = '/usr/include/libpng16' +png_library_dir = 'libpng-config: --libdir option is disabled in Debian/Ubuntu' +Searching for jpeglib.h. Didn't find in TORCHVISION_INCLUDE. +Searching for jpeglib.h. Didn't find in BUILD_PREFIX. +Searching for jpeglib.h. Didn't find in CONDA_PREFIX. +Searching for jpeglib.h. Found in /usr/include. +Building torchvision with JPEG support +jpeg_include_dir = None +jpeg_library_dir = None +Searching for webp/decode.h. Didn't find in TORCHVISION_INCLUDE. +Searching for webp/decode.h. Didn't find in BUILD_PREFIX. +Searching for webp/decode.h. Didn't find in CONDA_PREFIX. +Searching for webp/decode.h. Found in /usr/include. +Building torchvision with WEBP support +webp_include_dir = None +webp_library_dir = None +Building video decoder extensions +Found ffmpeg: + ffmpeg include path: ['/usr/local/include', '/usr/local/include/x86_64-linux-gnu'] + ffmpeg library_dir: ['/usr/local/lib', '/usr/local/lib/x86_64-linux-gnu'] +Building with CPU video decoder support +Could not find necessary dependencies. Refer the setup.py to check which ones are needed. +Building without GPU video decoder support + + +***** TorchAudio configuration: +-- Git branch: HEAD +-- Git SHA: 56bc006d56a0d4960de6a1e0b6340cba4eda05cd +-- Git tag: v2.5.0 +-- PyTorch dependency: torch +-- Building version 2.5.0 +running bdist_wheel +running build +running build_py +creating build +creating build/lib.linux-x86_64-cpython-312 +creating build/lib.linux-x86_64-cpython-312/torio +copying src/torio/__init__.py -> build/lib.linux-x86_64-cpython-312/torio +creating build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/version.py -> build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio +copying src/torchaudio/kaldi_io.py -> build/lib.linux-x86_64-cpython-312/torchaudio +creating build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/_streaming_media_decoder.py -> build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/_streaming_media_encoder.py -> build/lib.linux-x86_64-cpython-312/torio/io +copying src/torio/io/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/io +creating build/lib.linux-x86_64-cpython-312/torio/_extension +copying src/torio/_extension/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/_extension +copying src/torio/_extension/utils.py -> build/lib.linux-x86_64-cpython-312/torio/_extension +creating build/lib.linux-x86_64-cpython-312/torio/utils +copying src/torio/utils/ffmpeg_utils.py -> build/lib.linux-x86_64-cpython-312/torio/utils +copying src/torio/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/utils +creating build/lib.linux-x86_64-cpython-312/torio/lib +copying src/torio/lib/__init__.py -> build/lib.linux-x86_64-cpython-312/torio/lib +creating build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/sox_io_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/_sox_io_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/_no_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/common.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/no_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +copying src/torchaudio/backend/soundfile_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/backend +creating build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/filtering.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/functional.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +copying src/torchaudio/functional/_alignment.py -> build/lib.linux-x86_64-cpython-312/torchaudio/functional +creating build/lib.linux-x86_64-cpython-312/torchaudio/compliance +copying src/torchaudio/compliance/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/compliance +copying src/torchaudio/compliance/kaldi.py -> build/lib.linux-x86_64-cpython-312/torchaudio/compliance +creating build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/speechcommands.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/musdb_hq.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/snips.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/fluentcommands.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librispeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librilight_limited.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/ljspeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/libritts.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/dr_vctk.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/tedlium.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/iemocap.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/vctk.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/yesno.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librispeech_biasing.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/librimix.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/cmudict.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/voxceleb1.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/commonvoice.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/gtzan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/quesst14.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +copying src/torchaudio/datasets/cmuarctic.py -> build/lib.linux-x86_64-cpython-312/torchaudio/datasets +creating build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/sox.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/ffmpeg.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/soundfile.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/common.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +copying src/torchaudio/_backend/soundfile_backend.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_backend +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype +copying src/torchaudio/prototype/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype +creating build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +copying src/torchaudio/sox_effects/sox_effects.py -> build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +copying src/torchaudio/sox_effects/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/sox_effects +creating build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/_effector.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +copying src/torchaudio/io/_playback.py -> build/lib.linux-x86_64-cpython-312/torchaudio/io +creating build/lib.linux-x86_64-cpython-312/torchaudio/_internal +copying src/torchaudio/_internal/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_internal +copying src/torchaudio/_internal/module_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_internal +creating build/lib.linux-x86_64-cpython-312/torchaudio/_extension +copying src/torchaudio/_extension/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_extension +copying src/torchaudio/_extension/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/_extension +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/_squim_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/rnnt_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/_source_separation_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +copying src/torchaudio/pipelines/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines +creating build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/_transforms.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/_multi_channel.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +copying src/torchaudio/transforms/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/transforms +creating build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/download.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/sox_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/ffmpeg_utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +copying src/torchaudio/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/utils +creating build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/conformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/conv_tasnet.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/_hdemucs.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/tacotron2.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/emformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/wavernn.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/deepspeech.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/rnnt_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/rnnt.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +copying src/torchaudio/models/wav2letter.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models +creating build/lib.linux-x86_64-cpython-312/torchaudio/lib +copying src/torchaudio/lib/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/lib +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/_dsp.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/_rir.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +copying src/torchaudio/prototype/functional/functional.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/functional +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +copying src/torchaudio/prototype/datasets/musan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +copying src/torchaudio/prototype/datasets/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/datasets +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/hifigan_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/rnnt_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +copying src/torchaudio/prototype/pipelines/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +copying src/torchaudio/prototype/transforms/_transforms.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +copying src/torchaudio/prototype/transforms/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/transforms +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/_emformer_hubert.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/conv_emformer.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/_conformer_wav2vec2.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/rnnt_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/hifi_gan.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +copying src/torchaudio/prototype/models/rnnt.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/models +creating build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/_vggish_impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/_vggish_pipeline.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +copying src/torchaudio/prototype/pipelines/_vggish/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/prototype/pipelines/_vggish +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +copying src/torchaudio/pipelines/_tts/interface.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_tts +creating build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/aligner.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/impl.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +copying src/torchaudio/pipelines/_wav2vec2/utils.py -> build/lib.linux-x86_64-cpython-312/torchaudio/pipelines/_wav2vec2 +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/subjective.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +copying src/torchaudio/models/squim/objective.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/squim +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/components.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/wavlm_attention.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +copying src/torchaudio/models/wav2vec2/model.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2 +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/_cuda_ctc_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +copying src/torchaudio/models/decoder/_ctc_decoder.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/decoder +creating build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/__init__.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/import_fairseq.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +copying src/torchaudio/models/wav2vec2/utils/import_huggingface.py -> build/lib.linux-x86_64-cpython-312/torchaudio/models/wav2vec2/utils +running build_ext +-- The C compiler identification is GNU 13.3.0 +-- The CXX compiler identification is GNU 13.3.0 +-- Detecting C compiler ABI info +-- Detecting C compiler ABI info - done +-- Check for working C compiler: /usr/bin/cc - skipped +-- Detecting C compile features +-- Detecting C compile features - done +-- Detecting CXX compiler ABI info +-- Detecting CXX compiler ABI info - done +-- Check for working CXX compiler: /usr/bin/c++ - skipped +-- Detecting CXX compile features +-- Detecting CXX compile features - done +-- Found Torch: /usr/local/lib/python3.12/dist-packages/torch/lib/libtorch.so +-- Found OpenMP_C: -fopenmp (found version "4.5") +-- Found OpenMP_CXX: -fopenmp (found version "4.5") +-- Found OpenMP: TRUE (found version "4.5") +-- Could not find ccache. Consider installing ccache to speed up compilation. +-- Building FFmpeg integration with multi version support + + +***** TorchData configuration: +Processing /usr/local/src/data + Installing build dependencies: started + Installing build dependencies: still running... + Installing build dependencies: finished with status 'done' + Getting requirements to build wheel: started + Getting requirements to build wheel: finished with status 'done' + Preparing metadata (pyproject.toml): started + Preparing metadata (pyproject.toml): finished with status 'done' +Requirement already satisfied: urllib3>=1.25 in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.2.3) +Requirement already satisfied: requests in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.32.3) +Requirement already satisfied: torch>=2 in /usr/local/lib/python3.12/dist-packages (from torchdata==0.9.0) (2.5.1) +Requirement already satisfied: filelock in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.16.1) +Requirement already satisfied: typing-extensions>=4.8.0 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (4.12.2) +Requirement already satisfied: networkx in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.4.2) +Requirement already satisfied: jinja2 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (3.1.4) +Requirement already satisfied: fsspec in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (2024.10.0) +Requirement already satisfied: setuptools in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (72.1.0) +Requirement already satisfied: sympy==1.13.1 in /usr/local/lib/python3.12/dist-packages (from torch>=2->torchdata==0.9.0) (1.13.1) +Requirement already satisfied: mpmath<1.4,>=1.1.0 in /usr/local/lib/python3.12/dist-packages (from sympy==1.13.1->torch>=2->torchdata==0.9.0) (1.3.0) +Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (3.4.0) +Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (3.10) +Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.12/dist-packages (from requests->torchdata==0.9.0) (2024.12.14) +Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.12/dist-packages (from jinja2->torch>=2->torchdata==0.9.0) (3.0.2) +Building wheels for collected packages: torchdata + Building wheel for torchdata (pyproject.toml): started + Building wheel for torchdata (pyproject.toml): finished with status 'done' + Created wheel for torchdata: filename=torchdata-0.9.0-py3-none-any.whl size=211160 sha256=5580e883c571e0f8e452c45e2acc26e5ab1154dda883e3b55072aca91e060053 + Stored in directory: /tmp/pip-ephem-wheel-cache-gmvi5e5_/wheels/25/b8/b8/ff61539c4e41d2a205fcfcd350155d070c90a2a7b40f7dadfe +Successfully built torchdata +Installing collected packages: torchdata +Successfully installed torchdata-0.9.0 + + + + ##### PyTorch: Version and Device check ##### + + +*** PyTorch version : 2.5.1 + *** PyTorch Audio : 2.5.0 + *** PyTorch Vision : 0.20.0 + *** PyTorch Data : 0.9.0 diff --git a/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/System--Details.txt b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/System--Details.txt new file mode 100644 index 0000000..9f28be7 --- /dev/null +++ b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/System--Details.txt @@ -0,0 +1,1350 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="tensorflow_pytorch_opencv:2.18.0_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** Python configuration: +Python location: /usr/bin/python3 +Python version: Python 3.12.3 + +[pip list] +Package Version +------------------------- -------------- +absl-py 2.1.0 +anyio 4.7.0 +argon2-cffi 23.1.0 +argon2-cffi-bindings 21.2.0 +arrow 1.3.0 +asttokens 3.0.0 +astunparse 1.6.3 +async-lru 2.0.4 +attrs 24.3.0 +babel 2.16.0 +beautifulsoup4 4.12.3 +bleach 6.2.0 +blinker 1.7.0 +certifi 2024.12.14 +cffi 1.17.1 +charset-normalizer 3.4.0 +cmake 3.31.2 +comm 0.2.2 +contourpy 1.3.1 +cryptography 41.0.7 +cycler 0.12.1 +dbus-python 1.3.2 +debugpy 1.8.11 +decorator 5.1.1 +defusedxml 0.7.1 +distro 1.9.0 +distro-info 1.7+build1 +executing 2.1.0 +expecttest 0.3.0 +fastjsonschema 2.21.1 +filelock 3.16.1 +flatbuffers 24.3.25 +fonttools 4.55.3 +fqdn 1.5.1 +fsspec 2024.10.0 +future 1.0.0 +gast 0.6.0 +google-pasta 0.2.0 +grpcio 1.68.1 +h11 0.14.0 +h5py 3.12.1 +httpcore 1.0.7 +httplib2 0.20.4 +httpx 0.28.1 +hypothesis 6.122.3 +idna 3.10 +imageio 2.36.1 +imageio-ffmpeg 0.5.1 +intel-cmplr-lib-ur 2025.0.4 +intel-openmp 2025.0.4 +ipykernel 6.29.5 +ipython 8.30.0 +isoduration 20.11.0 +jedi 0.19.2 +Jinja2 3.1.4 +joblib 1.4.2 +json5 0.10.0 +jsonpointer 3.0.0 +jsonschema 4.23.0 +jsonschema-specifications 2024.10.1 +jupyter_client 8.6.3 +jupyter_core 5.7.2 +jupyter-events 0.11.0 +jupyter-lsp 2.2.5 +jupyter_server 2.14.2 +jupyter_server_terminals 0.5.3 +jupyterlab 4.3.4 +jupyterlab_pygments 0.3.0 +jupyterlab_server 2.27.3 +keras 3.7.0 +Keras-Preprocessing 1.1.2 +kiwisolver 1.4.7 +launchpadlib 1.11.0 +lazr.restfulclient 0.14.6 +lazr.uri 1.0.6 +lazy_loader 0.4 +libclang 18.1.1 +lintrunner 0.12.7 +lxml 5.3.0 +Markdown 3.7 +markdown-it-py 3.0.0 +MarkupSafe 3.0.2 +matplotlib 3.10.0 +matplotlib-inline 0.1.7 +mdurl 0.1.2 +mistune 3.0.2 +mkl 2025.0.1 +mkl-include 2025.0.1 +mkl-static 2025.0.1 +ml-dtypes 0.4.1 +mock 5.1.0 +moviepy 2.1.1 +mpmath 1.3.0 +namex 0.0.8 +nbclient 0.10.1 +nbconvert 7.16.4 +nbformat 5.10.4 +nest-asyncio 1.6.0 +networkx 3.4.2 +ninja 1.11.1.3 +notebook_shim 0.2.4 +numpy 2.0.2 +oauthlib 3.2.2 +opt_einsum 3.4.0 +optree 0.13.1 +overrides 7.7.0 +packaging 24.2 +pandas 2.2.3 +pandocfilters 1.5.1 +parso 0.8.4 +pexpect 4.9.0 +pillow 10.4.0 +pip 24.3.1 +platformdirs 4.3.6 +proglog 0.1.10 +prometheus_client 0.21.1 +prompt_toolkit 3.0.48 +protobuf 5.29.2 +psutil 6.1.0 +ptyprocess 0.7.0 +pure_eval 0.2.3 +pycparser 2.22 +Pygments 2.17.2 +PyGObject 3.48.2 +PyJWT 2.7.0 +pyparsing 3.2.0 +python-apt 2.7.7+ubuntu3 +python-dateutil 2.9.0.post0 +python-dotenv 1.0.1 +python-json-logger 3.2.1 +pytz 2024.2 +PyYAML 6.0.2 +pyzmq 26.2.0 +referencing 0.35.1 +requests 2.32.3 +rfc3339-validator 0.1.4 +rfc3986-validator 0.1.1 +rich 13.9.4 +rpds-py 0.22.3 +scikit-image 0.25.0 +scikit-learn 1.6.0 +scipy 1.14.1 +Send2Trash 1.8.3 +setuptools 72.1.0 +six 1.17.0 +sniffio 1.3.1 +sortedcontainers 2.4.0 +soupsieve 2.6 +stack-data 0.6.3 +sympy 1.13.1 +tbb 2022.0.0 +tbb-devel 2022.0.0 +tcmlib 1.2.0 +tensorboard 2.18.0 +tensorboard-data-server 0.7.2 +tensorflow 2.18.0 +termcolor 2.5.0 +terminado 0.18.1 +threadpoolctl 3.5.0 +tifffile 2024.12.12 +tinycss2 1.4.0 +torch 2.5.1 +torchaudio 2.5.0 +torchdata 0.9.0 +torchvision 0.20.0 +tornado 6.4.2 +tqdm 4.67.1 +traitlets 5.14.3 +types-dataclasses 0.6.6 +types-python-dateutil 2.9.0.20241206 +typing 3.7.4.3 +typing_extensions 4.12.2 +tzdata 2024.2 +umf 0.9.1 +unattended-upgrades 0.1 +uri-template 1.3.0 +urllib3 2.2.3 +wadllib 1.3.6 +wcwidth 0.2.13 +webcolors 24.11.1 +webencodings 0.5.1 +websocket-client 1.8.0 +Werkzeug 3.1.3 +wheel 0.45.1 +wrapt 1.17.0 + +[apt list] +Listing... +adduser/noble,now 3.137ubuntu1 all [installed,automatic] +adwaita-icon-theme/noble,now 46.0-1 all [installed,automatic] +alsa-topology-conf/noble,now 1.2.5.1-2 all [installed,automatic] +alsa-ucm-conf/noble-updates,now 1.2.10-1ubuntu5.3 all [installed,automatic] +apache2-bin/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +apache2-data/noble-updates,now 2.4.58-1ubuntu8.5 all [installed,automatic] +apache2-utils/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +apache2/noble-updates,now 2.4.58-1ubuntu8.5 amd64 [installed,automatic] +appstream/noble,now 1.0.2-1build6 amd64 [installed,automatic] +apt-utils/noble,now 2.7.14build2 amd64 [installed] +apt/noble,now 2.7.14build2 amd64 [installed] +at-spi2-common/noble,now 2.52.0-1build1 all [installed,automatic] +at-spi2-core/noble,now 2.52.0-1build1 amd64 [installed,automatic] +autoconf/noble,now 2.71-3 all [installed,automatic] +automake/noble,now 1:1.16.5-1.3ubuntu1 all [installed,automatic] +autopoint/noble,now 0.21-14ubuntu2 all [installed,automatic] +autotools-dev/noble,now 20220109.1 all [installed,automatic] +base-files/noble-updates,now 13ubuntu10.1 amd64 [installed] +base-passwd/noble,now 3.6.3build1 amd64 [installed] +bash/noble,now 5.2.21-2ubuntu4 amd64 [installed] +binutils-common/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +binutils-x86-64-linux-gnu/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +binutils/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +bsdextrautils/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +bsdutils/noble-updates,now 1:2.39.3-9ubuntu6.1 amd64 [installed] +build-essential/noble,now 12.10ubuntu1 amd64 [installed] +bzip2-doc/noble-updates,now 1.0.8-5.1build0.1 all [installed,automatic] +bzip2/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed,automatic] +ca-certificates/noble,now 20240203 all [installed] +checkinstall/noble,now 1.6.2+git20170426.d24a630-4 amd64 [installed] +clang-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +clangd-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +cmake-data/noble,now 3.28.3-1build7 all [installed,automatic] +cmake/noble,now 3.28.3-1build7 amd64 [installed] +comerr-dev/noble-updates,now 2.1-1.47.0-2.4~exp1ubuntu4.1 amd64 [installed,automatic] +coreutils/noble,now 9.4-3ubuntu6 amd64 [installed] +cpp-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +cpp-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +cpp-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +cpp/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +cppzmq-dev/noble,now 4.10.0-1build1 amd64 [installed,automatic] +curl/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed] +dash/noble,now 0.5.12-6ubuntu5 amd64 [installed] +dbus-bin/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus-daemon/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus-session-bus-common/noble-updates,now 1.14.10-4ubuntu4.1 all [installed,automatic] +dbus-system-bus-common/noble-updates,now 1.14.10-4ubuntu4.1 all [installed,automatic] +dbus-user-session/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dbus/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +dconf-gsettings-backend/noble,now 0.40.0-4build2 amd64 [installed,automatic] +dconf-service/noble,now 0.40.0-4build2 amd64 [installed,automatic] +debconf/noble,now 1.5.86ubuntu1 all [installed] +debhelper/noble,now 13.14.1ubuntu5 all [installed,automatic] +debianutils/noble,now 5.17build1 amd64 [installed] +debugedit/noble,now 1:5.0-5build2 amd64 [installed,automatic] +dh-autoreconf/noble,now 20 all [installed,automatic] +dh-strip-nondeterminism/noble,now 1.13.1-1 all [installed,automatic] +diffutils/noble,now 1:3.10-1build1 amd64 [installed] +dirmngr/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +distro-info-data/noble-updates,now 0.60ubuntu0.2 all [installed,automatic] +dmsetup/noble-updates,now 2:1.02.185-3ubuntu3.1 amd64 [installed,automatic] +doxygen/noble,now 1.9.8+ds-2build5 amd64 [installed] +dpkg-dev/noble-updates,noble-security,now 1.22.6ubuntu6.1 all [installed,automatic] +dpkg/noble-updates,noble-security,now 1.22.6ubuntu6.1 amd64 [installed] +dwz/noble,now 0.15-1build6 amd64 [installed,automatic] +e2fsprogs/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +fakeroot/noble,now 1.33-1 amd64 [installed,automatic] +file/noble,now 1:5.45-3build1 amd64 [installed] +findutils/noble,now 4.9.0-5build1 amd64 [installed] +fontconfig-config/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +fontconfig/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +fonts-dejavu-core/noble,now 2.37-8 all [installed,automatic] +fonts-dejavu-mono/noble,now 2.37-8 all [installed,automatic] +fonts-droid-fallback/noble,now 1:6.0.1r16-1.1build1 all [installed,automatic] +fonts-noto-mono/noble,now 20201225-2 all [installed,automatic] +fonts-urw-base35/noble,now 20200910-8 all [installed,automatic] +g++-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +g++-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +g++-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +g++/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +gcc-13-base/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gcc-14-base/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +gcc-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +gcc/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +gettext-base/noble,now 0.21-14ubuntu2 amd64 [installed,automatic] +gettext/noble,now 0.21-14ubuntu2 amd64 [installed,automatic] +gfortran-13-x86-64-linux-gnu/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gfortran-13/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +gfortran-x86-64-linux-gnu/noble,now 4:13.2.0-7ubuntu1 amd64 [installed,automatic] +gfortran/noble,now 4:13.2.0-7ubuntu1 amd64 [installed] +ghostscript/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 amd64 [installed,automatic] +gir1.2-atk-1.0/noble,now 2.52.0-1build1 amd64 [installed,automatic] +gir1.2-atspi-2.0/noble,now 2.52.0-1build1 amd64 [installed,automatic] +gir1.2-freedesktop-dev/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-freedesktop/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-gdkpixbuf-2.0/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +gir1.2-girepository-2.0/noble,now 1.80.1-1 amd64 [installed,automatic] +gir1.2-glib-2.0-dev/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +gir1.2-glib-2.0/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +gir1.2-gst-plugins-base-1.0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gir1.2-gstreamer-1.0/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed,automatic] +gir1.2-gtk-2.0/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +gir1.2-gtk-3.0/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +gir1.2-gudev-1.0/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +gir1.2-harfbuzz-0.0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +gir1.2-packagekitglib-1.0/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +gir1.2-pango-1.0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +git-man/noble-updates,noble-security,now 1:2.43.0-1ubuntu7.1 all [installed,automatic] +git/noble-updates,noble-security,now 1:2.43.0-1ubuntu7.1 amd64 [installed] +glib-networking-common/noble,now 2.80.0-1build1 all [installed,automatic] +glib-networking-services/noble,now 2.80.0-1build1 amd64 [installed,automatic] +glib-networking/noble,now 2.80.0-1build1 amd64 [installed,automatic] +gnupg-l10n/noble,now 2.4.4-2ubuntu17 all [installed,automatic] +gnupg-utils/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gnupg/noble,now 2.4.4-2ubuntu17 all [installed] +gpg-agent/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpg-wks-client/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpg/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgconf/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgsm/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +gpgv/noble,now 2.4.4-2ubuntu17 amd64 [installed] +grep/noble,now 3.11-4build1 amd64 [installed] +groff-base/noble,now 1.23.0-3build2 amd64 [installed,automatic] +gsettings-desktop-schemas/noble-updates,now 46.1-0ubuntu1 all [installed,automatic] +gstreamer1.0-gl/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gstreamer1.0-plugins-base/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gstreamer1.0-plugins-good/noble-updates,noble-security,now 1.24.2-1ubuntu1.1 amd64 [installed] +gstreamer1.0-x/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +gtk-update-icon-cache/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +gzip/noble,now 1.12-1ubuntu3 amd64 [installed] +hdf5-helpers/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +hicolor-icon-theme/noble,now 0.17-2 all [installed,automatic] +hostname/noble,now 3.23+nmu2ubuntu2 amd64 [installed] +humanity-icon-theme/noble,now 0.6.16 all [installed,automatic] +i965-va-driver/noble,now 2.4.1+dfsg1-1build2 amd64 [installed,automatic] +ibverbs-providers/noble,now 50.0-2build2 amd64 [installed,automatic] +icu-devtools/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +imagemagick-6-common/noble,now 8:6.9.12.98+dfsg1-5.2build2 all [installed,automatic] +imagemagick-6.q16/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +imagemagick/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed] +init-system-helpers/noble,now 1.66ubuntu1 all [installed] +intel-media-va-driver/noble,now 24.1.0+dfsg1-1 amd64 [installed,automatic] +intltool-debian/noble,now 0.35.0+20060710.6 all [installed,automatic] +iso-codes/noble,now 4.16.0-1 all [installed,automatic] +javascript-common/noble,now 11+nmu1 all [installed,automatic] +keyboxd/noble,now 2.4.4-2ubuntu17 amd64 [installed,automatic] +krb5-locales/noble-updates,now 1.20.1-6ubuntu2.2 all [installed,automatic] +krb5-multidev/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +less/noble-updates,noble-security,now 590-2ubuntu2.1 amd64 [installed,automatic] +libaa1/noble,now 1.4p5-51.1 amd64 [installed,automatic] +libaacs0/noble,now 0.11.1-2build1 amd64 [installed,automatic] +libabsl20220623t64/noble,now 20220623.1-3.1ubuntu3 amd64 [installed,automatic] +libacl1/noble-updates,now 2.3.2-1build1.1 amd64 [installed] +libaec-dev/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libaec0/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libalgorithm-diff-perl/noble,now 1.201-1 all [installed,automatic] +libalgorithm-diff-xs-perl/noble,now 0.04-8build3 amd64 [installed,automatic] +libalgorithm-merge-perl/noble,now 0.08-5 all [installed,automatic] +libamd-comgr2/noble,now 6.0+git20231212.4510c28+dfsg-3build2 amd64 [installed,automatic] +libamdhip64-5/noble,now 5.7.1-3 amd64 [installed,automatic] +libao-common/noble,now 1.2.2+20180113-1.1ubuntu4 all [installed,automatic] +libao4/noble,now 1.2.2+20180113-1.1ubuntu4 amd64 [installed,automatic] +libaom3/noble-updates,noble-security,now 3.8.2-2ubuntu0.1 amd64 [installed,automatic] +libapparmor1/noble-updates,now 4.0.1really4.0.1-0ubuntu0.24.04.3 amd64 [installed,automatic] +libappstream5/noble,now 1.0.2-1build6 amd64 [installed,automatic] +libapr1t64/noble-updates,noble-security,now 1.7.2-3.1ubuntu0.1 amd64 [installed,automatic] +libaprutil1-dbd-sqlite3/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libaprutil1-ldap/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libaprutil1t64/noble,now 1.6.3-1.1ubuntu7 amd64 [installed,automatic] +libapt-pkg6.0t64/noble,now 2.7.14build2 amd64 [installed] +libarchive-cpio-perl/noble,now 0.10-3 all [installed,automatic] +libarchive-zip-perl/noble,now 1.68-1 all [installed,automatic] +libarchive13t64/noble-updates,noble-security,now 3.7.2-2ubuntu0.3 amd64 [installed,automatic] +libargon2-1/noble,now 0~20190702+dfsg-4build1 amd64 [installed,automatic] +libasan8/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libasound2-data/noble,now 1.2.11-1build2 all [installed,automatic] +libasound2t64/noble,now 1.2.11-1build2 amd64 [installed,automatic] +libass-dev/noble,now 1:0.17.1-2build1 amd64 [installed] +libass9/noble,now 1:0.17.1-2build1 amd64 [installed,automatic] +libassuan0/noble,now 2.5.6-1build1 amd64 [installed] +libasyncns0/noble,now 0.8-6build4 amd64 [installed,automatic] +libatk-adaptor/noble,now 2.52.0-1build1 amd64 [installed] +libatk-bridge2.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk-bridge2.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk1.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatk1.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatlas-base-dev/noble,now 3.10.3-13ubuntu1 amd64 [installed] +libatlas3-base/noble,now 3.10.3-13ubuntu1 amd64 [installed,automatic] +libatomic1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libatspi2.0-0t64/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libatspi2.0-dev/noble,now 2.52.0-1build1 amd64 [installed,automatic] +libattr1/noble,now 1:2.5.2-1build1 amd64 [installed] +libaudit-common/noble-updates,now 1:3.1.2-2.1build1.1 all [installed] +libaudit1/noble-updates,now 1:3.1.2-2.1build1.1 amd64 [installed] +libauthen-sasl-perl/noble,now 2.1700-1 all [installed,automatic] +libavahi-client3/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavahi-common-data/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavahi-common3/noble,now 0.8-13ubuntu6 amd64 [installed,automatic] +libavc1394-0/noble,now 0.5.4-5build3 amd64 [installed,automatic] +libavcodec60/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavformat60/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavutil-dev/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libavutil58/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libbdplus0/noble,now 0.2.0-3build1 amd64 [installed,automatic] +libbinutils/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libblkid-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libblkid1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libbluray2/noble,now 1:1.3.4-1build1 amd64 [installed,automatic] +libboost-all-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed] +libboost-atomic-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-atomic1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-atomic1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-chrono-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-chrono1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-chrono1.83.0t64/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-container-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-container1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-container1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-context-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-context1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-context1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-coroutine-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-coroutine1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-coroutine1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-date-time-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-date-time1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-date-time1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-exception-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-exception1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-fiber-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-fiber1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-fiber1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-filesystem-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-filesystem1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-filesystem1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-graph-parallel-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-graph-parallel1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph-parallel1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-graph1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-iostreams-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-iostreams1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-iostreams1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-json-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-json1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-json1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-locale-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-locale1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-locale1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-log-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-log1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-log1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-math-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-math1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-math1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-mpi-python-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-mpi-python1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi-python1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-mpi1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-nowide-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-nowide1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-nowide1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-numpy-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-numpy1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-numpy1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-program-options-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-program-options1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-program-options1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-python-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-python1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-python1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-random-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-random1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-random1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-regex-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-regex1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-regex1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-serialization-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-serialization1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-serialization1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-stacktrace-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-stacktrace1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-stacktrace1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-system-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-system1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-system1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-test-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-test1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-test1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-thread-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-thread1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-thread1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-timer-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-timer1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-timer1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-tools-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-type-erasure-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-type-erasure1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-type-erasure1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-url-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-url1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-url1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-wave-dev/noble,now 1.83.0.1ubuntu2 amd64 [installed,automatic] +libboost-wave1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost-wave1.83.0/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost1.83-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libboost1.83-tools-dev/noble-updates,now 1.83.0-2.1ubuntu3.1 amd64 [installed,automatic] +libbrotli-dev/noble,now 1.1.0-2build2 amd64 [installed,automatic] +libbrotli1/noble,now 1.1.0-2build2 amd64 [installed,automatic] +libbsd-dev/noble,now 0.12.1-1build1 amd64 [installed,automatic] +libbsd0/noble,now 0.12.1-1build1 amd64 [installed,automatic] +libbz2-1.0/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed] +libbz2-dev/noble-updates,now 1.0.8-5.1build0.1 amd64 [installed,automatic] +libc-bin/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libc-dev-bin/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed,automatic] +libc-devtools/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed,automatic] +libc6-dev/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libc6/noble-updates,noble-security,now 2.39-0ubuntu8.3 amd64 [installed] +libcaca0/noble,now 0.99.beta20-4build2 amd64 [installed,automatic] +libcaf-openmpi-3t64/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcairo-gobject2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo-script-interpreter2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo2-dev/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcairo2/noble,now 1.18.0-3build1 amd64 [installed,automatic] +libcanberra-gtk-module/noble,now 0.30-10ubuntu10 amd64 [installed] +libcanberra-gtk0/noble,now 0.30-10ubuntu10 amd64 [installed,automatic] +libcanberra0t64/noble,now 0.30-10ubuntu10 amd64 [installed,automatic] +libcap-ng0/noble,now 0.8.4-2build2 amd64 [installed] +libcap2-bin/noble,now 1:2.66-5ubuntu2 amd64 [installed,automatic] +libcap2/noble,now 1:2.66-5ubuntu2 amd64 [installed] +libcares2/noble,now 1.27.0-1.0ubuntu1 amd64 [installed,automatic] +libcbor0.10/noble,now 0.10.2-1.2ubuntu2 amd64 [installed,automatic] +libcc1-0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libcdparanoia0/noble,now 3.10.2+debian-14build3 amd64 [installed,automatic] +libchromaprint1/noble,now 1.5.1-5 amd64 [installed,automatic] +libcjson1/noble,now 1.7.17-1 amd64 [installed,automatic] +libclang-common-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang-cpp17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang-cpp18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libclang-rt-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang1-17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libclang1-18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libclone-perl/noble,now 0.46-1build3 amd64 [installed,automatic] +libcoarrays-dev/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcoarrays-openmpi-dev/noble,now 2.10.2+ds-2.1build2 amd64 [installed,automatic] +libcodec2-1.2/noble,now 1.2.0-2build1 amd64 [installed,automatic] +libcolord2/noble,now 1.4.7-1build2 amd64 [installed,automatic] +libcom-err2/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libcrypt-dev/noble,now 1:4.4.36-4build1 amd64 [installed,automatic] +libcrypt1/noble,now 1:4.4.36-4build1 amd64 [installed] +libcryptsetup12/noble-updates,now 2:2.7.0-1ubuntu4.1 amd64 [installed,automatic] +libctf-nobfd0/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libctf0/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libcups2t64/noble-updates,noble-security,now 2.4.7-1.2ubuntu7.3 amd64 [installed,automatic] +libcurl3t64-gnutls/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcurl4-openssl-dev/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libcurl4t64/noble-updates,noble-security,now 8.5.0-2ubuntu10.6 amd64 [installed,automatic] +libdata-dump-perl/noble,now 1.25-1 all [installed,automatic] +libdatrie-dev/noble,now 0.2.13-3build1 amd64 [installed,automatic] +libdatrie1/noble,now 0.2.13-3build1 amd64 [installed,automatic] +libdav1d7/noble,now 1.4.1-1build1 amd64 [installed,automatic] +libdb5.3t64/noble,now 5.3.28+dfsg2-7 amd64 [installed,automatic] +libdbus-1-3/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +libdbus-1-dev/noble-updates,now 1.14.10-4ubuntu4.1 amd64 [installed,automatic] +libdc1394-25/noble,now 2.2.6-4build1 amd64 [installed,automatic] +libdc1394-dev/noble,now 2.2.6-4build1 amd64 [installed] +libdconf1/noble,now 0.40.0-4build2 amd64 [installed,automatic] +libde265-0/noble,now 1.0.15-1build3 amd64 [installed,automatic] +libdebconfclient0/noble,now 0.271ubuntu3 amd64 [installed] +libdebhelper-perl/noble,now 13.14.1ubuntu5 all [installed,automatic] +libdeflate-dev/noble-updates,now 1.19-1build1.1 amd64 [installed,automatic] +libdeflate0/noble-updates,now 1.19-1build1.1 amd64 [installed,automatic] +libdevmapper1.02.1/noble-updates,now 2:1.02.185-3ubuntu3.1 amd64 [installed,automatic] +libdjvulibre-text/noble,now 3.5.28-2build4 all [installed,automatic] +libdjvulibre21/noble,now 3.5.28-2build4 amd64 [installed,automatic] +libdpkg-perl/noble-updates,noble-security,now 1.22.6ubuntu6.1 all [installed,automatic] +libdrm-amdgpu1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-common/noble,now 2.4.120-2build1 all [installed,automatic] +libdrm-dev/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-intel1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-nouveau2/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm-radeon1/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libdrm2/noble,now 2.4.120-2build1 amd64 [installed,automatic] +libduktape207/noble,now 2.7.0+tests-0ubuntu3 amd64 [installed,automatic] +libdv4t64/noble,now 1.0.0-17.1build1 amd64 [installed,automatic] +libdw-dev/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libdw1t64/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libedit2/noble,now 3.1-20230828-1build1 amd64 [installed,automatic] +libegl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libegl-mesa0/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libegl1-mesa-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libegl1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libeigen3-dev/noble,now 3.4.0-4 all [installed] +libelf-dev/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libelf1t64/noble,now 0.190-1.1build4 amd64 [installed,automatic] +libencode-locale-perl/noble,now 1.05-3 all [installed,automatic] +libepoxy-dev/noble,now 1.5.10-1build1 amd64 [installed,automatic] +libepoxy0/noble,now 1.5.10-1build1 amd64 [installed,automatic] +liberror-perl/noble,now 0.17029-2 all [installed,automatic] +libevent-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-core-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-dev/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-extra-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-openssl-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libevent-pthreads-2.1-7t64/noble,now 2.1.12-stable-9ubuntu2 amd64 [installed,automatic] +libexif-dev/noble,now 0.6.24-1build2 amd64 [installed,automatic] +libexif-doc/noble,now 0.6.24-1build2 all [installed,automatic] +libexif12/noble,now 0.6.24-1build2 amd64 [installed,automatic] +libexpat1-dev/noble-updates,noble-security,now 2.6.1-2ubuntu0.2 amd64 [installed,automatic] +libexpat1/noble-updates,noble-security,now 2.6.1-2ubuntu0.2 amd64 [installed,automatic] +libext2fs2t64/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libfaac-dev/noble,now 1.30-1 amd64 [installed] +libfaac0/noble,now 1.30-1 amd64 [installed,automatic] +libfabric1/noble,now 1.17.0-3build2 amd64 [installed,automatic] +libfakeroot/noble,now 1.33-1 amd64 [installed,automatic] +libfcgi-bin/noble,now 2.4.2-2.1build1 amd64 [installed,automatic] +libfcgi0t64/noble,now 2.4.2-2.1build1 amd64 [installed,automatic] +libfdisk1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libffi-dev/noble,now 3.4.6-1build1 amd64 [installed,automatic] +libffi8/noble,now 3.4.6-1build1 amd64 [installed] +libffms2-5/noble,now 5.0~rc2-1build1 amd64 [installed,automatic] +libfftw3-double3/noble,now 3.3.10-1ubuntu3 amd64 [installed,automatic] +libfido2-1/noble,now 1.14.0-1build3 amd64 [installed,automatic] +libfile-fcntllock-perl/noble,now 0.22-4ubuntu5 amd64 [installed,automatic] +libfile-listing-perl/noble,now 6.16-1 all [installed,automatic] +libfile-stripnondeterminism-perl/noble,now 1.13.1-1 all [installed,automatic] +libflac12t64/noble,now 1.4.3+ds-2.1ubuntu2 amd64 [installed,automatic] +libfmt9/noble,now 9.1.0+ds1-2 amd64 [installed,automatic] +libfont-afm-perl/noble,now 1.20-4 all [installed,automatic] +libfontconfig-dev/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +libfontconfig1/noble,now 2.15.0-1.1ubuntu2 amd64 [installed,automatic] +libfontenc1/noble,now 1:1.1.8-1build1 amd64 [installed,automatic] +libfreetype-dev/noble,now 2.13.2+dfsg-1build3 amd64 [installed] +libfreetype6/noble,now 2.13.2+dfsg-1build3 amd64 [installed,automatic] +libfribidi-dev/noble,now 1.0.13-3build1 amd64 [installed,automatic] +libfribidi0/noble,now 1.0.13-3build1 amd64 [installed,automatic] +libgail-common/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgail18t64/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgbm-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgbm1/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgc1/noble,now 1:8.2.6-1build1 amd64 [installed,automatic] +libgcc-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libgcc-s1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +libgcrypt20/noble,now 1.10.3-2build1 amd64 [installed] +libgd3/noble,now 2.3.3-9ubuntu5 amd64 [installed,automatic] +libgdbm-compat4t64/noble,now 1.23-5.1build1 amd64 [installed,automatic] +libgdbm6t64/noble,now 1.23-5.1build1 amd64 [installed,automatic] +libgdk-pixbuf-2.0-0/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf-2.0-dev/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf2.0-bin/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 amd64 [installed,automatic] +libgdk-pixbuf2.0-common/noble-updates,noble-security,now 2.42.10+dfsg-3ubuntu3.1 all [installed,automatic] +libgflags-dev/noble,now 2.2.2-2build1 amd64 [installed] +libgflags2.2/noble,now 2.2.2-2build1 amd64 [installed,automatic] +libgfortran-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libgfortran5/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libgirepository-1.0-1/noble,now 1.80.1-1 amd64 [installed,automatic] +libgirepository-2.0-0/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libgl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgl1-amber-dri/noble,now 21.3.9-0ubuntu2 amd64 [installed,automatic] +libgl1-mesa-dev/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgl1-mesa-dri/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgl1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglapi-mesa/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libgles-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgles1/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgles2/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglew-dev/noble,now 2.2.0-4build1 amd64 [installed] +libglew2.2/noble,now 2.2.0-4build1 amd64 [installed,automatic] +libglib2.0-0t64/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-bin/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-data/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 all [installed,automatic] +libglib2.0-dev-bin/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglib2.0-dev/noble-updates,noble-security,now 2.80.0-6ubuntu3.2 amd64 [installed,automatic] +libglu1-mesa-dev/noble,now 9.0.2-1.1build1 amd64 [installed] +libglu1-mesa/noble,now 9.0.2-1.1build1 amd64 [installed] +libglvnd-core-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglvnd-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglvnd0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglx-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libglx-mesa0/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +libglx0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libgme0/noble,now 0.6.3-7build1 amd64 [installed,automatic] +libgmp10/noble,now 2:6.3.0+dfsg-2ubuntu6 amd64 [installed] +libgnutls30t64/noble-updates,now 3.8.3-1.1ubuntu3.2 amd64 [installed] +libgomp1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libgoogle-glog-dev/noble,now 0.6.0-2.1build1 amd64 [installed] +libgoogle-glog0v6t64/noble,now 0.6.0-2.1build1 amd64 [installed,automatic] +libgpg-error0/noble,now 1.47-3build2 amd64 [installed] +libgphoto2-6t64/noble,now 2.5.31-2.1build2 amd64 [installed,automatic] +libgphoto2-dev/noble,now 2.5.31-2.1build2 amd64 [installed] +libgphoto2-l10n/noble,now 2.5.31-2.1build2 all [installed,automatic] +libgphoto2-port12t64/noble,now 2.5.31-2.1build2 amd64 [installed,automatic] +libgpm2/noble,now 1.20.7-11 amd64 [installed,automatic] +libgprofng0/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libgraphene-1.0-0/noble,now 1.10.8-3build2 amd64 [installed,automatic] +libgraphite2-3/noble,now 1.3.14-2build1 amd64 [installed,automatic] +libgraphite2-dev/noble,now 1.3.14-2build1 amd64 [installed,automatic] +libgrpc++1.51t64/noble,now 1.51.1-4.1build5 amd64 [installed,automatic] +libgrpc29t64/noble,now 1.51.1-4.1build5 amd64 [installed,automatic] +libgs-common/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 all [installed,automatic] +libgs10-common/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 all [installed,automatic] +libgs10/noble-updates,noble-security,now 10.02.1~dfsg1-0ubuntu7.4 amd64 [installed,automatic] +libgsm1/noble,now 1.0.22-1build1 amd64 [installed,automatic] +libgssapi-krb5-2/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libgssdp-1.6-0/noble,now 1.6.3-1build3 amd64 [installed,automatic] +libgssrpc4t64/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libgstreamer-gl1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +libgstreamer-plugins-bad1.0-0/noble,now 1.24.2-1ubuntu4 amd64 [installed] +libgstreamer-plugins-base1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed,automatic] +libgstreamer-plugins-base1.0-dev/noble-updates,noble-security,now 1.24.2-1ubuntu0.2 amd64 [installed] +libgstreamer-plugins-good1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu1.1 amd64 [installed,automatic] +libgstreamer1.0-0/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed,automatic] +libgstreamer1.0-dev/noble-updates,noble-security,now 1.24.2-1ubuntu0.1 amd64 [installed] +libgtk-3-0t64/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +libgtk-3-bin/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed,automatic] +libgtk-3-common/noble-updates,now 3.24.41-4ubuntu1.2 all [installed,automatic] +libgtk-3-dev/noble-updates,now 3.24.41-4ubuntu1.2 amd64 [installed] +libgtk2.0-0t64/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgtk2.0-bin/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed,automatic] +libgtk2.0-common/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 all [installed,automatic] +libgtk2.0-dev/noble-updates,noble-security,now 2.24.33-4ubuntu1.1 amd64 [installed] +libgudev-1.0-0/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +libgudev-1.0-dev/noble,now 1:238-5ubuntu1 amd64 [installed,automatic] +libgupnp-1.6-0/noble,now 1.6.6-1build3 amd64 [installed,automatic] +libgupnp-igd-1.6-0/noble,now 1.6.0-3build3 amd64 [installed,automatic] +libharfbuzz-cairo0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-dev/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-gobject0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-icu0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz-subset0/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libharfbuzz0b/noble,now 8.3.0-2build2 amd64 [installed,automatic] +libhdf5-103-1t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-cpp-103-1t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-dev/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed] +libhdf5-fortran-102t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-cpp-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libhdf5-hl-fortran-100t64/noble,now 1.10.10+repack-3.1ubuntu4 amd64 [installed,automatic] +libheif-plugin-aomdec/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif-plugin-aomenc/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif-plugin-libde265/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libheif1/noble-updates,noble-security,now 1.17.6-1ubuntu4.1 amd64 [installed,automatic] +libhogweed6t64/noble-updates,now 3.9.1-2.2build1.1 amd64 [installed] +libhsa-runtime64-1/noble,now 5.7.1-2build1 amd64 [installed,automatic] +libhsakmt1/noble,now 5.7.0-1build1 amd64 [installed,automatic] +libhtml-form-perl/noble,now 6.11-1 all [installed,automatic] +libhtml-format-perl/noble,now 2.16-2 all [installed,automatic] +libhtml-parser-perl/noble,now 3.81-1build3 amd64 [installed,automatic] +libhtml-tagset-perl/noble,now 3.20-6 all [installed,automatic] +libhtml-tree-perl/noble,now 5.07-3 all [installed,automatic] +libhttp-cookies-perl/noble,now 6.11-1 all [installed,automatic] +libhttp-daemon-perl/noble,now 6.16-1 all [installed,automatic] +libhttp-date-perl/noble,now 6.06-1 all [installed,automatic] +libhttp-message-perl/noble,now 6.45-1ubuntu1 all [installed,automatic] +libhttp-negotiate-perl/noble,now 6.01-2 all [installed,automatic] +libhwasan0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libhwloc-dev/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwloc-plugins/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwloc15/noble,now 2.10.0-1build1 amd64 [installed,automatic] +libhwy1t64/noble,now 1.0.7-8.1build1 amd64 [installed,automatic] +libibverbs-dev/noble,now 50.0-2build2 amd64 [installed,automatic] +libibverbs1/noble,now 50.0-2build2 amd64 [installed,automatic] +libice-dev/noble,now 2:1.0.10-1build3 amd64 [installed,automatic] +libice6/noble,now 2:1.0.10-1build3 amd64 [installed,automatic] +libicu-dev/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +libicu74/noble-updates,now 74.2-1ubuntu3.1 amd64 [installed,automatic] +libid3tag0/noble,now 0.15.1b-14build1 amd64 [installed,automatic] +libidn12/noble,now 1.42-1build1 amd64 [installed,automatic] +libidn2-0/noble,now 2.3.7-2build1 amd64 [installed] +libiec61883-0/noble,now 1.2.0-6build1 amd64 [installed,automatic] +libigdgmm12/noble,now 22.3.17+ds1-1 amd64 [installed,automatic] +libijs-0.35/noble,now 0.35-15.1build1 amd64 [installed,automatic] +libimath-3-1-29t64/noble,now 3.1.9-3.1ubuntu2 amd64 [installed,automatic] +libio-html-perl/noble,now 1.004-3 all [installed,automatic] +libio-socket-ssl-perl/noble,now 2.085-1 all [installed,automatic] +libisl23/noble,now 0.26-3build1 amd64 [installed,automatic] +libitm1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libjansson4/noble,now 2.14-2build2 amd64 [installed,automatic] +libjbig-dev/noble,now 2.1-6.1ubuntu2 amd64 [installed,automatic] +libjbig0/noble,now 2.1-6.1ubuntu2 amd64 [installed,automatic] +libjbig2dec0/noble,now 0.20-1build3 amd64 [installed,automatic] +libjpeg-dev/noble,now 8c-2ubuntu11 amd64 [installed] +libjpeg-turbo8-dev/noble,now 2.1.5-2ubuntu2 amd64 [installed,automatic] +libjpeg-turbo8/noble,now 2.1.5-2ubuntu2 amd64 [installed,automatic] +libjpeg8-dev/noble,now 8c-2ubuntu11 amd64 [installed,automatic] +libjpeg8/noble,now 8c-2ubuntu11 amd64 [installed,automatic] +libjs-jquery-ui/noble,now 1.13.2+dfsg-1 all [installed,automatic] +libjs-jquery/noble,now 3.6.1+dfsg+~3.5.14-1 all [installed,automatic] +libjs-sphinxdoc/noble,now 7.2.6-6 all [installed,automatic] +libjs-underscore/noble,now 1.13.4~dfsg+~1.11.4-3 all [installed,automatic] +libjson-c5/noble,now 0.17-1build1 amd64 [installed,automatic] +libjsoncpp25/noble,now 1.9.5-6build1 amd64 [installed,automatic] +libjxl0.7/noble,now 0.7.0-10.2ubuntu6 amd64 [installed,automatic] +libjxr-tools/noble,now 1.2~git20170615.f752187-5.1ubuntu2 amd64 [installed,automatic] +libjxr0t64/noble,now 1.2~git20170615.f752187-5.1ubuntu2 amd64 [installed,automatic] +libk5crypto3/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkadm5clnt-mit12/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkadm5srv-mit12/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkdb5-10t64/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkeyutils1/noble,now 1.6.3-3build1 amd64 [installed,automatic] +libkmod2/noble,now 31+20240202-2ubuntu7 amd64 [installed,automatic] +libkrb5-3/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkrb5-dev/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libkrb5support0/noble-updates,now 1.20.1-6ubuntu2.2 amd64 [installed,automatic] +libksba8/noble,now 1.6.6-1build1 amd64 [installed,automatic] +liblapack-dev/noble-updates,now 3.12.0-3build1.1 amd64 [installed] +liblapack3/noble-updates,now 3.12.0-3build1.1 amd64 [installed,automatic] +liblcms2-2/noble,now 2.14-2build1 amd64 [installed,automatic] +libldap-common/noble-updates,now 2.6.7+dfsg-1~exp1ubuntu8.1 all [installed,automatic] +libldap2/noble-updates,now 2.6.7+dfsg-1~exp1ubuntu8.1 amd64 [installed,automatic] +liblerc-dev/noble,now 4.0.0+ds-4ubuntu2 amd64 [installed,automatic] +liblerc4/noble,now 4.0.0+ds-4ubuntu2 amd64 [installed,automatic] +liblldb-17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libllvm17t64/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +libllvm18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +liblocale-gettext-perl/noble,now 1.07-6ubuntu5 amd64 [installed,automatic] +liblqr-1-0/noble,now 0.4.2-2.1build2 amd64 [installed,automatic] +liblsan0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libltdl-dev/noble,now 2.4.7-7build1 amd64 [installed,automatic] +libltdl7/noble,now 2.4.7-7build1 amd64 [installed,automatic] +liblua5.4-0/noble,now 5.4.6-3build2 amd64 [installed,automatic] +liblwp-mediatypes-perl/noble,now 6.04-2 all [installed,automatic] +liblwp-protocol-https-perl/noble,now 6.13-1 all [installed,automatic] +liblz4-1/noble-updates,now 1.9.4-1build1.1 amd64 [installed] +liblzma-dev/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed,automatic] +liblzma5/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed] +liblzo2-2/noble,now 2.10-2build4 amd64 [installed,automatic] +libmad0/noble,now 0.15.1b-10.2ubuntu1 amd64 [installed,automatic] +libmagic-mgc/noble,now 1:5.45-3build1 amd64 [installed,automatic] +libmagic1t64/noble,now 1:5.45-3build1 amd64 [installed,automatic] +libmagickcore-6.q16-7-extra/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmagickcore-6.q16-7t64/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmagickwand-6.q16-7t64/noble,now 8:6.9.12.98+dfsg1-5.2build2 amd64 [installed,automatic] +libmail-sendmail-perl/noble,now 0.80-3 all [installed,automatic] +libmailtools-perl/noble,now 2.21-2 all [installed,automatic] +libmbedcrypto7t64/noble,now 2.28.8-1 amd64 [installed,automatic] +libmd-dev/noble,now 1.1.0-2build1 amd64 [installed,automatic] +libmd0/noble,now 1.1.0-2build1 amd64 [installed] +libmount-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +libmount1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libmp3lame-dev/noble,now 3.100-6build1 amd64 [installed] +libmp3lame0/noble,now 3.100-6build1 amd64 [installed,automatic] +libmpc3/noble,now 1.3.1-1build1 amd64 [installed,automatic] +libmpfr6/noble,now 4.2.1-1build1 amd64 [installed,automatic] +libmpg123-0t64/noble-updates,noble-security,now 1.32.5-1ubuntu1.1 amd64 [installed,automatic] +libmunge2/noble,now 0.5.15-4build1 amd64 [installed,automatic] +libncurses-dev/noble,now 6.4+20240113-1ubuntu2 amd64 [installed,automatic] +libncurses6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed,automatic] +libncursesw6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +libnet-http-perl/noble,now 6.23-1 all [installed,automatic] +libnet-smtp-ssl-perl/noble,now 1.04-2 all [installed,automatic] +libnet-ssleay-perl/noble,now 1.94-1build4 amd64 [installed,automatic] +libnetpbm11t64/noble,now 2:11.05.02-1.1build1 amd64 [installed,automatic] +libnettle8t64/noble-updates,now 3.9.1-2.2build1.1 amd64 [installed] +libnghttp2-14/noble-updates,noble-security,now 1.59.0-1ubuntu0.1 amd64 [installed,automatic] +libnice10/noble,now 0.1.21-2build3 amd64 [installed,automatic] +libnl-3-200/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-3-dev/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-route-3-200/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnl-route-3-dev/noble,now 3.7.0-0.3build1 amd64 [installed,automatic] +libnorm-dev/noble,now 1.5.9+dfsg-3.1build1 amd64 [installed,automatic] +libnorm1t64/noble,now 1.5.9+dfsg-3.1build1 amd64 [installed,automatic] +libnpth0t64/noble,now 1.6-3.1build1 amd64 [installed] +libnss-systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libnuma-dev/noble,now 2.0.18-1build1 amd64 [installed] +libnuma1/noble,now 2.0.18-1build1 amd64 [installed] +libobjc-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libobjc4/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libogg-dev/noble,now 1.3.5-3build1 amd64 [installed,automatic] +libogg0/noble,now 1.3.5-3build1 amd64 [installed,automatic] +libomp-18-dev/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libomp-dev/noble,now 1:18.0-59~exp2 amd64 [installed] +libomp5-18/noble-updates,now 1:18.1.3-1ubuntu1 amd64 [installed,automatic] +libopenblas-dev/noble,now 0.3.26+ds-1 amd64 [installed] +libopenblas-pthread-dev/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopenblas0-pthread/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopenblas0/noble,now 0.3.26+ds-1 amd64 [installed,automatic] +libopencore-amrnb-dev/noble,now 0.1.6-1build1 amd64 [installed] +libopencore-amrnb0/noble,now 0.1.6-1build1 amd64 [installed,automatic] +libopencore-amrwb-dev/noble,now 0.1.6-1build1 amd64 [installed] +libopencore-amrwb0/noble,now 0.1.6-1build1 amd64 [installed,automatic] +libopenexr-3-1-30/noble,now 3.1.5-5.1build3 amd64 [installed,automatic] +libopengl-dev/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libopengl0/noble,now 1.7.0-1build1 amd64 [installed,automatic] +libopenjp2-7-dev/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjp2-7/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjp2-tools/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenjpip-server/noble-updates,noble-security,now 2.5.0-2ubuntu0.2 amd64 [installed] +libopenmpi-dev/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +libopenmpi3t64/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +libopenmpt0t64/noble,now 0.7.3-1.1build3 amd64 [installed,automatic] +libopus-dev/noble,now 1.4-1build1 amd64 [installed] +libopus0/noble,now 1.4-1build1 amd64 [installed,automatic] +liborc-0.4-0t64/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +liborc-0.4-dev-bin/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +liborc-0.4-dev/noble-updates,noble-security,now 1:0.4.38-1ubuntu0.1 amd64 [installed,automatic] +libp11-kit0/noble-updates,now 0.25.3-4ubuntu2.1 amd64 [installed] +libpackagekit-glib2-18/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +libpam-cap/noble,now 1:2.66-5ubuntu2 amd64 [installed,automatic] +libpam-modules-bin/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpam-modules/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpam-runtime/noble-updates,now 1.5.3-5ubuntu5.1 all [installed] +libpam-systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libpam0g/noble-updates,now 1.5.3-5ubuntu5.1 amd64 [installed] +libpango-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpango1.0-dev/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangocairo-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangoft2-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpangoxft-1.0-0/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +libpaper-utils/noble,now 1.1.29build1 amd64 [installed,automatic] +libpaper1/noble,now 1.1.29build1 amd64 [installed,automatic] +libpciaccess-dev/noble,now 0.17-3build1 amd64 [installed,automatic] +libpciaccess0/noble,now 0.17-3build1 amd64 [installed,automatic] +libpcre2-16-0/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-32-0/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-8-0/noble,now 10.42-4ubuntu2 amd64 [installed] +libpcre2-dev/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libpcre2-posix3/noble,now 10.42-4ubuntu2 amd64 [installed,automatic] +libperl5.38t64/noble,now 5.38.2-3.2build2 amd64 [installed,automatic] +libpfm4/noble,now 4.13.0+git32-g0d4ed0e-1 amd64 [installed,automatic] +libpgm-5.3-0t64/noble,now 5.3.128~dfsg-2.1build1 amd64 [installed,automatic] +libpgm-dev/noble,now 5.3.128~dfsg-2.1build1 amd64 [installed,automatic] +libpipeline1/noble,now 1.5.7-2 amd64 [installed,automatic] +libpixman-1-0/noble,now 0.42.2-1build1 amd64 [installed,automatic] +libpixman-1-dev/noble,now 0.42.2-1build1 amd64 [installed,automatic] +libpkgconf3/noble,now 1.8.1-2build1 amd64 [installed,automatic] +libpmix-dev/noble,now 5.0.1-4.1build1 amd64 [installed,automatic] +libpmix2t64/noble,now 5.0.1-4.1build1 amd64 [installed,automatic] +libpng-dev/noble,now 1.6.43-5build1 amd64 [installed] +libpng-tools/noble,now 1.6.43-5build1 amd64 [installed,automatic] +libpng16-16t64/noble,now 1.6.43-5build1 amd64 [installed,automatic] +libpolkit-agent-1-0/noble,now 124-2ubuntu1 amd64 [installed,automatic] +libpolkit-gobject-1-0/noble,now 124-2ubuntu1 amd64 [installed,automatic] +libpopt0/noble,now 1.19+dfsg-1build1 amd64 [installed,automatic] +libpostproc-dev/noble,now 7:6.1.1-3ubuntu5 amd64 [installed] +libpostproc57/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libproc2-0/noble-updates,now 2:4.0.4-4ubuntu3.2 amd64 [installed] +libprotobuf-dev/noble,now 3.21.12-8.2build1 amd64 [installed] +libprotobuf-lite32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libprotobuf32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libprotoc32t64/noble,now 3.21.12-8.2build1 amd64 [installed,automatic] +libproxy1v5/noble,now 0.5.4-4build1 amd64 [installed,automatic] +libpsl5t64/noble,now 0.21.2-1.1build1 amd64 [installed,automatic] +libpsm-infinipath1/noble,now 3.3+20.604758e7-6.3build1 amd64 [installed,automatic] +libpsm2-2/noble,now 11.2.185-2build1 amd64 [installed,automatic] +libpthread-stubs0-dev/noble,now 0.4-1build3 amd64 [installed,automatic] +libpulse-dev/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpulse-mainloop-glib0/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpulse0/noble,now 1:16.1+dfsg1-2ubuntu10 amd64 [installed,automatic] +libpython3-dev/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +libpython3-stdlib/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +libpython3.12-dev/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12-minimal/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12-stdlib/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libpython3.12t64/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +libquadmath0/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +librabbitmq4/noble,now 0.11.0-1build2 amd64 [installed,automatic] +librav1e0/noble,now 0.7.1-2 amd64 [installed,automatic] +libraw1394-11/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw1394-dev/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw1394-tools/noble,now 2.1.2-2build3 amd64 [installed,automatic] +libraw23t64/noble,now 0.21.2-2.1build1 amd64 [installed,automatic] +librdmacm1t64/noble,now 50.0-2build2 amd64 [installed,automatic] +libre2-10/noble,now 20230301-3build1 amd64 [installed,automatic] +libreadline8t64/noble,now 8.2-4build1 amd64 [installed,automatic] +librhash0/noble,now 1.4.3-3build1 amd64 [installed,automatic] +librist4/noble,now 0.2.10+dfsg-2 amd64 [installed,automatic] +librsvg2-2/noble,now 2.58.0+dfsg-1build1 amd64 [installed,automatic] +librsvg2-common/noble,now 2.58.0+dfsg-1build1 amd64 [installed,automatic] +librtmp1/noble,now 2.4+20151223.gitfa8646d.1-2build7 amd64 [installed,automatic] +libsasl2-2/noble-updates,now 2.1.28+dfsg1-5ubuntu3.1 amd64 [installed,automatic] +libsasl2-modules-db/noble-updates,now 2.1.28+dfsg1-5ubuntu3.1 amd64 [installed,automatic] +libsasl2-modules/noble-updates,now 2.1.28+dfsg1-5ubuntu3.1 amd64 [installed,automatic] +libseccomp2/noble-updates,now 2.5.5-1ubuntu3.1 amd64 [installed] +libselinux1-dev/noble,now 3.5-2ubuntu2 amd64 [installed,automatic] +libselinux1/noble,now 3.5-2ubuntu2 amd64 [installed] +libsemanage-common/noble,now 3.5-1build5 all [installed] +libsemanage2/noble,now 3.5-1build5 amd64 [installed] +libsensors-config/noble,now 1:3.6.0-9build1 all [installed,automatic] +libsensors5/noble,now 1:3.6.0-9build1 amd64 [installed,automatic] +libsepol-dev/noble,now 3.5-2build1 amd64 [installed,automatic] +libsepol2/noble,now 3.5-2build1 amd64 [installed] +libsframe1/noble-updates,noble-security,now 2.42-4ubuntu2.3 amd64 [installed,automatic] +libsharpyuv-dev/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libsharpyuv0/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libshine3/noble,now 3.1.1-2build1 amd64 [installed,automatic] +libshout3/noble,now 2.4.6-1build2 amd64 [installed,automatic] +libslang2/noble,now 2.3.3-3build2 amd64 [installed,automatic] +libsm-dev/noble,now 2:1.2.3-1build3 amd64 [installed,automatic] +libsm6/noble,now 2:1.2.3-1build3 amd64 [installed,automatic] +libsmartcols1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libsnappy1v5/noble,now 1.1.10-1build1 amd64 [installed,automatic] +libsndfile1/noble,now 1.2.2-1ubuntu5 amd64 [installed,automatic] +libsodium-dev/noble,now 1.0.18-1build3 amd64 [installed,automatic] +libsodium23/noble,now 1.0.18-1build3 amd64 [installed,automatic] +libsoup-3.0-0/noble-updates,noble-security,now 3.4.4-5ubuntu0.1 amd64 [installed,automatic] +libsoup-3.0-common/noble-updates,noble-security,now 3.4.4-5ubuntu0.1 all [installed,automatic] +libsox-dev/noble,now 14.4.2+git20190427-4build4 amd64 [installed] +libsox-fmt-all/noble,now 14.4.2+git20190427-4build4 amd64 [installed] +libsox-fmt-alsa/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-ao/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-base/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-mp3/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-oss/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox-fmt-pulse/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsox3/noble,now 14.4.2+git20190427-4build4 amd64 [installed,automatic] +libsoxr0/noble,now 0.1.3-4build3 amd64 [installed,automatic] +libspeex1/noble-updates,now 1.2.1-2ubuntu2.24.04.1 amd64 [installed,automatic] +libsphinxbase-dev/noble,now 0.8+5prealpha+1-17build2 amd64 [installed] +libsphinxbase3t64/noble,now 0.8+5prealpha+1-17build2 amd64 [installed,automatic] +libsqlite3-0/noble,now 3.45.1-1ubuntu2 amd64 [installed,automatic] +libsrt1.5-gnutls/noble,now 1.5.3-1build2 amd64 [installed,automatic] +libss2/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +libssh-4/noble,now 0.10.6-2build2 amd64 [installed,automatic] +libssh-gcrypt-4/noble,now 0.10.6-2build2 amd64 [installed,automatic] +libssl-dev/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed,automatic] +libssl3t64/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed] +libstdc++-13-dev/noble-updates,noble-security,now 13.3.0-6ubuntu2~24.04 amd64 [installed,automatic] +libstdc++6/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed] +libstemmer0d/noble,now 2.2.0-4build1 amd64 [installed,automatic] +libsub-override-perl/noble,now 0.10-1 all [installed,automatic] +libsvtav1enc1d1/noble,now 1.7.0+dfsg-2build1 amd64 [installed,automatic] +libswresample4/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libswscale7/noble,now 7:6.1.1-3ubuntu5 amd64 [installed,automatic] +libsys-hostname-long-perl/noble,now 1.5-3 all [installed,automatic] +libsystemd-shared/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libsystemd0/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed] +libsz2/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libtag1v5-vanilla/noble,now 1.13.1-1build1 amd64 [installed,automatic] +libtag1v5/noble,now 1.13.1-1build1 amd64 [installed,automatic] +libtasn1-6/noble,now 4.19.0-3build1 amd64 [installed] +libtbb-dev/noble,now 2021.11.0-2ubuntu2 amd64 [installed] +libtbb12/noble,now 2021.11.0-2ubuntu2 amd64 [installed,automatic] +libtbbbind-2-5/noble,now 2021.11.0-2ubuntu2 amd64 [installed,automatic] +libtbbmalloc2/noble,now 2021.11.0-2ubuntu2 amd64 [installed] +libtdb1/noble,now 1.4.10-1build1 amd64 [installed,automatic] +libthai-data/noble,now 0.1.29-2build1 all [installed,automatic] +libthai-dev/noble,now 0.1.29-2build1 amd64 [installed,automatic] +libthai0/noble,now 0.1.29-2build1 amd64 [installed,automatic] +libtheora-dev/noble,now 1.1.1+dfsg.1-16.1build3 amd64 [installed] +libtheora0/noble,now 1.1.1+dfsg.1-16.1build3 amd64 [installed,automatic] +libtiff-dev/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtiff5-dev/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed] +libtiff6/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtiffxx6/noble-updates,noble-security,now 4.5.1+git230720-4ubuntu2.2 amd64 [installed,automatic] +libtimedate-perl/noble,now 2.3300-2 all [installed,automatic] +libtinfo6/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +libtool/noble,now 2.4.7-7build1 all [installed] +libtry-tiny-perl/noble,now 0.31-2 all [installed,automatic] +libtsan2/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libtwolame0/noble,now 0.4.0-2build3 amd64 [installed,automatic] +libubsan1/noble-updates,noble-security,now 14.2.0-4ubuntu2~24.04 amd64 [installed,automatic] +libuchardet0/noble,now 0.0.8-1build1 amd64 [installed,automatic] +libucx0/noble,now 1.16.0+ds-5ubuntu1 amd64 [installed,automatic] +libudev-dev/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +libudev1/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed] +libudfread0/noble,now 1.1.2-1build1 amd64 [installed,automatic] +libunibreak-dev/noble,now 5.1-2build1 amd64 [installed,automatic] +libunibreak5/noble,now 5.1-2build1 amd64 [installed,automatic] +libunistring5/noble,now 1.1-2build1 amd64 [installed] +libunwind-dev/noble,now 1.6.2-3build1 amd64 [installed,automatic] +libunwind8/noble,now 1.6.2-3build1 amd64 [installed,automatic] +liburi-perl/noble,now 5.27-1 all [installed,automatic] +libusb-1.0-0/noble,now 2:1.0.27-1 amd64 [installed,automatic] +libuuid1/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +libuv1t64/noble,now 1.48.0-1.1build1 amd64 [installed,automatic] +libv4l-0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libv4l-dev/noble,now 1.26.1-4build3 amd64 [installed] +libv4l2rds0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libv4lconvert0t64/noble,now 1.26.1-4build3 amd64 [installed,automatic] +libva-drm2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libva-x11-2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libva2/noble,now 2.20.0-2build1 amd64 [installed,automatic] +libvdpau1/noble,now 1.5-2build1 amd64 [installed,automatic] +libvisual-0.4-0/noble,now 0.4.2-2build1 amd64 [installed,automatic] +libvorbis-dev/noble,now 1.3.7-1build3 amd64 [installed] +libvorbis0a/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvorbisenc2/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvorbisfile3/noble,now 1.3.7-1build3 amd64 [installed,automatic] +libvpl2/noble,now 2023.3.0-1build1 amd64 [installed,automatic] +libvpx-dev/noble-updates,noble-security,now 1.14.0-1ubuntu2.1 amd64 [installed] +libvpx9/noble-updates,noble-security,now 1.14.0-1ubuntu2.1 amd64 [installed,automatic] +libvulkan1/noble,now 1.3.275.0-1build1 amd64 [installed,automatic] +libwavpack1/noble,now 5.6.0-1build1 amd64 [installed,automatic] +libwayland-bin/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-client0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-cursor0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-dev/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-egl1/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwayland-server0/noble,now 1.22.0-2.1build1 amd64 [installed,automatic] +libwebp-dev/noble,now 1.3.2-0.4build3 amd64 [installed] +libwebp7/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpdecoder3/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpdemux2/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwebpmux3/noble,now 1.3.2-0.4build3 amd64 [installed,automatic] +libwmflite-0.2-7/noble,now 0.2.13-1.1build3 amd64 [installed,automatic] +libwww-perl/noble,now 6.76-1 all [installed,automatic] +libwww-robotrules-perl/noble,now 6.02-1 all [installed,automatic] +libx11-6/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-data/noble,now 2:1.8.7-1build1 all [installed,automatic] +libx11-dev/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-xcb-dev/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx11-xcb1/noble,now 2:1.8.7-1build1 amd64 [installed,automatic] +libx264-164/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed,automatic] +libx264-dev/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed] +libx265-199/noble,now 3.5-2build1 amd64 [installed,automatic] +libx265-dev/noble,now 3.5-2build1 amd64 [installed] +libxapian30/noble,now 1.4.22-1build1 amd64 [installed,automatic] +libxau-dev/noble,now 1:1.0.9-1build6 amd64 [installed,automatic] +libxau6/noble,now 1:1.0.9-1build6 amd64 [installed,automatic] +libxaw7/noble,now 2:1.0.14-1build2 amd64 [installed,automatic] +libxcb-damage0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-dri2-0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-dri3-0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-glx0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-present0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-randr0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-render0-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-render0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-shm0-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-shm0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-sync1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-xfixes0/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb-xkb1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb1-dev/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcb1/noble,now 1.15-1ubuntu2 amd64 [installed,automatic] +libxcomposite-dev/noble,now 1:0.4.5-1build3 amd64 [installed,automatic] +libxcomposite1/noble,now 1:0.4.5-1build3 amd64 [installed,automatic] +libxcursor-dev/noble,now 1:1.2.1-1build1 amd64 [installed,automatic] +libxcursor1/noble,now 1:1.2.1-1build1 amd64 [installed,automatic] +libxdamage-dev/noble,now 1:1.1.6-1build1 amd64 [installed,automatic] +libxdamage1/noble,now 1:1.1.6-1build1 amd64 [installed,automatic] +libxdmcp-dev/noble,now 1:1.1.3-0ubuntu6 amd64 [installed,automatic] +libxdmcp6/noble,now 1:1.1.3-0ubuntu6 amd64 [installed,automatic] +libxext-dev/noble,now 2:1.3.4-1build2 amd64 [installed,automatic] +libxext6/noble,now 2:1.3.4-1build2 amd64 [installed,automatic] +libxfixes-dev/noble,now 1:6.0.0-2build1 amd64 [installed,automatic] +libxfixes3/noble,now 1:6.0.0-2build1 amd64 [installed,automatic] +libxft-dev/noble,now 2.3.6-1build1 amd64 [installed,automatic] +libxft2/noble,now 2.3.6-1build1 amd64 [installed,automatic] +libxi-dev/noble,now 2:1.8.1-1build1 amd64 [installed] +libxi6/noble,now 2:1.8.1-1build1 amd64 [installed,automatic] +libxine2-bin/noble,now 1.2.13+hg20230710-2ubuntu6 amd64 [installed,automatic] +libxine2-dev/noble,now 1.2.13+hg20230710-2ubuntu6 amd64 [installed] +libxinerama-dev/noble,now 2:1.1.4-3build1 amd64 [installed,automatic] +libxinerama1/noble,now 2:1.1.4-3build1 amd64 [installed,automatic] +libxkbcommon-dev/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbcommon-x11-0/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbcommon0/noble,now 1.6.0-1build1 amd64 [installed,automatic] +libxkbfile1/noble,now 1:1.1.0-1build4 amd64 [installed,automatic] +libxml2-dev/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxml2-utils/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxml2/noble,now 2.9.14+dfsg-1.3ubuntu3 amd64 [installed,automatic] +libxmlb2/noble,now 0.3.18-1 amd64 [installed,automatic] +libxmu-dev/noble,now 2:1.1.3-3build2 amd64 [installed] +libxmu-headers/noble,now 2:1.1.3-3build2 all [installed,automatic] +libxmu6/noble,now 2:1.1.3-3build2 amd64 [installed,automatic] +libxmuu1/noble,now 2:1.1.3-3build2 amd64 [installed,automatic] +libxnvctrl0/noble,now 510.47.03-0ubuntu4 amd64 [installed,automatic] +libxpm4/noble,now 1:3.5.17-1build2 amd64 [installed,automatic] +libxrandr-dev/noble,now 2:1.5.2-2build1 amd64 [installed,automatic] +libxrandr2/noble,now 2:1.5.2-2build1 amd64 [installed,automatic] +libxrender-dev/noble,now 1:0.9.10-1.1build1 amd64 [installed,automatic] +libxrender1/noble,now 1:0.9.10-1.1build1 amd64 [installed,automatic] +libxshmfence1/noble,now 1.3-1build5 amd64 [installed,automatic] +libxt-dev/noble,now 1:1.2.1-1.2build1 amd64 [installed,automatic] +libxt6t64/noble,now 1:1.2.1-1.2build1 amd64 [installed,automatic] +libxtst-dev/noble,now 2:1.2.3-1.1build1 amd64 [installed,automatic] +libxtst6/noble,now 2:1.2.3-1.1build1 amd64 [installed,automatic] +libxv1/noble,now 2:1.0.11-1.1build1 amd64 [installed,automatic] +libxvidcore-dev/noble,now 2:1.3.7-1build1 amd64 [installed] +libxvidcore4/noble,now 2:1.3.7-1build1 amd64 [installed,automatic] +libxxf86vm1/noble,now 1:1.1.4-1build4 amd64 [installed,automatic] +libxxhash0/noble,now 0.8.2-2build1 amd64 [installed] +libyaml-0-2/noble,now 0.2.5-1build1 amd64 [installed,automatic] +libz3-4/noble,now 4.8.12-3.1build1 amd64 [installed,automatic] +libz3-dev/noble,now 4.8.12-3.1build1 amd64 [installed,automatic] +libzmq3-dev/noble,now 4.3.5-1build2 amd64 [installed] +libzmq5/noble,now 4.3.5-1build2 amd64 [installed,automatic] +libzstd-dev/noble-updates,now 1.5.5+dfsg2-2build1.1 amd64 [installed,automatic] +libzstd1/noble-updates,now 1.5.5+dfsg2-2build1.1 amd64 [installed] +libzvbi-common/noble,now 0.2.42-2 all [installed,automatic] +libzvbi0t64/noble,now 0.2.42-2 amd64 [installed,automatic] +linux-libc-dev/noble-updates,noble-security,now 6.8.0-51.52 amd64 [installed,automatic] +lld-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +lldb-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed] +llvm-17-dev/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-linker-tools/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-runtime/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17-tools/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +llvm-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +locales/noble-updates,noble-security,now 2.39-0ubuntu8.3 all [installed] +login/noble-updates,now 1:4.13+dfsg1-4ubuntu3.2 amd64 [installed] +logsave/noble-updates,now 1.47.0-2.4~exp1ubuntu4.1 amd64 [installed] +lsb-release/noble,now 12.0-2 all [installed] +lto-disabled-list/noble,now 47 all [installed,automatic] +m4/noble,now 1.4.19-4build1 amd64 [installed,automatic] +make/noble,now 4.3-4.1build2 amd64 [installed,automatic] +man-db/noble,now 2.12.0-4build2 amd64 [installed,automatic] +manpages-dev/noble,now 6.7-2 all [installed,automatic] +manpages/noble,now 6.7-2 all [installed,automatic] +mawk/noble,now 1.3.4.20240123-1build1 amd64 [installed] +media-types/noble,now 10.1.0 all [installed,automatic] +mesa-va-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mesa-vdpau-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mesa-vulkan-drivers/noble-updates,now 24.0.9-0ubuntu0.3 amd64 [installed,automatic] +mount/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +mpi-default-bin/noble,now 1.15build1 amd64 [installed,automatic] +mpi-default-dev/noble,now 1.15build1 amd64 [installed,automatic] +ncurses-base/noble,now 6.4+20240113-1ubuntu2 all [installed] +ncurses-bin/noble,now 6.4+20240113-1ubuntu2 amd64 [installed] +netbase/noble,now 6.4 all [installed,automatic] +netpbm/noble,now 2:11.05.02-1.1build1 amd64 [installed,automatic] +networkd-dispatcher/noble,now 2.2.4-1 all [installed,automatic] +ninja-build/noble,now 1.11.1-2 amd64 [installed] +ocl-icd-libopencl1/noble,now 2.3.2-1build1 amd64 [installed,automatic] +openmpi-bin/noble,now 4.1.6-7ubuntu2 amd64 [installed,automatic] +openmpi-common/noble,now 4.1.6-7ubuntu2 all [installed,automatic] +openssh-client/noble-updates,now 1:9.6p1-3ubuntu13.5 amd64 [installed,automatic] +openssl/noble-updates,noble-security,now 3.0.13-0ubuntu3.4 amd64 [installed,automatic] +packagekit-tools/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +packagekit/noble-updates,now 1.2.8-2ubuntu1.1 amd64 [installed,automatic] +pango1.0-tools/noble,now 1.52.1+ds-1build1 amd64 [installed,automatic] +passwd/noble-updates,now 1:4.13+dfsg1-4ubuntu3.2 amd64 [installed] +patch/noble,now 2.7.6-7build3 amd64 [installed,automatic] +patchelf/noble,now 0.18.0-1.1build1 amd64 [installed] +perl-base/noble,now 5.38.2-3.2build2 amd64 [installed] +perl-modules-5.38/noble,now 5.38.2-3.2build2 all [installed,automatic] +perl-openssl-defaults/noble,now 7build3 amd64 [installed,automatic] +perl/noble,now 5.38.2-3.2build2 amd64 [installed] +pinentry-curses/noble,now 1.2.1-3ubuntu5 amd64 [installed,automatic] +pkg-config/noble,now 1.8.1-2build1 amd64 [installed] +pkgconf-bin/noble,now 1.8.1-2build1 amd64 [installed,automatic] +pkgconf/noble,now 1.8.1-2build1 amd64 [installed,automatic] +po-debconf/noble,now 1.0.21+nmu1 all [installed,automatic] +polkitd/noble,now 124-2ubuntu1 amd64 [installed,automatic] +poppler-data/noble,now 0.4.12-1 all [installed,automatic] +procps/noble-updates,now 2:4.0.4-4ubuntu3.2 amd64 [installed] +protobuf-compiler/noble,now 3.21.12-8.2build1 amd64 [installed] +publicsuffix/noble,now 20231001.0357-0.1 all [installed,automatic] +python-apt-common/noble-updates,now 2.7.7ubuntu3 all [installed,automatic] +python3-apt/noble-updates,now 2.7.7ubuntu3 amd64 [installed,automatic] +python3-blinker/noble,now 1.7.0-1 all [installed,automatic] +python3-cffi-backend/noble,now 1.16.0-2build1 amd64 [installed,automatic] +python3-cryptography/noble-updates,noble-security,now 41.0.7-4ubuntu0.1 amd64 [installed,automatic] +python3-dbus/noble,now 1.3.2-5build3 amd64 [installed,automatic] +python3-dev/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed] +python3-distro-info/noble,now 1.7build1 all [installed,automatic] +python3-distro/noble,now 1.9.0-1 all [installed,automatic] +python3-gi/noble,now 3.48.2-1 amd64 [installed,automatic] +python3-httplib2/noble,now 0.20.4-3 all [installed,automatic] +python3-jwt/noble,now 2.7.0-1 all [installed,automatic] +python3-launchpadlib/noble,now 1.11.0-6 all [installed,automatic] +python3-lazr.restfulclient/noble,now 0.14.6-1 all [installed,automatic] +python3-lazr.uri/noble,now 1.0.6-3 all [installed,automatic] +python3-lldb-17/noble,now 1:17.0.6-9ubuntu1 amd64 [installed,automatic] +python3-minimal/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +python3-oauthlib/noble,now 3.2.2-1 all [installed,automatic] +python3-packaging/noble,now 24.0-1 all [installed,automatic] +python3-pip-whl/noble-updates,noble-security,now 24.0+dfsg-1ubuntu1.1 all [installed,automatic] +python3-pkg-resources/noble-updates,noble-security,now 68.1.2-2ubuntu1.1 all [installed,automatic] +python3-pygments/noble,now 2.17.2+dfsg-1 all [installed,automatic] +python3-pyparsing/noble,now 3.1.1-1 all [installed,automatic] +python3-setuptools-whl/noble-updates,noble-security,now 68.1.2-2ubuntu1.1 all [installed,automatic] +python3-six/noble,now 1.16.0-4 all [installed,automatic] +python3-software-properties/noble-updates,now 0.99.49.1 all [installed,automatic] +python3-venv/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed] +python3-wadllib/noble,now 1.3.6-5 all [installed,automatic] +python3-yaml/noble,now 6.0.1-2build2 amd64 [installed,automatic] +python3.12-dev/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12-minimal/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12-venv/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3.12/noble-updates,noble-security,now 3.12.3-1ubuntu0.3 amd64 [installed,automatic] +python3/noble-updates,now 3.12.3-0ubuntu2 amd64 [installed,automatic] +readline-common/noble,now 8.2-4build1 all [installed,automatic] +rpcsvc-proto/noble,now 1.4.2-0ubuntu7 amd64 [installed,automatic] +rsync/noble,now 3.2.7-1ubuntu1 amd64 [installed] +sed/noble,now 4.9-2build1 amd64 [installed] +sensible-utils/noble,now 0.0.22 all [installed] +session-migration/noble,now 0.3.9build1 amd64 [installed,automatic] +sgml-base/noble,now 1.31 all [installed,automatic] +shared-mime-info/noble,now 2.4-4 amd64 [installed,automatic] +software-properties-common/noble-updates,now 0.99.49.1 all [installed] +sound-theme-freedesktop/noble,now 0.8-2ubuntu1 all [installed,automatic] +spawn-fcgi/noble,now 1.6.4-2 amd64 [installed,automatic] +sphinxbase-utils/noble,now 0.8+5prealpha+1-17build2 amd64 [installed] +ssl-cert/noble,now 1.1.2ubuntu1 all [installed,automatic] +systemd-dev/noble-updates,now 255.4-1ubuntu8.4 all [installed,automatic] +systemd-resolved/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd-sysv/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd-timesyncd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +systemd/noble-updates,now 255.4-1ubuntu8.4 amd64 [installed,automatic] +sysvinit-utils/noble,now 3.08-6ubuntu3 amd64 [installed] +tar/noble,now 1.35+dfsg-3build1 amd64 [installed] +time/noble,now 1.9-0.2build1 amd64 [installed] +tzdata/noble-updates,now 2024a-3ubuntu1.1 all [installed,automatic] +ubuntu-keyring/noble,now 2023.11.28.1 all [installed] +ubuntu-mono/noble,now 24.04-0ubuntu1 all [installed,automatic] +ucf/noble,now 3.0043+nmu1 all [installed,automatic] +unattended-upgrades/noble,now 2.9.1+nmu4ubuntu1 all [installed,automatic] +unzip/noble-updates,noble-security,now 6.0-28ubuntu4.1 amd64 [installed] +util-linux/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed] +uuid-dev/noble-updates,now 2.39.3-9ubuntu6.1 amd64 [installed,automatic] +v4l-utils/noble,now 1.26.1-4build3 amd64 [installed] +va-driver-all/noble,now 2.20.0-2build1 amd64 [installed,automatic] +vdpau-driver-all/noble,now 1.5-2build1 amd64 [installed,automatic] +wayland-protocols/noble,now 1.34-1 all [installed,automatic] +wget/noble-updates,noble-security,now 1.21.4-1ubuntu4.1 amd64 [installed] +x11-apps/noble,now 7.7+11build3 amd64 [installed] +x11-common/noble,now 1:7.7+23ubuntu3 all [installed,automatic] +x11proto-dev/noble,now 2023.2-1 all [installed,automatic] +x264/noble,now 2:0.164.3108+git31e19f9-1 amd64 [installed] +xauth/noble,now 1:1.1.2-1build1 amd64 [installed,automatic] +xbitmaps/noble,now 1.1.1-2.2 all [installed,automatic] +xdg-user-dirs/noble,now 0.18-1build1 amd64 [installed,automatic] +xfonts-encodings/noble,now 1:1.0.5-0ubuntu2 all [installed,automatic] +xfonts-utils/noble,now 1:7.7+6build3 amd64 [installed,automatic] +xkb-data/noble-updates,now 2.41-2ubuntu1.1 all [installed,automatic] +xml-core/noble,now 0.19 all [installed,automatic] +xorg-sgml-doctools/noble,now 1:1.11-1.1 all [installed,automatic] +xtrans-dev/noble,now 1.4.0-1 all [installed,automatic] +xz-utils/noble-updates,now 5.6.1+really5.4.5-1build0.1 amd64 [installed,automatic] +yasm/noble,now 1.3.0-4 amd64 [installed] +zip/noble-updates,now 3.0-13ubuntu0.1 amd64 [installed] +zlib1g-dev/noble-updates,now 1:1.3.dfsg-3.1ubuntu2.1 amd64 [installed] +zlib1g/noble-updates,now 1:1.3.dfsg-3.1ubuntu2.1 amd64 [installed] + +[system details] + +FOUND_UBUNTU: 24.04 +OpenCV_Built: 4.10.0 +TensorFlow_Built: 2.18.0 +FFmpeg_Built: 7.1 +Torch_Built: 2.5.1 +TorchVision_Built: 0.20.0 +TorchAudio_Built: 2.5.0 +TorchData_Built: 0.9.0 diff --git a/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/TensorFlow--Details.txt b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/TensorFlow--Details.txt new file mode 100644 index 0000000..a1d7fb6 --- /dev/null +++ b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/TensorFlow--Details.txt @@ -0,0 +1,44 @@ + CTPO_FROM : ubuntu:24.04 +cd BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219 +docker buildx ls | grep -q ctpo-202412wip_builder && echo "builder already exists -- to delete it, use: docker buildx rm ctpo-202412wip_builder" || docker buildx create --name ctpo-202412wip_builder --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000 +docker buildx use ctpo-202412wip_builder || exit 1 +BUILDX_EXPERIMENTAL=1 NVIDIA_VISIBLE_DEVICES=void docker buildx debug --on=error build --progress plain --platform linux/amd64 \ + --build-arg CTPO_NUMPROC="32" \ + --tag="tensorflow_pytorch_opencv:2.18.0_2.5.1_4.10.0-20241219" \ + -f Dockerfile \ + --load \ + . + + +***** TensorFlow configuration: +--- Tensorflow Build: Environment variables set --- +TF_CUDA_CLANG=0 +TF_CUDA_COMPUTE_CAPABILITIES= +TF_NEED_AWS=0 +TF_NEED_CLANG=1 +TF_NEED_COMPUTECPP=0 +TF_NEED_CUDA=0 +TF_NEED_GCP=0 +TF_NEED_GDR=0 +TF_NEED_HDFS=0 +TF_NEED_JEMALLOC=0 +TF_NEED_KAFKA=0 +TF_NEED_MKL=0 +TF_NEED_MPI=0 +TF_NEED_OPENCL=0 +TF_NEED_OPENCL_SYCL=0 +TF_NEED_ROCM=0 +TF_NEED_S3=0 +TF_NEED_TENSORRT=0 +TF_NEED_VERBS=0 +TF_SET_ANDROID_WORKSPACE=0 + +*** Tensorflow version : 2.18.0 +*** TF Builf with cuda : False +*** TF compile flags : ['-I/usr/local/lib/python3.12/dist-packages/tensorflow/include', '-D_GLIBCXX_USE_CXX11_ABI=1', '--std=c++17', '-DEIGEN_MAX_ALIGN_BYTES=64'] +*** TF include : /usr/local/lib/python3.12/dist-packages/tensorflow/include +*** TF lib : /usr/local/lib/python3.12/dist-packages/tensorflow +*** TF link flags : ['-L/usr/local/lib/python3.12/dist-packages/tensorflow', '-l:libtensorflow_framework.so.2'] +*** Keras version : 3.7.0 +*** pandas version : 2.2.3 +*** scikit-learn version : 1.6.0 diff --git a/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/withincontainer_checker.sh b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/withincontainer_checker.sh new file mode 100644 index 0000000..b7aa188 --- /dev/null +++ b/BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/withincontainer_checker.sh @@ -0,0 +1,112 @@ +#!/bin/bash + +# Expected to be run in container +if [ ! -f /.within_container ]; then + echo "Tool expected to be ran within the container, aborting" + exit 1 +fi + +destp="/tmp/python_info.txt" +echo "Python location: $(which python3)" > $destp +echo "Python version: $(python3 --version)" >> $destp +echo "" >> $destp +echo "[pip list]" >> $destp +pip3 list >> $destp + +echo "" >> $destp +echo "[apt list]" >> $destp +apt list --installed >> $destp + +echo "" >> $destp +echo "[system details]" >> $destp + +# Ubuntu version +tmp="/etc/lsb-release" +if [ ! -f $tmp ]; then + echo "Unable to confirm Ubuntu version, aborting" + exit 1 +fi +echo "" >> $destp +echo -n "FOUND_UBUNTU: " >> $destp +perl -ne 'print $1 if (m%DISTRIB_RELEASE=(.+)%)' $tmp >> $destp +echo "" >> $destp + +if [ -f /tmp/.GPU_build ]; then + # CUDNN version + cudnn_inc="/usr/include/cudnn.h" + cudnn8_inc="/usr/include/x86_64-linux-gnu/cudnn_version_v8.h" + cudnnjn_inc="/usr/include/cudnn_version.h" + if [ -f $cudnn8_inc ]; then + cudnn_inc="${cudnn8_inc}" + elif [ -f $cudnnjn_inc ]; then + cudnn_inc="$cudnnjn_inc" + fi + if [ ! -f $cudnn_inc ]; then + cudnn="Details not found" + else + cmj="$(sed -n 's/^#define CUDNN_MAJOR\s*\(.*\).*/\1/p' $cudnn_inc)" + cmn="$(sed -n 's/^#define CUDNN_MINOR\s*\(.*\).*/\1/p' $cudnn_inc)" + cpl="$(sed -n 's/^#define CUDNN_PATCHLEVEL\s*\(.*\).*/\1/p' $cudnn_inc)" + cudnn="${cmj}.${cmn}.${cpl}" + fi + echo "$cudnn" > /tmp/.cudnn_found + + # CUDA version + nvcc="/usr/local/nvidia/bin/nvcc" + if [ ! -f $cuda_f ]; then + cuda="Details not found" + else + cuda=$($nvcc --version | grep compilation | perl -ne 'print $1 if (m%V([\d\.]+)%)') + fi + echo "$cuda" > /tmp/.cuda_found +fi + +dest="/tmp/opencv_info.txt" +if [ -f /tmp/.opencv_built ]; then + echo "OpenCV_Built: $(cat /tmp/.opencv_built)" >> $destp + + echo -n "-- Confirming OpenCV Python is installed. Version: " > $dest + python3 -c 'import cv2; print(cv2.__version__)' >> $dest + echo "" >> $dest + opencv_version -v >> $dest + if [ -f /tmp/.cudnn_found ]; then + echo "" >> $dest + echo "cuDNN_FOUND: $(cat /tmp/.cudnn_found)" >> $dest + fi +fi + +if [ -f /tmp/.cuda_found ]; then + echo "CUDA_found: $(cat /tmp/.cuda_found)" >> $destp +fi + +if [ -f /tmp/.cudnn_found ]; then + echo "cuDNN_found: $(cat /tmp/.cudnn_found)" >> $destp +fi + +if [ -f /tmp/.tensorflow_built ]; then + echo "TensorFlow_Built: $(cat /tmp/.tensorflow_built)" >> $destp +fi + +if [ -f /tmp/.ffmpeg_built ]; then + echo "FFmpeg_Built: $(cat /tmp/.ffmpeg_built)" >> $destp +fi + +if [ -f /tmp/.torch_built ]; then + echo "Torch_Built: $(cat /tmp/.torch_built)" >> $destp +fi + +if [ -f /tmp/.torchvision_built ]; then + echo "TorchVision_Built: $(cat /tmp/.torchvision_built)" >> $destp +fi + +if [ -f /tmp/.torchaudio_built ]; then + echo "TorchAudio_Built: $(cat /tmp/.torchaudio_built)" >> $destp +fi + +if [ -f /tmp/.torchdata_built ]; then + echo "TorchData_Built: $(cat /tmp/.torchdata_built)" >> $destp +fi + +if [ -f /tmp/.torchtext_built ]; then + echo "TorchText_Built: $(cat /tmp/.torchtext_built)" >> $destp +fi diff --git a/Makefile b/Makefile index 504559d..6e69746 100644 --- a/Makefile +++ b/Makefile @@ -4,7 +4,10 @@ SHELL := /bin/bash .NOTPARALLEL: # Release to match data of Dockerfile and follow YYYYMMDD pattern -CTPO_RELEASE=20241125 +CTPO_RELEASE=20241219 +BUILDX_RELEASE=${CTPO_RELEASE} +# Attempt to use cache for the buildx images, change value to create clean buildx base +BUILDX_RELEASE=202412wip # The default is not to build OpenCV non-free or build FFmpeg with libnpp, as those would make the images unredistributable # Replace "free" by "unredistributable" if you need to use those for a personal build @@ -37,7 +40,7 @@ CKTK_CHECK="yes" # https://docs.nvidia.com/deploy/cuda-compatibility/index.html#binary-compatibility__table-toolkit-driver # # According to https://hub.docker.com/r/nvidia/cuda/ -# https://hub.docker.com/r/nvidia/cuda/tags?page=1&name=22.04 +# https://hub.docker.com/r/nvidia/cuda/tags?page=1&name=24.04 # # Note: CUDA11 minimum version has to match the one used by PyTorch # From PyTorch: Deprecation of CUDA 11.6 and Python 3.7 Support @@ -47,6 +50,10 @@ CKTK_CHECK="yes" STABLE_CUDA=12.5.1 STABLE_CUDNN=9.3.0.75 +# TensortRT: +# check available version: apt-cache madison tensorrt-dev +TENSORRT="-TensorRT" + # CUDNN needs 5.3 at minimum, extending list from https://en.wikipedia.org/wiki/CUDA#GPUs_supported # Skipping Tegra, Jetson, ... (ie not desktop/server GPUs) from this list # Keeping from Pascal and above @@ -145,6 +152,8 @@ all: @echo " tensorflow_opencv OR pytorch_opencv OR tensorflow_pytorch_opencv (aka TPO, for CPU): "; echo -n " "; echo ${TPO_BUILDALL} | sed -e 's/ /\n /g' @echo " build_ctpo (requires GPU Docker runtime):" @echo " cuda_tensorflow_opencv OR cuda_pytorch_opencv OR cuda_tensorflow_pytorch_opencv (aka CTPO, for NVIDIA GPU): "; echo -n " "; echo ${CTPO_BUILDALL} | sed -e 's/ /\n /g' + @echo " build_ctpo_tensorrt (requires GPU Docker runtime):" + @echo " cuda_tensorflow_pytorch_opencv (aka CTPO, for NVIDIA GPU with TensorRT): same as cuda_tensorflow_pytorch_opencv but installing TensorRT libraries"; echo " Note:TensorRT is not supported by TensorFlow since 2.18.0" @echo "" @echo "*** Jupyter Labs ready containers (requires the base TPO & CTPO container to either be built locally or docker will attempt to pull otherwise)" @echo " jupyter_tpo: "; echo -n " "; echo ${TPO_JUP} @@ -152,7 +161,7 @@ all: @echo "" ## special command to build all targets -build_all: ${TPO_BUILDALL} ${CTPO_BUILDALL} +build_all: ${TPO_BUILDALL} ${CTPO_BUILDALL} build_ctpo_tensorrt tensorflow_opencv: ${TPO_BUILDALL_T} @@ -170,13 +179,16 @@ build_tpo: ${TPO_BUILDALL} build_ctpo: ${CTPO_BUILDALL} +build_ctpo_tensorrt: + @BTARG="${CTPO_BUILDALL_TP}" USE_TENSORRT="${TENSORRT}" make build_prep + ${TPO_BUILDALL} ${CTPO_BUILDALL}: - @BTARG="$@" make build_prep + @BTARG="$@" USE_TENSORRT="" make build_prep build_prep: @$(eval CTPO_NAME=$(shell echo ${BTARG} | cut -d- -f 1)) @$(eval CTPO_TAG=$(shell echo ${BTARG} | cut -d- -f 2)) - @$(eval CTPO_FULLTAG=${CTPO_TAG}-${CTPO_RELEASE}) + @$(eval CTPO_FULLTAG=${CTPO_TAG}-${CTPO_RELEASE}${USE_TENSORRT}) @$(eval CTPO_FULLNAME=${CTPO_NAME}-${CTPO_FULLTAG}) @echo ""; echo ""; echo "[*****] Build: ${CTPO_NAME}:${CTPO_FULLTAG}"; @if [ ! -f ${DFBH} ]; then echo "ERROR: ${DFBH} does not exist"; exit 1; fi @@ -196,11 +208,13 @@ build_prep: --torchvision_version=${CTPO_TORCHVISION} \ --torchdata_version=${CTPO_TORCHDATA} \ --clang_version=${CLANG_VERSION} \ + --copyfile=tools/withincontainer_checker.sh \ + --TensorRT="${USE_TENSORRT}" \ && sync @while [ ! -f ${BUILD_DESTDIR}/env.txt ]; do sleep 1; done - @CTPO_NAME=${CTPO_NAME} CTPO_TAG=${CTPO_TAG} CTPO_FULLTAG=${CTPO_FULLTAG} BUILD_DESTDIR=${BUILD_DESTDIR} CTPO_FULLNAME=${CTPO_FULLNAME} make pre_build + @CTPO_NAME=${CTPO_NAME} CTPO_TAG=${CTPO_TAG} CTPO_FULLTAG=${CTPO_FULLTAG} BUILD_DESTDIR=${BUILD_DESTDIR} CTPO_FULLNAME=${CTPO_FULLNAME} CTPO_RELEASE=${CTPO_RELEASE} make pre_build pre_build: @$(eval CTPO_FROM=${shell cat ${BUILD_DESTDIR}/env.txt | grep CTPO_FROM | cut -d= -f 2}) @@ -212,7 +226,7 @@ pre_build: if [ -f ./${CTPO_FULLNAME}.log ]; then \ echo " !! Log file (${CTPO_FULLNAME}.log) exists, skipping rebuild (remove to force)"; echo ""; \ else \ - CTPO_NAME=${CTPO_NAME} CTPO_TAG=${CTPO_TAG} CTPO_FULLTAG=${CTPO_FULLTAG} CTPO_FROM=${CTPO_FROM} BUILD_DESTDIR=${BUILD_DESTDIR} CTPO_FULLNAME=${CTPO_FULLNAME} CTPO_BUILD="${CTPO_BUILD}" make actual_build; \ + CTPO_NAME=${CTPO_NAME} CTPO_TAG=${CTPO_TAG} CTPO_FULLTAG=${CTPO_FULLTAG} CTPO_FROM=${CTPO_FROM} BUILD_DESTDIR=${BUILD_DESTDIR} CTPO_FULLNAME=${CTPO_FULLNAME} CTPO_BUILD="${CTPO_BUILD}" CTPO_RELEASE=${CTPO_RELEASE} make actual_build; \ fi; \ fi @@ -234,6 +248,7 @@ actual_build: @$(eval VAR_FF="${BUILD_DESTDIR}/FFmpeg--Details.txt") @$(eval VAR_PT="${BUILD_DESTDIR}/PyTorch--Details.txt") @${eval CTPO_DESTIMAGE="${CTPO_NAME}:${CTPO_FULLTAG}"} + @${eval CTPO_BUILDX="ctpo-${BUILDX_RELEASE}_builder"} @mkdir -p ${VAR_DD} @echo "" @echo " CTPO_FROM : ${CTPO_FROM}" | tee ${VAR_CV} | tee ${VAR_TF} | tee ${VAR_FF} | tee ${VAR_PT} | tee ${VAR_PY} @@ -243,11 +258,17 @@ actual_build: @echo " Docker runtime: ${CHECK_DOCKER_RUNTIME} / Build requirements: ${CTPO_BUILD}" @echo "" @echo "-- Docker command to be run:" - @echo "BUILDX_EXPERIMENTAL=1 ${DOCKER_PRE} docker buildx debug --on=error build --progress plain --platform linux/amd64 ${DOCKER_BUILD_ARGS} \\" > ${VAR_NT}.cmd + @echo "cd ${BUILD_DESTDIR}" > ${VAR_NT}.cmd + @echo "docker buildx ls | grep -q ${CTPO_BUILDX} && echo \"builder already exists -- to delete it, use: docker buildx rm ${CTPO_BUILDX}\" || docker buildx create --name ${CTPO_BUILDX} --driver-opt env.BUILDKIT_STEP_LOG_MAX_SIZE=256000000" >> ${VAR_NT}.cmd + @echo "docker buildx use ${CTPO_BUILDX} || exit 1" >> ${VAR_NT}.cmd +# @echo "echo \"===== Build Start time: \" `date`" >> ${VAR_NT}.cmd + @echo "BUILDX_EXPERIMENTAL=1 ${DOCKER_PRE} docker buildx debug --on=error build --progress plain --platform linux/amd64 ${DOCKER_BUILD_ARGS} \\" >> ${VAR_NT}.cmd @echo " --build-arg CTPO_NUMPROC=\"$(CTPO_NUMPROC)\" \\" >> ${VAR_NT}.cmd @echo " --tag=\"${CTPO_DESTIMAGE}\" \\" >> ${VAR_NT}.cmd - @echo " -f ${BUILD_DESTDIR}/Dockerfile \\" >> ${VAR_NT}.cmd + @echo " -f Dockerfile \\" >> ${VAR_NT}.cmd + @echo " --load \\" >> ${VAR_NT}.cmd @echo " ." >> ${VAR_NT}.cmd +# @echo "echo \"===== Build End time: \" `date`" >> ${VAR_NT}.cmd @cat ${VAR_NT}.cmd | tee ${VAR_NT}.log.temp | tee -a ${VAR_CV} | tee -a ${VAR_TF} | tee -a ${VAR_FF} | tee -a ${VAR_PT} | tee -a ${VAR_PY} @echo "" | tee -a ${VAR_NT}.log.temp @echo "Press Ctl+c within 5 seconds to cancel" @@ -266,7 +287,6 @@ post_build: @printf "\n\n***** TorchVision configuration:\n" >> ${VAR_PT}; docker cp ${tmp_id}:/tmp/torchvision_config.txt /tmp/ctpo; cat /tmp/ctpo >> ${VAR_PT} @printf "\n\n***** TorchAudio configuration:\n" >> ${VAR_PT}; docker cp ${tmp_id}:/tmp/torchaudio_config.txt /tmp/ctpo; cat /tmp/ctpo >> ${VAR_PT} @printf "\n\n***** TorchData configuration:\n" >> ${VAR_PT}; docker cp ${tmp_id}:/tmp/torchdata_config.txt /tmp/ctpo; cat /tmp/ctpo >> ${VAR_PT} -# @printf "\n\n***** TorchText configuration:\n" >> ${VAR_PT}; docker cp ${tmp_id}:/tmp/torchtext_config.txt /tmp/ctpo; cat /tmp/ctpo >> ${VAR_PT} @printf "\n\n***** Python configuration:\n" >> ${VAR_PY}; docker cp ${tmp_id}:/tmp/python_info.txt /tmp/ctpo; cat /tmp/ctpo >> ${VAR_PY} @docker rm -v ${tmp_id} @@ -314,6 +334,15 @@ force_cv_check: @echo "cv_hw" @${DOCKER_PRE} docker run --rm -v `pwd`:/iti -v `pwd`/tools/skip_disclaimer.sh:/opt/nvidia/nvidia_entrypoint.sh --gpus all ${CTPO_DESTIMAGE} python3 /iti/test/cv_hw.py | tee -a ${VAR_NT}.testlog; exit "$${PIPESTATUS[0]}" +##### buildx rm +buildx_rm: + @docker buildx ls | grep -q ctpo-${BUILDX_RELEASE}_builder || echo "builder does not exist" + echo "** About to delete buildx: ctpo-${BUILDX_RELEASE}_builder" + @echo "Press Ctl+c within 5 seconds to cancel" + @for i in 5 4 3 2 1; do echo -n "$$i "; sleep 1; done; echo "" + @docker buildx rm ctpo-${BUILDX_RELEASE}_builder + + ########## ##### Build Details dump_builddetails: @@ -451,8 +480,10 @@ docker_tag_push_core: # % make build_ctpo # - Build ALL the TPO images # % make build_tpo +# - Build the TensorRT image +# % make build_ctpo_tensorrt # - Manually check that all the *.testlog contain valid information -# % less *.testlog +# % bat *.testlog # - Build the README-BuildDetails.md file # % make dump_builddetails # - Add TAG_RELEASE tag to all the built images @@ -485,3 +516,5 @@ docker_tag_push_core: # % git tag YYYYMMDD # % git push origin YYYYMMDD # - Create a release on GitHub using the YYYYMMDD tag, add the release notes, and publish +# - delete the created docker builder (find its name then REPLACE it) +# % make buildx_rm diff --git a/README-BuildDetails.md b/README-BuildDetails.md index 0761633..9bba2b2 100644 --- a/README-BuildDetails.md +++ b/README-BuildDetails.md @@ -11,6 +11,7 @@ ### pytorch_opencv | Docker tag | PyTorch | OpenCV | FFmpeg | Ubuntu | | --- | --- | --- | --- | --- | +| [2.5.1_4.10.0-20241219](BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/Dockerfile) | [2.5.1](BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/PyTorch--Details.txt) | [4.10.0](BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/OpenCV--Details.txt) | [7.1](BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/FFmpeg--Details.txt) | [24.04](BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219/System--Details.txt) | | [2.5.1_4.10.0-20241125](BuildDetails/20241125/pytorch_opencv-2.5.1_4.10.0-20241125/Dockerfile) | [2.5.1](BuildDetails/20241125/pytorch_opencv-2.5.1_4.10.0-20241125/PyTorch--Details.txt) | [4.10.0](BuildDetails/20241125/pytorch_opencv-2.5.1_4.10.0-20241125/OpenCV--Details.txt) | [7.1](BuildDetails/20241125/pytorch_opencv-2.5.1_4.10.0-20241125/FFmpeg--Details.txt) | [22.04](BuildDetails/20241125/pytorch_opencv-2.5.1_4.10.0-20241125/System--Details.txt) | | [2.2.2_4.9.0-20240421](BuildDetails/20240421/pytorch_opencv-2.2.2_4.9.0-20240421/Dockerfile) | [2.2.0a0+git39901f2](BuildDetails/20240421/pytorch_opencv-2.2.2_4.9.0-20240421/PyTorch--Details.txt) | [4.9.0](BuildDetails/20240421/pytorch_opencv-2.2.2_4.9.0-20240421/OpenCV--Details.txt) | [6.1.1](BuildDetails/20240421/pytorch_opencv-2.2.2_4.9.0-20240421/FFmpeg--Details.txt) | [22.04](BuildDetails/20240421/pytorch_opencv-2.2.2_4.9.0-20240421/System--Details.txt) | | [2.1.1_4.8.0-20231201](BuildDetails/20231201/pytorch_opencv-2.1.1_4.8.0-20231201/Dockerfile) | [2.1.0a0+git4c55dc5](BuildDetails/20231201/pytorch_opencv-2.1.1_4.8.0-20231201/PyTorch--Details.txt) | [4.8.0](BuildDetails/20231201/pytorch_opencv-2.1.1_4.8.0-20231201/OpenCV--Details.txt) | [5.1.4](BuildDetails/20231201/pytorch_opencv-2.1.1_4.8.0-20231201/FFmpeg--Details.txt) | [22.04](BuildDetails/20231201/pytorch_opencv-2.1.1_4.8.0-20231201/System--Details.txt) | @@ -19,6 +20,7 @@ ### tensorflow_opencv | Docker tag | TensorFlow | OpenCV | FFmpeg | Ubuntu | | --- | --- | --- | --- | --- | +| [2.18.0_4.10.0-20241219](BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/Dockerfile) | [2.18.0](BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/TensorFlow--Details.txt) | [4.10.0](BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/OpenCV--Details.txt) | [7.1](BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/FFmpeg--Details.txt) | [24.04](BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/System--Details.txt) | | [2.18.0_4.10.0-20241125](BuildDetails/20241125/tensorflow_opencv-2.18.0_4.10.0-20241125/Dockerfile) | [2.18.0](BuildDetails/20241125/tensorflow_opencv-2.18.0_4.10.0-20241125/TensorFlow--Details.txt) | [4.10.0](BuildDetails/20241125/tensorflow_opencv-2.18.0_4.10.0-20241125/OpenCV--Details.txt) | [7.1](BuildDetails/20241125/tensorflow_opencv-2.18.0_4.10.0-20241125/FFmpeg--Details.txt) | [22.04](BuildDetails/20241125/tensorflow_opencv-2.18.0_4.10.0-20241125/System--Details.txt) | | [2.16.1_4.9.0-20240421](BuildDetails/20240421/tensorflow_opencv-2.16.1_4.9.0-20240421/Dockerfile) | [2.16.1](BuildDetails/20240421/tensorflow_opencv-2.16.1_4.9.0-20240421/TensorFlow--Details.txt) | [4.9.0](BuildDetails/20240421/tensorflow_opencv-2.16.1_4.9.0-20240421/OpenCV--Details.txt) | [6.1.1](BuildDetails/20240421/tensorflow_opencv-2.16.1_4.9.0-20240421/FFmpeg--Details.txt) | [22.04](BuildDetails/20240421/tensorflow_opencv-2.16.1_4.9.0-20240421/System--Details.txt) | | [2.14.1_4.8.0-20231201](BuildDetails/20231201/tensorflow_opencv-2.14.1_4.8.0-20231201/Dockerfile) | [2.14.1](BuildDetails/20231201/tensorflow_opencv-2.14.1_4.8.0-20231201/TensorFlow--Details.txt) | [4.8.0](BuildDetails/20231201/tensorflow_opencv-2.14.1_4.8.0-20231201/OpenCV--Details.txt) | [5.1.4](BuildDetails/20231201/tensorflow_opencv-2.14.1_4.8.0-20231201/FFmpeg--Details.txt) | [22.04](BuildDetails/20231201/tensorflow_opencv-2.14.1_4.8.0-20231201/System--Details.txt) | @@ -27,6 +29,7 @@ ### tensorflow_pytorch_opencv | Docker tag | TensorFlow | PyTorch | OpenCV | FFmpeg | Ubuntu | | --- | --- | --- | --- | --- | --- | +| [2.18.0_2.5.1_4.10.0-20241219](BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/Dockerfile) | [2.18.0](BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/TensorFlow--Details.txt) | [2.5.1](BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/PyTorch--Details.txt) | [4.10.0](BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/OpenCV--Details.txt) | [7.1](BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/FFmpeg--Details.txt) | [24.04](BuildDetails/20241219/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241219/System--Details.txt) | | [2.18.0_2.5.1_4.10.0-20241125](BuildDetails/20241125/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241125/Dockerfile) | [2.18.0](BuildDetails/20241125/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241125/TensorFlow--Details.txt) | [2.5.1](BuildDetails/20241125/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241125/PyTorch--Details.txt) | [4.10.0](BuildDetails/20241125/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241125/OpenCV--Details.txt) | [7.1](BuildDetails/20241125/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241125/FFmpeg--Details.txt) | [22.04](BuildDetails/20241125/tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0-20241125/System--Details.txt) | | [2.16.1_2.2.2_4.9.0-20240421](BuildDetails/20240421/tensorflow_pytorch_opencv-2.16.1_2.2.2_4.9.0-20240421/Dockerfile) | [2.16.1](BuildDetails/20240421/tensorflow_pytorch_opencv-2.16.1_2.2.2_4.9.0-20240421/TensorFlow--Details.txt) | [2.2.0a0+git39901f2](BuildDetails/20240421/tensorflow_pytorch_opencv-2.16.1_2.2.2_4.9.0-20240421/PyTorch--Details.txt) | [4.9.0](BuildDetails/20240421/tensorflow_pytorch_opencv-2.16.1_2.2.2_4.9.0-20240421/OpenCV--Details.txt) | [6.1.1](BuildDetails/20240421/tensorflow_pytorch_opencv-2.16.1_2.2.2_4.9.0-20240421/FFmpeg--Details.txt) | [22.04](BuildDetails/20240421/tensorflow_pytorch_opencv-2.16.1_2.2.2_4.9.0-20240421/System--Details.txt) | | [2.14.1_2.1.1_4.8.0-20231201](BuildDetails/20231201/tensorflow_pytorch_opencv-2.14.1_2.1.1_4.8.0-20231201/Dockerfile) | [2.14.1](BuildDetails/20231201/tensorflow_pytorch_opencv-2.14.1_2.1.1_4.8.0-20231201/TensorFlow--Details.txt) | [2.1.0a0+git4c55dc5](BuildDetails/20231201/tensorflow_pytorch_opencv-2.14.1_2.1.1_4.8.0-20231201/PyTorch--Details.txt) | [4.8.0](BuildDetails/20231201/tensorflow_pytorch_opencv-2.14.1_2.1.1_4.8.0-20231201/OpenCV--Details.txt) | [5.1.4](BuildDetails/20231201/tensorflow_pytorch_opencv-2.14.1_2.1.1_4.8.0-20231201/FFmpeg--Details.txt) | [22.04](BuildDetails/20231201/tensorflow_pytorch_opencv-2.14.1_2.1.1_4.8.0-20231201/System--Details.txt) | @@ -36,6 +39,7 @@ ### cuda_pytorch_opencv | Docker tag | CUDA | cuDNN | PyTorch | OpenCV | FFmpeg | Ubuntu | | --- | --- | --- | --- | --- | --- | --- | +| [12.5.1_2.5.1_4.10.0-20241219](BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/Dockerfile) | 12.5.82 | 9.3.0 | [2.5.1](BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/PyTorch--Details.txt) | [4.10.0](BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/OpenCV--Details.txt) | [7.1](BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/FFmpeg--Details.txt) | [24.04](BuildDetails/20241219/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241219/System--Details.txt) | | [12.5.1_2.5.1_4.10.0-20241125](BuildDetails/20241125/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241125/Dockerfile) | 12.5.82 | 9.3.0 | [2.5.1](BuildDetails/20241125/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241125/PyTorch--Details.txt) | [4.10.0](BuildDetails/20241125/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241125/OpenCV--Details.txt) | [7.1](BuildDetails/20241125/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241125/FFmpeg--Details.txt) | [22.04](BuildDetails/20241125/cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0-20241125/System--Details.txt) | | [12.3.2_2.2.2_4.9.0-20240421](BuildDetails/20240421/cuda_pytorch_opencv-12.3.2_2.2.2_4.9.0-20240421/Dockerfile) | 12.3.107 | 8.9.7 | [2.2.0a0+git39901f2](BuildDetails/20240421/cuda_pytorch_opencv-12.3.2_2.2.2_4.9.0-20240421/PyTorch--Details.txt) | [4.9.0](BuildDetails/20240421/cuda_pytorch_opencv-12.3.2_2.2.2_4.9.0-20240421/OpenCV--Details.txt) | [6.1.1](BuildDetails/20240421/cuda_pytorch_opencv-12.3.2_2.2.2_4.9.0-20240421/FFmpeg--Details.txt) | [22.04](BuildDetails/20240421/cuda_pytorch_opencv-12.3.2_2.2.2_4.9.0-20240421/System--Details.txt) | | [11.8.0_2.1.1_4.8.0-20231201](BuildDetails/20231201/cuda_pytorch_opencv-11.8.0_2.1.1_4.8.0-20231201/Dockerfile) | 11.8.89 | 8.9.6 | [2.1.0a0+git4c55dc5](BuildDetails/20231201/cuda_pytorch_opencv-11.8.0_2.1.1_4.8.0-20231201/PyTorch--Details.txt) | [4.8.0](BuildDetails/20231201/cuda_pytorch_opencv-11.8.0_2.1.1_4.8.0-20231201/OpenCV--Details.txt) | [5.1.4](BuildDetails/20231201/cuda_pytorch_opencv-11.8.0_2.1.1_4.8.0-20231201/FFmpeg--Details.txt) | [22.04](BuildDetails/20231201/cuda_pytorch_opencv-11.8.0_2.1.1_4.8.0-20231201/System--Details.txt) | @@ -44,6 +48,7 @@ ### cuda_tensorflow_opencv | Docker tag | CUDA | cuDNN | TensorFlow | OpenCV | FFmpeg | Ubuntu | | --- | --- | --- | --- | --- | --- | --- | +| [12.5.1_2.18.0_4.10.0-20241219](BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/Dockerfile) | 12.5.82 | 9.3.0 | [2.18.0](BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/TensorFlow--Details.txt) | [4.10.0](BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/OpenCV--Details.txt) | [7.1](BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/FFmpeg--Details.txt) | [24.04](BuildDetails/20241219/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241219/System--Details.txt) | | [12.5.1_2.18.0_4.10.0-20241125](BuildDetails/20241125/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241125/Dockerfile) | 12.5.82 | 9.3.0 | [2.18.0](BuildDetails/20241125/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241125/TensorFlow--Details.txt) | [4.10.0](BuildDetails/20241125/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241125/OpenCV--Details.txt) | [7.1](BuildDetails/20241125/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241125/FFmpeg--Details.txt) | [22.04](BuildDetails/20241125/cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0-20241125/System--Details.txt) | | [12.3.2_2.16.1_4.9.0-20240421](BuildDetails/20240421/cuda_tensorflow_opencv-12.3.2_2.16.1_4.9.0-20240421/Dockerfile) | 12.3.107 | 8.9.7 | [2.16.1](BuildDetails/20240421/cuda_tensorflow_opencv-12.3.2_2.16.1_4.9.0-20240421/TensorFlow--Details.txt) | [4.9.0](BuildDetails/20240421/cuda_tensorflow_opencv-12.3.2_2.16.1_4.9.0-20240421/OpenCV--Details.txt) | [6.1.1](BuildDetails/20240421/cuda_tensorflow_opencv-12.3.2_2.16.1_4.9.0-20240421/FFmpeg--Details.txt) | [22.04](BuildDetails/20240421/cuda_tensorflow_opencv-12.3.2_2.16.1_4.9.0-20240421/System--Details.txt) | | [11.8.0_2.14.1_4.8.0-20231201](BuildDetails/20231201/cuda_tensorflow_opencv-11.8.0_2.14.1_4.8.0-20231201/Dockerfile) | 11.8.89 | 8.7.0 | [2.14.1](BuildDetails/20231201/cuda_tensorflow_opencv-11.8.0_2.14.1_4.8.0-20231201/TensorFlow--Details.txt) | [4.8.0](BuildDetails/20231201/cuda_tensorflow_opencv-11.8.0_2.14.1_4.8.0-20231201/OpenCV--Details.txt) | [5.1.4](BuildDetails/20231201/cuda_tensorflow_opencv-11.8.0_2.14.1_4.8.0-20231201/FFmpeg--Details.txt) | [22.04](BuildDetails/20231201/cuda_tensorflow_opencv-11.8.0_2.14.1_4.8.0-20231201/System--Details.txt) | @@ -52,6 +57,7 @@ ### cuda_tensorflow_pytorch_opencv | Docker tag | CUDA | cuDNN | TensorFlow | PyTorch | OpenCV | FFmpeg | Ubuntu | | --- | --- | --- | --- | --- | --- | --- | --- | +| [12.5.1_2.18.0_2.5.1_4.10.0-20241219](BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/Dockerfile) | 12.5.82 | 9.3.0 | [2.18.0](BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/TensorFlow--Details.txt) | [2.5.1](BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/PyTorch--Details.txt) | [4.10.0](BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/OpenCV--Details.txt) | [7.1](BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/FFmpeg--Details.txt) | [24.04](BuildDetails/20241219/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241219/System--Details.txt) | | [12.5.1_2.18.0_2.5.1_4.10.0-20241125](BuildDetails/20241125/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241125/Dockerfile) | 12.5.82 | 9.3.0 | [2.18.0](BuildDetails/20241125/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241125/TensorFlow--Details.txt) | [2.5.1](BuildDetails/20241125/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241125/PyTorch--Details.txt) | [4.10.0](BuildDetails/20241125/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241125/OpenCV--Details.txt) | [7.1](BuildDetails/20241125/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241125/FFmpeg--Details.txt) | [22.04](BuildDetails/20241125/cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0-20241125/System--Details.txt) | | [12.3.2_2.16.1_2.2.2_4.9.0-20240421](BuildDetails/20240421/cuda_tensorflow_pytorch_opencv-12.3.2_2.16.1_2.2.2_4.9.0-20240421/Dockerfile) | 12.3.107 | 8.9.7 | [2.16.1](BuildDetails/20240421/cuda_tensorflow_pytorch_opencv-12.3.2_2.16.1_2.2.2_4.9.0-20240421/TensorFlow--Details.txt) | [2.2.0a0+git39901f2](BuildDetails/20240421/cuda_tensorflow_pytorch_opencv-12.3.2_2.16.1_2.2.2_4.9.0-20240421/PyTorch--Details.txt) | [4.9.0](BuildDetails/20240421/cuda_tensorflow_pytorch_opencv-12.3.2_2.16.1_2.2.2_4.9.0-20240421/OpenCV--Details.txt) | [6.1.1](BuildDetails/20240421/cuda_tensorflow_pytorch_opencv-12.3.2_2.16.1_2.2.2_4.9.0-20240421/FFmpeg--Details.txt) | [22.04](BuildDetails/20240421/cuda_tensorflow_pytorch_opencv-12.3.2_2.16.1_2.2.2_4.9.0-20240421/System--Details.txt) | | [11.8.0_2.14.1_2.1.1_4.8.0-20231201](BuildDetails/20231201/cuda_tensorflow_pytorch_opencv-11.8.0_2.14.1_2.1.1_4.8.0-20231201/Dockerfile) | 11.8.89 | 8.7.0 | [2.14.1](BuildDetails/20231201/cuda_tensorflow_pytorch_opencv-11.8.0_2.14.1_2.1.1_4.8.0-20231201/TensorFlow--Details.txt) | [2.1.0a0+git4c55dc5](BuildDetails/20231201/cuda_tensorflow_pytorch_opencv-11.8.0_2.14.1_2.1.1_4.8.0-20231201/PyTorch--Details.txt) | [4.8.0](BuildDetails/20231201/cuda_tensorflow_pytorch_opencv-11.8.0_2.14.1_2.1.1_4.8.0-20231201/OpenCV--Details.txt) | [5.1.4](BuildDetails/20231201/cuda_tensorflow_pytorch_opencv-11.8.0_2.14.1_2.1.1_4.8.0-20231201/FFmpeg--Details.txt) | [22.04](BuildDetails/20231201/cuda_tensorflow_pytorch_opencv-11.8.0_2.14.1_2.1.1_4.8.0-20231201/System--Details.txt) | diff --git a/README.md b/README.md index d3d3c2d..c2742d6 100644 --- a/README.md +++ b/README.md @@ -1,6 +1,6 @@

CTPO: CUDA + TensorFlow + PyTorch + OpenCV Docker containers

-Latest release: 20241125 +Latest release: 20241219 `Dockerfile`s to build containers with support for CPU and GPU (NVIDIA CUDA) containers with support for TensorFlow, PyTorch and OpenCV (or combinations of), based on `nvidia/cuda` and Ubuntu 22.04 container images. @@ -9,11 +9,14 @@ The tool's purpose is to enable developers, ML and CV enthusiasts to build and t - [1. Builds and Notes](#1-builds-and-notes) - [1.1. Tag naming conventions](#11-tag-naming-conventions) - [1.2. Building](#12-building) - - [1.3. Dockerfile](#13-dockerfile) - - [1.4. Available builds on DockerHub](#14-available-builds-on-dockerhub) - - [1.5. Build Details](#15-build-details) - - [1.6. Jupyter build](#16-jupyter-build) - - [1.7. Unraid build](#17-unraid-build) + - [1.2.1. A note on build: time \& space](#121-a-note-on-build-time--space) + - [1.2.2. Building (using Makefile)](#122-building-using-makefile) + - [1.2.3. Building (using Dockerfile)](#123-building-using-dockerfile) + - [1.3. Available builds on DockerHub](#13-available-builds-on-dockerhub) + - [1.3.1. TensorRT build](#131-tensorrt-build) + - [1.4. Build Details](#14-build-details) + - [1.5. Jupyter build](#15-jupyter-build) + - [1.6. Unraid build](#16-unraid-build) - [2. Usage and more](#2-usage-and-more) - [2.1. A note on supported GPU in the Docker Hub builds](#21-a-note-on-supported-gpu-in-the-docker-hub-builds) - [2.2. Using the container images](#22-using-the-container-images) @@ -47,9 +50,9 @@ The base for those container images is pulled from Dockerhub's official `ubuntu: More details on the Nvidia base images are available at https://hub.docker.com/r/nvidia/cuda/ In particular, please note that "By downloading these images, you agree to the terms of the license agreements for NVIDIA software included in the images"; with further details on DockerHub version from https://docs.nvidia.com/cuda/eula/index.html#attachment-a -For GPU-optimized versions, you will need to build the `cuda_` versions on a host with the supported hardware. -When using GPU and building the container, you need to install the NVIDIA Container Toolkit found at https://github.com/NVIDIA/nvidia-container-toolkit -Note that your NVIDIA video driver on your Linux host needs to support the version of CUDA that you are trying to build (you can see the supported CUDA version and driver version information when running the `nvidia-smi` command) +For GPU-optimized versions, we will need to build the `cuda_` versions on a host with the supported hardware. +When using GPU and building the container, we need to install the NVIDIA Container Toolkit found at https://github.com/NVIDIA/nvidia-container-toolkit +Note that the NVIDIA video driver on the Linux host needs to support the version of CUDA that we are trying to build (we can see the supported CUDA version and driver version information when running the `nvidia-smi` command) For CPU builds, simply build the non-`cuda_` versions. @@ -85,87 +88,110 @@ Similarly, `infotrend/ctpo-jupyter-cuda_tensorflow_pytorch_opencv-unraid:11.8.0_ There will be a variable number of components or features in the full container name as shown above. It is left to the end user to follow the naming convention. -## 1.2. Building +## 1.2. Building + +There are two methods to build local containers: +1. when building multiple versions of the container or to have a dedicated Docker `buildx` builder used; we recommend using the `Makefile` +2. when building a specific version of the container; use the matching `BuildDetails//--/Dockerfile` + +When using the `Makefile` method: we will use the `make` command to generate the content of the `BuildDetails` directory which will place all files required for building the container within that directory. For a `20241219` release, for `pytorch_opencv` a `BuildDetails/20241219/pytorch_opencv-2.5.1_4.10.0-20241219` directory (following the naming convention) is created and contains the build artifacts including a `Dockerfile` + +When using the `BuildDetails//--/Dockerfile` method: we can build the container using the files within that directory. + +### 1.2.1. A note on build: time & space + +Building the containers requires the docker build step to have internet access. The process is CPU and Memory intensive and will require storage space for the build and the final image. +For reference, on a system with an AMD 5950x (16-cores, ie `NUMPROC=32`), 128GB of memory and NVMe-based storage, the build time of `make build_tpo build_ctpo build_ctpo_tensort` (for the `20241219` release) --ie making use of layers caching when possible-- was about 60 minutes for the `tensorflow_opencv` or `pytorch_opencv` containers (about 7GB each), about 80 minutes for `tensorflow_pytorch_opencv` (about 8GB), close to 130 minutes (and a 17GB container) for `cuda_tensorflow_opencv`, over 200 minutes (also 17GB) for `cuda_pytorch_opencv`, over 220 minutes (for a 19GB container) for `cuda_tensorflow_pytorch_opencv`. The `TensorRT` variant took 240 minutes to build and its image size is close to 30GB. + +When generating all images, there is about 100GB of reclaimable space generated by Docker `buildx`. + + +### 1.2.2. Building (using Makefile) + +This method is a per-release method, as it will generate a build specific `Dockerfile` Type `make` to get the list of targets and some details of the possible builds. -Below you will see the result of this command for the `20231120` release: + +It is possible to adapt the content of the `Makefile` to build custom solutions. For example, the default is not to build OpenCV non-free or build FFmpeg with libnpp, as those would make the images unredistributable and any release on our Dockerhub is made with "redistributable" packages. + +We will see the result of this command for the `20241219` release: ``` -**** Docker Image tag ending: 20231120 +**** Docker Image tag ending: 20241219 **** Docker Runtime: GPU To switch between GPU/CPU: add/remove "default-runtime": "nvidia" in /etc/docker/daemon.json then run: sudo systemctl restart docker *** Available Docker images to be built (make targets): build_tpo (requires CPU Docker runtime): tensorflow_opencv OR pytorch_opencv OR tensorflow_pytorch_opencv (aka TPO, for CPU): - tensorflow_opencv-2.12.0_4.7.0 - pytorch_opencv-2.0.1_4.7.0 - tensorflow_pytorch_opencv-2.12.0_2.0.1_4.7.0 + tensorflow_opencv-2.18.0_4.10.0 + pytorch_opencv-2.5.1_4.10.0 + tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0 build_ctpo (requires GPU Docker runtime): cuda_tensorflow_opencv OR cuda_pytorch_opencv OR cuda_tensorflow_pytorch_opencv (aka CTPO, for NVIDIA GPU): - cuda_tensorflow_opencv-11.8.0_2.12.0_4.7.0 - cuda_pytorch_opencv-11.8.0_2.0.1_4.7.0 - cuda_tensorflow_pytorch_opencv-11.8.0_2.12.0_2.0.1_4.7.0 + cuda_tensorflow_opencv-12.5.1_2.18.0_4.10.0 + cuda_pytorch_opencv-12.5.1_2.5.1_4.10.0 + cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0 + build_ctpo_tensorrt (requires GPU Docker runtime): + cuda_tensorflow_pytorch_opencv (aka CTPO, for NVIDIA GPU with TensorRT): same as cuda_tensorflow_pytorch_opencv but installing TensorRT libraries + Note:TensorRT is not supported by TensorFlow since 2.18.0 *** Jupyter Labs ready containers (requires the base TPO & CTPO container to either be built locally or docker will attempt to pull otherwise) jupyter_tpo: - jupyter-tensorflow_pytorch_opencv-2.12.0_2.0.1_4.7.0 + jupyter-tensorflow_pytorch_opencv-2.18.0_2.5.1_4.10.0 jupyter_ctpo: - jupyter-cuda_tensorflow_pytorch_opencv-11.8.0_2.12.0_2.0.1_4.7.0 + jupyter-cuda_tensorflow_pytorch_opencv-12.5.1_2.18.0_2.5.1_4.10.0 ``` In this usage are multiple sections: - The `Docker Image tag ending` matches the software release tag. -- The `Docker Runtime` explains the current default runtime. For `GPU` (CTPO) builds it is recommended to add `"default-runtime": "nvidia"` in the `/etc/docker/daemon.json` file and restart the docker daemon. Similarly, for `CPU` (TPO) builds, it is recommended that the `"default-runtime"` should be removed (or commented,) but because switching runtime on a system is not always achievable, we will use `NVIDIA_VISIBLE_DEVICES=void` ([details](https://docs.nvidia.com/datacenter/cloud-native/container-toolkit/latest/docker-specialized.html).) You can check the current status of your runtime by running: `docker info | grep "Default Runtime"` -- The `Available Docker images to be built` section allows you to select the possible build targets. For `GPU`, the `cuda_` variants. For `CPU` the non `cuda_` variants. Naming conventions and tags follow the guidelines specified in the "Tag naming conventions" section. +- The `Docker Runtime` explains the current default runtime. For `GPU` (CTPO) builds it is recommended to add `"default-runtime": "nvidia"` in the `/etc/docker/daemon.json` file and restart the docker daemon. Similarly, for `CPU` (TPO) builds, it is recommended that the `"default-runtime"` should be removed (or commented,) but because switching runtime on a system is not always achievable, we will use `NVIDIA_VISIBLE_DEVICES=void` ([details](https://docs.nvidia.com/datacenter/cloud-native/container-toolkit/latest/docker-specialized.html).) We can check the current status of the docker runtime by running: `docker info | grep "Default Runtime"` +- The `Available Docker images to be built` section allows us to select the possible build targets. For `GPU`, the `cuda_` variants. For `CPU` the non `cuda_` variants. Naming conventions and tags follow the guidelines specified in the "Tag naming conventions" section. - The `Jupyter Labs ready containers` are based on the containers built in the "Available Docker images[...]" and adding a running "Jupyter Labs" following the specific `Dockerfile` in the `Jupyter_build` directory. The list of built containers is limited to the most components per `CPU` and `GPU` to simplify distribution. -Local builds will not have the `infotrend/ctpo-` added to their base name. -Those are only for release to Docker hub by maintainers. -## 1.3. Dockerfile -Each time you request a specific `make` target, a dedicated `Dockerfile` is built in the `BuildDetails//` directory. +Note: Local builds will not have the `infotrend/ctpo-` added to their base name as those are only for release to Docker hub by maintainers. + +### 1.2.3. Building (using Dockerfile) + +Each time we request a specific `make` target, a dedicated `Dockerfile` is built in the `BuildDetails//` directory. That `Dockerfile` contains `ARG` and `ENV` values that match the specific build parameters. -For example in release `20231120`, when building the `tensorflow_opencv-2.12.0_4.7.0` target, the `BuildDetails/20231120/tensorflow_opencv-2.12.0_4.7.0-20231120/Dockerfile` will be created and used to build the `tensorflow_opencv:2.12.0_4.7.0-20231120` container image. -In that file, you will see content such as: +For example in release `20241219`, when building the `tensorflow_opencv` target, the `BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/Dockerfile` is created and used to build the `tensorflow_opencv:2.18.0_4.10.0-20241219` container image. +In that file, we will see content such as: ``` -ARG CTPO_FROM=ubuntu:22.04 +ARG CTPO_FROM=ubuntu:24.04 FROM ${CTPO_FROM} [...] ## Download & Building TensorFlow from source in same RUN -ENV LATEST_BAZELISK=1.17.0 -ENV CTPO_TENSORFLOW_VERSION=2.12.0 +ENV LATEST_BAZELISK=1.22.1 +ENV CTPO_TENSORFLOW_VERSION=2.18.0 ENV CTPO_TF_CONFIG="" -ENV TF_CUDA_COMPUTE_CAPABILITIES="" +ENV TF_CUDA_COMPUTE_CAPABILITIES="" [...] # No Magma (PyTorch GPU only) # No PyTorch, Torch Audio or Torch Video -RUN echo "No PyTorch built" > /tmp/torch_config.txt \ - && echo "No TorchVision built" > /tmp/torchvision_config.txt \ - && echo "No TorchAudio built" > /tmp/torchaudio_config.txt \ - && echo "No TorchData built" > /tmp/torchdata_config.txt \ - && echo "No TorchText built" > /tmp/torchtext_config.txt +[...] ``` , which is specific to the CPU build of TensorFlow and OpenCV (without PyTorch). -That `Dockerfile` should enable developers to integrate their modifications to build a specific feature. +This `Dockerfile` can be used directly by developers to build and integrate their modifications to build a specific feature. When the maintainers upload this image to Dockerhub, that image will be preceded by `infotrend/ctpo-`. -If you choose to build a container image for your hardware, please be patient, building any of those images might take a long time (counted in hours). -To build it this way, find the corresponding `Dockerfile` and `docker build -f /Dockerfile .` from the location of this `README.md`. -The build process will require some of the scripts in the `tools` directory to complete. +When choosing to build a container image on specific hardware, please be patient, building any of those images might take a long time (counted in hours). +To build it this way, find the corresponding `Dockerfile` and in the directory where the file is located: `docker build -f Dockerfile --tag custombuild:local .` -For example, to build the `BuildDetails/20231120/tensorflow_opencv-2.12.0_4.7.0-20231120/Dockerfile` and tag it as `to:test` from the directory where this `README.md` is located, run: +For example, to build the `BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219/Dockerfile` and tag it as `to:test`, run: ``` -% docker build -f ./BuildDetails/20231120/tensorflow_opencv-2.12.0_4.7.0-20231120/Dockerfile --tag to:test . +% cd BuildDetails/20241219/tensorflow_opencv-2.18.0_4.10.0-20241219 +% docker build -f Dockerfile --tag to:test . ``` -> ℹ️ If you use an existing `Dockerfile`, please update the `ARG CTPO_NUMPROC=` line with the value of running the `nproc --all` command. -> The value in the `Dockerfile` reflects the build as it was performed for release to Docker Hub and might not represent your build system. +> ℹ️ When using an existing `Dockerfile`, please update the `ARG CTPO_NUMPROC=` line with the value of running the `nproc --all` command. +> The value in the `Dockerfile` reflects the build as it was performed for release to Docker Hub and might not represent the build system. The `Makefile` contains most of the variables that define the versions of the different frameworks. The file has many comments that allow developers to tailor the build. @@ -174,7 +200,7 @@ For example, any release on our Dockerhub is made with "redistributable" package > `The default is not to build OpenCV non-free or build FFmpeg with libnpp, as those would make the images unredistributable.` > `Replace "free" by "unredistributable" if you need to use those for a personal build` -## 1.4. Available builds on DockerHub +## 1.3. Available builds on DockerHub The `Dockerfile` used for a Dockerhub pushed built is shared in the `BuildDetails` directory (see the [Dockerfile](#Dockerfile) section above) @@ -200,14 +226,27 @@ The different base container images that can be found there are: - https://hub.docker.com/r/infotrend/ctpo-jupyter-tensorflow_pytorch_opencv-unraid - https://hub.docker.com/r/infotrend/ctpo-jupyter-cuda_tensorflow_pytorch_opencv-unraid +### 1.3.1. TensorRT build + +Note that we are not releasing TensorRT based containers on DockerHub. We provide a `Dockerfile` in the corresponding `BuildDetails` (ending in `-TensoRT`) for local builds, follow the "Building (using Dockerfile)" instructions to build the container. + +We can check the TensorRT Python version present in the locally built container by: + +```bash +% docker run --gpus all --rm -it cuda_tensorflow_pytorch_opencv:12.5.1_2.18.0_2.5.1_4.10.0-20241219-TensorRT +# python3 +>>> import tensorrt +>>> print(tensorrt.__version__) +10.7.0 +``` -## 1.5. Build Details +## 1.4. Build Details The [`README-BuildDetails.md`](README-BuildDetails.md) file is built automatically from the content of the `BuildDetails` directory and contains links to different files stored in each sub-directory. It reflects each build's detailed information, such as (where relevant) the Docker tag, version of CUDA, cuDNN, TensorFlow, PyTorch, OpenCV, FFmpeg and Ubuntu. Most content also links to sub-files that contain further insight into the system package, enabled build parameters, etc. -## 1.6. Jupyter build +## 1.5. Jupyter build Jupyter Lab containers are built `FROM` the `tensorflow_pytorch_opencv` or `cuda_tensorflow_pytorch_opencv` containers. @@ -217,11 +256,11 @@ The specific details of such builds are available in the `Jupyter_build` directo The default Jupyter Lab's password (`iti`) is stored in the `Dockerfile` and can be modified by the builder by replacing the `--IdentityProvider.token='iti'` command line option. -When using the Jupyter-specific container, it is important to remember to expose the port used by the tool (here: 8888), as such in your `docker run` command, make sure to add `-p 8888:8888` to the command line. +When using the Jupyter-specific container, it is important to remember to expose the port used by the tool (here: 8888), as such in the `docker run` command, make sure to add `-p 8888:8888` to the command line. Pre-built containers are available, see the [Available builds on DockerHub](#AvailablebuildsonDockerHub) section above. -## 1.7. Unraid build +## 1.6. Unraid build Those are specializations of the Jupyter Lab's builds, and container images with a `sudo`-capable `jupyter` user using Unraid's specific `uid` and `gid` and the same default `iti` Jupyter Lab's default password. @@ -236,22 +275,22 @@ Pre-built containers are available, see the [Available builds on DockerHub](#Ava ## 2.1. A note on supported GPU in the Docker Hub builds A minimum Nvidia driver version is needed to run the CUDA builds. -[Table 1: CUDA Toolkit and Compatible Driver Versions](https://docs.nvidia.com/deploy/cuda-compatibility/index.html#binary-compatibility__table-toolkit-driver) and [Table 2: CUDA Toolkit and Minimum Compatible Driver Versions](https://docs.nvidia.com/cuda/cuda-toolkit-release-notes/index.html) as well as the `nvidia-smi` command on your host will help you determine if a specific version of CUDA will be supported. +[Table 1: CUDA Toolkit and Compatible Driver Versions](https://docs.nvidia.com/deploy/cuda-compatibility/index.html#binary-compatibility__table-toolkit-driver) and [Table 2: CUDA Toolkit and Minimum Compatible Driver Versions](https://docs.nvidia.com/cuda/cuda-toolkit-release-notes/index.html) as well as the `nvidia-smi` command on the host will help us determine if a specific version of CUDA will be supported. Not all GPUs are supported in the Docker Hub builds. The containers are built for "compute capability (version)" (as defined in the [GPU supported](https://en.wikipedia.org/wiki/CUDA#GPUs_supported) Wikipedia page) of 6.0 and above (ie Pascal and above). -If you need a different GPU compute capability, please edit the `Makefile` and alter the various `DNN_ARCH_` matching the one that you need to build and add your architecture. Then type `make` to see the entire list of containers that the release you have obtained can build and use the exact tag that you want to build to build it locally (on Ubuntu, you will need `docker` and `build-essential` installed --at least-- to do this). -Building a container image takes a lot of CPU and can take multiple hours, so we recommend you build only the target you need. +If we need a different GPU compute capability, we can edit the `Makefile` and alter the various `DNN_ARCH_` matching the one that we need to build and add the needed architecture. Then type `make` to see the entire list of containers that the release we have obtained can build and use the exact tag that we want to build to build it locally (on Ubuntu, we will need `docker` and `build-essential` installed --at least-- to do this). +Building a container image takes a lot of CPU and can take multiple hours, so we recommend to build only the target needed. ## 2.2. Using the container images -Build or obtain the container image you require from DockerHub. +Build or obtain the container image required from DockerHub. We understand the image names are verbose. This is to avoid confusion between the different builds. It is possible to `tag` containers with shorter names for easy `docker run`. -The `WORKDIR` for the containers is set as `/iti`, as such, should you want to map the current working directory within your container and test functions, you can `-v` as `/iti`. +The `WORKDIR` for the containers is set as `/iti`, as such, to map the current working directory within the container and test functions, we can `-v` as `/iti`. When using a GPU image, make sure to add `--gpus all` to the `docker run` command line. @@ -259,9 +298,9 @@ For example to run the GPU-Jupyter container and expose the WebUI to port 8765, ``` % docker run --rm -v `pwd`:/iti --gpus all -p 8765:8888 infotrend/ctpo-jupyter-cuda_tensorflow_pytorch_opencv:11.8.0_2.12.0_2.0.1_4.7.0-20231120 ``` -By going to http://localhost:8765 you will be shown the Jupyter `Log in` page. As a reminder, the default token is `iti`. -When you log in, you will see the Jupyter Lab interface and the list of files mounted in `/iti` in the interface. -From that WebUI, when you `File -> Shutdown`, the container will exit. +By going to http://localhost:8765 we will be shown the Jupyter `Log in` page. As a reminder, the default token is `iti`. +After log in, we will see the Jupyter Lab interface and the list of files mounted in `/iti` in the interface. +From that WebUI, using `File -> Shutdown` will exit the container. The non-Jupyter containers are set to provide the end users with a `bash`. `pwd`-mounting the `/iti` directory to a directory where the developer has some code for testing enables the setup of a quick prototyping/testing container-based environment. @@ -283,7 +322,7 @@ Tensorflow test: Done ``` Note that the base container runs as `root`. -If you want to run it as a non-root user, add `-u $(id -u):$(id -g)` to the `docker` command line and ensure that you have access to the directories you will work in. +To run it as a non-root user, add `-u $(id -u):$(id -g)` to the `docker` command line and ensure access to the directories we will work in. ## 2.3. Podman usage @@ -291,7 +330,7 @@ The built image is compatible with other GPU-compatible container runtimes, such Follow the instructions to install the [NVIDIA Container Toolkit](https://docs.nvidia.com/datacenter/cloud-native/container-toolkit/latest/install-guide.html) and [Support for Container Device Interface](https://docs.nvidia.com/datacenter/cloud-native/container-toolkit/latest/cdi-support.html). -You will need a version of `podman` above 4.1.0 to be able to: +We will need a version of `podman` above 4.1.0 to be able to: ```bash % podman run -it --rm --device nvidia.com/gpu=all infotrend/ctpo-cuda_tensorflow_pytorch_opencv:latest @@ -307,13 +346,13 @@ root@2b8d77a97c5b:/iti# touch file ``` , that last command will create a `file` owned by the person who started the container. -> ℹ️ If you are on Ubuntu 22.04, install [HomeBrew](https://brew.sh/) and `brew install podman`, which at the time of this writeup provided version 4.8.2 +> ℹ️ On Ubuntu 22.04, install [HomeBrew](https://brew.sh/) and `brew install podman`, which at the time of this writeup provided version 4.8.2 ## 2.4. docker compose It is also possible to run the container in `docker compose`. -Follow the [GPU support](https://docs.docker.com/compose/gpu-support/) instructions to match your usage, and adapt the following `compose.yml` example as needed: +Follow the [GPU support](https://docs.docker.com/compose/gpu-support/) instructions to match the usage, and adapt the following `compose.yml` example as needed: ```yaml version: "3.8" @@ -342,7 +381,7 @@ services: ## 2.5. virtualenv for shared Jupyter Lab usage -When using the Jupyter version of CTPO with other users, you may prefer to use a `virtualenv` for your packages to be installed in. +When using the Jupyter version of CTPO with other users, it might be better to use a `virtualenv` for the packages to be installed in. In the following, we will create a `myvenv` virtual environment in the `/iti` directory, that will show up in the list of available kernels. In a Terminal (preferably running a `bash` shell) in the Jupyter Lab, run: @@ -354,16 +393,17 @@ pip3 install ipykernel python -m ipykernel install --user --name=myvenv --name=myvenv --display-name="Python (myvenv)" ``` -Make sure to select the proper kernel in your notebook. -When using this kernel, it is still recommendeded to run any `pip` command from the terminal with the virtual environment activated to ensure the packages are installed in the expected location (i.e. not a global installation). As an alternative for `pip` commands to run with the proper installation directory, you will need to use `! . ./myvenv/bin/activate` before the command. For example: `!. ./myvenv/bin/activate; pip install -r requirements.txt` +Make sure to select the proper kernel in the notebook. +When using this kernel, it is still recommendeded to run any `pip` command from the terminal with the virtual environment activated to ensure the packages are installed in the expected location (i.e. not a global installation). As an alternative for `pip` commands to run with the proper installation directory, we will need to use `! . ./myvenv/bin/activate` before the command. For example: `!. ./myvenv/bin/activate; pip install -r requirements.txt` ## 2.6. Disabling GPUs when nvidia is the default Docker runtime -If you have set `"default-runtime": "nvidia"` in your `/etc/docker/daemon.json` and want to hide the GPUs from a running container, add `NVIDIA_VISIBLE_DEVICES=void` before your `docker run` command. +If `"default-runtime": "nvidia"` in set in `/etc/docker/daemon.json` and want to hide the GPUs from a running container, add `NVIDIA_VISIBLE_DEVICES=void` before the `docker run` command. # 3. Version History -- 20241125: Release with support for CUDA 12.5.1, TensorFlow 2.18.0, PyTorch 2.5.1 and OpenCV 4.10.0 +- 20241219: First Ubuntu 24.04 based release (with Python 3.12), with support for CUDA 12.5.1, TensorFlow 2.18.0, PyTorch 2.5.1 and OpenCV 4.10.0 (and a Dockerfile to build with TensorRT) +- 20241125: Release with support for CUDA 12.5.1, TensorFlow 2.18.0, PyTorch 2.5.1 and OpenCV 4.10.0 (last Ubuntu 22.04 based version, with Python 3.10) - 20240421: Release with support for CUDA 12.3.2, TensorFlow 2.16.1, PyTorch 2.2.2 and OpenCV 4.9.0 - 20231201: Release with support for CUDA 11.8.0, TensorFlow 2.14.1, PyToch 2.1.1 and OpenCV 4.8.0 - 20231120: Initial Release, with support for CUDA 11.8.0, TensorFlow 2.12.0, PyTorch 2.0.1 and OpenCV 4.7.0. diff --git a/tools/Dockerfile_builder_helper.py b/tools/Dockerfile_builder_helper.py index a75394b..81c9bda 100755 --- a/tools/Dockerfile_builder_helper.py +++ b/tools/Dockerfile_builder_helper.py @@ -110,18 +110,18 @@ def replace_line(text, search, replace): def return_FROM(cuda_version, cudnn_install): if cuda_version is None: - return "ubuntu:22.04" + return "ubuntu:24.04" if cudnn_install is None: if cuda_version.startswith("12.3."): - return f"nvidia/cuda:{cuda_version}-cudnn9-devel-ubuntu22.04" - return f"nvidia/cuda:{cuda_version}-cudnn8-devel-ubuntu22.04" + return f"nvidia/cuda:{cuda_version}-cudnn9-devel-ubuntu24.04" + return f"nvidia/cuda:{cuda_version}-cudnn8-devel-ubuntu24.04" - return f"nvidia/cuda:{cuda_version}-devel-ubuntu22.04" + return f"nvidia/cuda:{cuda_version}-devel-ubuntu24.04" ## -def return_BOOTSTRAP_NVIDIA(cuda_version, cudnn_install, indir): +def return_BOOTSTRAP_NVIDIA(cuda_version, cudnn_install, indir, args): if cudnn_install is None: return slurp_file(f"{indir}/BOOTSTRAP_NVIDIA.False") @@ -147,8 +147,20 @@ def return_BOOTSTRAP_NVIDIA(cuda_version, cudnn_install, indir): tmp = replace_line(tmp, "ENV NV_CUDA_ADD=", f"ENV NV_CUDA_ADD=cuda-12") elif cuda_version.startswith("12.5.1"): tmp = replace_line(tmp, "ENV NV_CUDA_ADD=", f"ENV NV_CUDA_ADD=cuda-12") - elif cuda_version.startswith("13.0"): - tmp = replace_line(tmp, "ENV NV_CUDA_ADD=", f"ENV NV_CUDA_ADD=cuda12.4") +# elif cuda_version.startswith("13.0"): +# tmp = replace_line(tmp, "ENV NV_CUDA_ADD=", f"ENV NV_CUDA_ADD=cuda12.4") + +# rtfile = None +# if isNotBlank(args.TensorRT): +# rtfile = "MissingSnippet" +# if cuda_version.startswith("12"): +# rtfile = f"{indir}/BOOTSTRAP_NVIDIA.GPU.TensorRT12" +# +# if rtfile is not None: +# if os.path.isfile(rtfile): +# tmp += slurp_file(rtfile) +# else: +# error_exit(f"Error: TensorRT requested for CUDA {cuda_version}, but issue with snippet ({rtfile})") return tmp @@ -169,7 +181,7 @@ def return_CTPO_CUDA_APT(cuda_version, cudnn_install, indir): # Disabled until some of those packages are needed return slurp_file(f"{indir}/APT_CUDA.False") # tmp = slurp_file(f"{indir}/APT_CUDA.True") -# # 22.04: https://developer.download.nvidia.com/compute/cuda/repos/ubuntu2204/x86_64/ +# # 24.04: https://developer.download.nvidia.com/compute/cuda/repos/ubuntu2404/x86_64/ # repl = None # if cuda_version == "11.7.1": # repl = "11-7" @@ -228,6 +240,14 @@ def return_PIP_KERAS(tensorflow_version, indir): ## +def return_APT_PIP_TENSORRT(tensorrt, indir): + if isBlank(tensorrt): + return slurp_file(f"{indir}/APT_PIP_TENSORRT.False") + + return slurp_file(f"{indir}/APT_PIP_TENSORRT.True") + +## + def return_BUILD_TensorFlow(tensorflow_version, cuda_version, dnn_used, indir, args): if tensorflow_version is None: return slurp_file(f"{indir}/BUILD_TensorFlow.False") @@ -255,6 +275,12 @@ def return_BUILD_TensorFlow(tensorflow_version, cuda_version, dnn_used, indir, a else: tmp = replace_line(tmp, "ENV TF_NEED_CLANG", f"ENV TF_NEED_CLANG=0") + # TennsorFlow 2.18.0 does not support TensorRT + # https://github.com/tensorflow/tensorflow/blob/r2.17/RELEASE.md + # "TensorRT support: this is the last release supporting TensorRT. It will be removed in the next release." +# if isNotBlank(args.TensorRT): +# tmp = replace_line(tmp, "ENV TF_NEED_TENSORRT", f"ENV TF_NEED_TENSORRT=1") + return tmp ## @@ -328,19 +354,15 @@ def return_BUILD_TORCH(cuda_version, pytorch_version, indir, args): if os.path.isfile(patch): dfile = f"{args.destdir}/torchvision.patch" shutil.copy(patch, f"{args.destdir}/torchvision.patch") - # replace / with ___ - dfile = dfile.replace("/", "___") - shutil.copy(patch, f"{dfile}.temp") - tmp = replace_line(tmp, "COPY torchvision.patch", f"COPY {dfile}.temp /tmp/torchvision.patch") + dfilename = os.path.basename(patch) + tmp = replace_line(tmp, "COPY torchvision.patch", "COPY torchvision.patch /tmp/torchvision.patch") tmp = replace_line(tmp, "ENV CTPO_TORCHAUDIO=", f"ENV CTPO_TORCHAUDIO={args.torchaudio_version}") patch = f"{indir}/PATCH_TORCHAUDIO.{mode}.{args.torchaudio_version}" if os.path.isfile(patch): dfile = f"{args.destdir}/torchaudio.patch" shutil.copy(patch, f"{args.destdir}/torchaudio.patch") - # replace / with ___ - dfile = dfile.replace("/", "___") - shutil.copy(patch, f"{dfile}.temp") - tmp = replace_line(tmp, "COPY torchaudio.patch", f"COPY {dfile}.temp /tmp/torchaudio.patch") + dfilename = os.path.basename(patch) + tmp = replace_line(tmp, "COPY torchaudio.patch", "COPY torchaudio.patch /tmp/torchaudio.patch") tmp = replace_line(tmp, "ENV CTPO_TORCHDATA=", f"ENV CTPO_TORCHDATA={args.torchdata_version}") # tmp = replace_line(tmp, "ENV CTPO_TORCHTEXT=", f"ENV CTPO_TORCHTEXT={args.torchtext_version}") @@ -362,7 +384,7 @@ def build_dockerfile(input, indir, release, tensorflow_version, pytorch_version, env += f"CTPO_FROM={repl_v}\n" #==BOOTSTRAP_NVIDIA==# - repl = return_BOOTSTRAP_NVIDIA(cuda_version, cudnn_install, indir) + repl = return_BOOTSTRAP_NVIDIA(cuda_version, cudnn_install, indir, args) dockertxt = replace_line(dockertxt, "#==BOOTSTRAP_NVIDIA==#", repl) #==CTPO_NUMPROC==# @@ -403,6 +425,10 @@ def build_dockerfile(input, indir, release, tensorflow_version, pytorch_version, repl = return_PIP_KERAS(tensorflow_version, indir) dockertxt = replace_line(dockertxt, "#==PIP_KERAS==#", repl) + #==APT_PIP_TENSORRT==# + repl = return_APT_PIP_TENSORRT(args.TensorRT, indir) + dockertxt = replace_line(dockertxt, "#==APT_PIP_TENSORRT==#", repl) + #==BUILD_TensorFlow==# repl = return_BUILD_TensorFlow(tensorflow_version, cuda_version, dnn_used, indir, args) dockertxt = replace_line(dockertxt, "#==BUILD_TensorFlow==#", repl) @@ -446,8 +472,8 @@ def main(): parser.add_argument("--tag", help="Container image tag", required=True) parser.add_argument("--release", help="Release version", required=True) parser.add_argument("--destdir", help="Destination directory", required=True) - parser.add_argument("--indir", help="Input directory for some replacement snippets", default="ubuntu22.04/Snippets") - parser.add_argument("--input", help="Input Dockerfile", default="ubuntu22.04/Dockerfile.base") + parser.add_argument("--indir", help="Input directory for some replacement snippets", default="ubuntu24.04/Snippets") + parser.add_argument("--input", help="Input Dockerfile", default="ubuntu24.04/Dockerfile.base") parser.add_argument("--cuda_ver", help="CUDA version(s) list (GPU only, | separated)", default="") parser.add_argument("--dnn_arch", help="DNN architecture build(s) list (GPU only, | separated)", default="") parser.add_argument("--cudnn_ver", help="CUDNN version (GPU only, if specified force pull of cuddn from the internet versus using a FROM with cudnn)", default="") @@ -466,6 +492,8 @@ def main(): parser.add_argument("--torchdata_version", help="TorchData version", default="") # parser.add_argument("--torchtext_version", help="TorchText version", default="") parser.add_argument("--clang_version", help="Clang version", default="") + parser.add_argument("--copyfile", help="Copy file to destination directory", nargs='+', default=[]) + parser.add_argument("--TensorRT", help="Enable TensorRT (use any non-empty string to enable)", default="") args = parser.parse_args() if not os.path.isfile(args.input): @@ -555,6 +583,12 @@ def main(): if isNotBlank(args.cudnn_ver): cudnn_install = args.cudnn_ver + if args.copyfile: + for f in args.copyfile: + if not os.path.isfile(f): + error_exit(f"Error: Copy file {f} does not exist") + shutil.copy(f, args.destdir) + (dockertxt, env) = build_dockerfile(args.input, args.indir, args.release, tensorflow_version, pytorch_version, cuda_version, dnn_used, cudnn_install, opencv_version, args.verbose, args) with open(os.path.join(args.destdir, "Dockerfile"), 'w') as f: diff --git a/tools/build_bi_list.py b/tools/build_bi_list.py index a45b3e8..47ee35c 100755 --- a/tools/build_bi_list.py +++ b/tools/build_bi_list.py @@ -4,6 +4,8 @@ import sys import json +default_skip_list = ['TensorRT'] + def error_exit(msg): print(msg) sys.exit(1) @@ -103,10 +105,14 @@ def process_BuildDetails(dir): release_list = get_dir_list(dir) all_build_info = {} - for release in release_list: + for release in sorted(release_list): print(f" -- Getting build info list for release: {release}") build_info_list = get_dir_list(os.path.join(dir, release)) - for build_info_dir in build_info_list: + for build_info_dir in sorted(build_info_list): + if any(w in build_info_dir for w in default_skip_list): + print(f" | -- SKIPPING build info for build: {build_info_dir}") + continue + print(f" | -- Getting build info for build: {build_info_dir}") build_info_file = os.path.join(dir, release, build_info_dir, 'BuildInfo.txt') if os.path.isfile(build_info_file): diff --git a/ubuntu24.04/Dockerfile.base b/ubuntu24.04/Dockerfile.base new file mode 100644 index 0000000..d03d2e5 --- /dev/null +++ b/ubuntu24.04/Dockerfile.base @@ -0,0 +1,211 @@ +##### Splitting installation into controlled parts: +## - Base container setup (all apt-get + system + ldd extension) +## - Python pip3 preparation + First batch of python tools installs +## - Tensorflow build and install (optional) +## - FFmpeg build and install +## - OpenCV build and install (using FFmpeg) +## - Additional python tools installs +## - Magma build and install (GPU only, optional) +## - PyTorch (+ vison + audio) build and install (using FFmpeg + OpenCV, optional) +## - Final steps: /iti setup, ... + +# The idea is to have a base Dockerfile that will be tailored to specific builds +# so that each build has their own final Dockerfile available for inspection + +#==FROM==# +FROM ${CTPO_FROM} + +#==BOOTSTRAP_NVIDIA==# + +#==CTPO_NUMPROC==# + +##### Base + +# Install system packages +ENV DEBIAN_FRONTEND=noninteractive +RUN apt-get update -y --fix-missing\ + && apt-get install -y \ + apt-utils \ + locales \ + wget \ + ca-certificates \ + && apt-get clean + +# UTF-8 +RUN localedef -i en_US -c -f UTF-8 -A /usr/share/locale/locale.alias en_US.UTF-8 +ENV LANG=en_US.utf8 + +# Install system packages +RUN apt-get install -y \ + # Base + build-essential \ + checkinstall \ + cmake \ + curl \ + g++ \ + gcc \ + git \ + ninja-build \ + perl \ + patchelf \ + pkg-config \ + protobuf-compiler \ + python3-dev \ + rsync \ + time \ + unzip \ + wget \ + zip \ + zlib1g \ + zlib1g-dev \ + # OpenCV + doxygen \ + file \ + gfortran \ + gnupg \ + gstreamer1.0-plugins-good \ + imagemagick \ + libatk-adaptor \ + libatlas-base-dev \ + libboost-all-dev \ + libcanberra-gtk-module \ + libdc1394-dev \ + libeigen3-dev \ + libfaac-dev \ + libfreetype6-dev \ + libgflags-dev \ + libglew-dev \ + libglu1-mesa \ + libglu1-mesa-dev \ + libgoogle-glog-dev \ + libgphoto2-dev \ + libgstreamer1.0-dev \ + libgstreamer-plugins-bad1.0-0 \ + libgstreamer-plugins-base1.0-dev \ + libgtk2.0-dev \ + libgtk-3-dev \ + libhdf5-dev \ + libhdf5-serial-dev \ + libjpeg-dev \ + liblapack-dev \ + libmp3lame-dev \ + libopenblas-dev \ + libopencore-amrnb-dev \ + libopencore-amrwb-dev \ + libopenjp2-7 \ + libopenjp2-7-dev \ + libopenjp2-tools \ + libopenjpip-server \ + libpng-dev \ + libpostproc-dev \ + libprotobuf-dev \ + libtbbmalloc2 \ + libtbb-dev \ + libtheora-dev \ + libtiff5-dev \ + libv4l-dev \ + libvorbis-dev \ + libwebp-dev \ + libx264-dev \ + libx265-dev \ + libxi-dev \ + libxine2-dev \ + libxmu-dev \ + libxvidcore-dev \ + libzmq3-dev \ + v4l-utils \ + x11-apps \ + x264 \ + yasm \ + #==APT_TORCH==# + # FFMpeg (source install, do not install packages: libavcodec-dev libavformat-dev libavresample-dev libavutil-dev libswscale-dev) + libass-dev \ + libc6 \ + libc6-dev \ + libnuma1 \ + libnuma-dev \ + libopus-dev \ + libtool \ + libvpx-dev \ + && apt-get clean + +#==CTPO_CUDA_APT==# + +#==CTPO_INSTALL_CLANG==# + +#==CTPO_BUILD==# +RUN touch /tmp/.${CTPO_BUILD}_build + +#==FIX_Misc==# + +# Setup pip +RUN mv /usr/lib/python3.12/EXTERNALLY-MANAGED /usr/lib/python3.12/EXTERNALLY-MANAGED.old \ + && wget -q -O /tmp/get-pip.py --no-check-certificate https://bootstrap.pypa.io/get-pip.py \ + && python3 /tmp/get-pip.py \ + && pip3 install -U pip \ + && rm /tmp/get-pip.py + +#==APT_PIP_TENSORRT==# + +# Install Python tools (for buiding) +RUN pip3 install -U --ignore-installed \ + # Base + cmake \ + future \ + mkl \ + mkl-include \ + mock \ + numpy \ + opt_einsum \ + packaging \ + pyyaml \ + requests \ + setuptools \ + six \ + wheel \ + # OpenCV + lxml \ + Pillow \ + #==PIP_TORCH==# + # Extra + scikit-image \ + scikit-learn \ + matplotlib \ + moviepy \ + pandas \ + mkl-static mkl-include \ + #==PIP_KERAS==# + && rm -rf /root/.cache/pip + +#==BUILD_TensorFlow==# + +#==BUILD_FFMPEG==# + +#==BUILD_OPENCV==# + +#==BUILD_MAGMA==# + +#==BUILD_TORCH==# + +##### Final steps + +# Add Jupyter lab & venv requirements +RUN apt-get install -y python3-venv \ + && pip3 install -U jupyterlab +# https://jupyterlab.readthedocs.io/en/stable/getting_started/changelog.html +# with v4 extensions are installed using the extension manager, see https://jupyterlab.readthedocs.io/en/stable/user/extensions.html#id11 + +RUN touch /.within_container +COPY withincontainer_checker.sh /tmp/withincontainer_checker.sh +RUN chmod +x /tmp/withincontainer_checker.sh \ + && /tmp/withincontainer_checker.sh + +# Setting up working directory +RUN mkdir /iti +WORKDIR /iti + +# Uncomment as needed +#ENV NVIDIA_VISIBLE_DEVICES all +#ENV NVIDIA_DRIVER_CAPABILITIES video,compute,utility + +CMD ["/bin/bash"] diff --git a/ubuntu24.04/Snippets/APT_CUDA.False b/ubuntu24.04/Snippets/APT_CUDA.False new file mode 100644 index 0000000..52ea50d --- /dev/null +++ b/ubuntu24.04/Snippets/APT_CUDA.False @@ -0,0 +1 @@ +# No Additional CUDA apt installs diff --git a/ubuntu24.04/Snippets/APT_CUDA.True b/ubuntu24.04/Snippets/APT_CUDA.True new file mode 100644 index 0000000..bc36f15 --- /dev/null +++ b/ubuntu24.04/Snippets/APT_CUDA.True @@ -0,0 +1,5 @@ +# Additional CUDA apt installs (with --no-install-recommends) +ENV CTPO_CUDA_APT +RUN apt-get install -y --no-install-recommends \ + time ${CTPO_CUDA_APT} \ + && apt-get clean diff --git a/ubuntu24.04/Snippets/APT_PIP_TENSORRT.False b/ubuntu24.04/Snippets/APT_PIP_TENSORRT.False new file mode 100644 index 0000000..6cbf809 --- /dev/null +++ b/ubuntu24.04/Snippets/APT_PIP_TENSORRT.False @@ -0,0 +1 @@ +# No TensorRT support \ No newline at end of file diff --git a/ubuntu24.04/Snippets/APT_PIP_TENSORRT.True b/ubuntu24.04/Snippets/APT_PIP_TENSORRT.True new file mode 100644 index 0000000..49f5350 --- /dev/null +++ b/ubuntu24.04/Snippets/APT_PIP_TENSORRT.True @@ -0,0 +1,10 @@ + +RUN apt-get install -y \ + tensorrt \ + tensorrt-dev \ + tensorrt-libs \ + && apt-get clean + +RUN pip3 install -U --ignore-installed \ + tensorrt \ + && rm -rf /root/.cache/pip \ No newline at end of file diff --git a/ubuntu24.04/Snippets/APT_TORCH.False b/ubuntu24.04/Snippets/APT_TORCH.False new file mode 100644 index 0000000..b336099 --- /dev/null +++ b/ubuntu24.04/Snippets/APT_TORCH.False @@ -0,0 +1 @@ + # No adds for torch \ No newline at end of file diff --git a/ubuntu24.04/Snippets/APT_TORCH.True b/ubuntu24.04/Snippets/APT_TORCH.True new file mode 100644 index 0000000..961830f --- /dev/null +++ b/ubuntu24.04/Snippets/APT_TORCH.True @@ -0,0 +1,6 @@ + # Torch + libomp-dev \ + libsox-dev \ + libsox-fmt-all \ + libsphinxbase-dev \ + sphinxbase-utils \ \ No newline at end of file diff --git a/ubuntu24.04/Snippets/BOOTSTRAP_NVIDIA.False b/ubuntu24.04/Snippets/BOOTSTRAP_NVIDIA.False new file mode 100644 index 0000000..5b94fbf --- /dev/null +++ b/ubuntu24.04/Snippets/BOOTSTRAP_NVIDIA.False @@ -0,0 +1 @@ +# No CUDA, or no cuDNN bootstrap needed \ No newline at end of file diff --git a/ubuntu24.04/Snippets/BOOTSTRAP_NVIDIA.GPU b/ubuntu24.04/Snippets/BOOTSTRAP_NVIDIA.GPU new file mode 100644 index 0000000..683dfe8 --- /dev/null +++ b/ubuntu24.04/Snippets/BOOTSTRAP_NVIDIA.GPU @@ -0,0 +1,12 @@ +# Adapted from https://gitlab.com/nvidia/container-images/cuda/-/blob/master/dist/12.2.2/ubuntu2204/devel/cudnn8/Dockerfile +ENV NV_CUDNN_VERSION= +ENV NV_CUDNN_PACKAGE_BASENAME= +ENV NV_CUDA_ADD= +ENV NV_CUDNN_PACKAGE="$NV_CUDNN_PACKAGE_BASENAME-$NV_CUDA_ADD=$NV_CUDNN_VERSION" +ENV NV_CUDNN_PACKAGE_DEV="$NV_CUDNN_PACKAGE_BASENAME-dev-$NV_CUDA_ADD=$NV_CUDNN_VERSION" +LABEL com.nvidia.cudnn.version="${NV_CUDNN_VERSION}" + +RUN apt-get update && apt-get install -y --no-install-recommends \ + ${NV_CUDNN_PACKAGE} \ + ${NV_CUDNN_PACKAGE_DEV} \ + && apt-mark hold ${NV_CUDNN_PACKAGE_BASENAME}-${NV_CUDA_ADD} diff --git a/ubuntu24.04/Snippets/BUILD_FFMPEG.CPU b/ubuntu24.04/Snippets/BUILD_FFMPEG.CPU new file mode 100644 index 0000000..647b24b --- /dev/null +++ b/ubuntu24.04/Snippets/BUILD_FFMPEG.CPU @@ -0,0 +1,14 @@ +##### FFMPEG + +ENV CTPO_FFMPEG_VERSION="4.4.2" +ENV CTPO_FFMPEG_NONFREE="" +RUN mkdir -p /usr/local/src/builder \ + && cd /usr/local/src \ + && wget -q https://ffmpeg.org/releases/ffmpeg-${CTPO_FFMPEG_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder \ + && cd /usr/local/src/builder \ + && time ./configure --enable-shared --disable-static --enable-gpl --enable-libv4l2 --enable-libvorbis --enable-libvpx --enable-libwebp --enable-libxvid --enable-libopus --enable-pic --enable-libass --enable-libx264 --enable-libx265 | tee /tmp/ffmpeg_config.txt \ + && make -j${CTPO_NUMPROC} install \ + && ldconfig \ + && rm -rf /usr/local/src/builder + +RUN echo "${CTPO_FFMPEG_VERSION}" > /tmp/.ffmpeg_built diff --git a/ubuntu24.04/Snippets/BUILD_FFMPEG.GPU b/ubuntu24.04/Snippets/BUILD_FFMPEG.GPU new file mode 100644 index 0000000..1cfa168 --- /dev/null +++ b/ubuntu24.04/Snippets/BUILD_FFMPEG.GPU @@ -0,0 +1,24 @@ +##### FFMPEG + +ENV CTPO_FFMPEG_VERSION="4.4.2" +ENV CTPO_FFMPEG_NVCODEC="11.1.5.1" +ENV CTPO_FFMPEG_NONFREE="" +RUN mkdir -p /usr/local/src/builder \ + && cd /usr/local/src \ + && wget -q https://github.com/FFmpeg/nv-codec-headers/archive/refs/tags/n${CTPO_FFMPEG_NVCODEC}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder \ + && cd /usr/local/src/builder \ + && make install \ + && rm -rf /usr/local/src/builder +RUN mkdir -p /usr/local/src/builder \ + && cd /usr/local/src \ + && wget -q https://ffmpeg.org/releases/ffmpeg-${CTPO_FFMPEG_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder \ + && cd /usr/local/src/builder \ + && time ./configure --enable-cuda --enable-cuvid --enable-nvdec --enable-nvenc ${CTPO_FFMPEG_NONFREE} --extra-cflags="-I/usr/local/cuda/include/ -fPIC" --extra-ldflags="-L/usr/local/cuda/lib64/ -Wl,-Bsymbolic" --enable-shared --disable-static --enable-gpl --enable-libv4l2 --enable-libvorbis --enable-libvpx --enable-libwebp --enable-libxvid --enable-libopus --enable-pic --enable-libass --enable-libx264 --enable-libx265 | tee /tmp/ffmpeg_config.txt \ + && make -j${CTPO_NUMPROC} install \ + && ldconfig \ + && rm -rf /usr/local/src/builder +# From https://docs.nvidia.com/video-technologies/video-codec-sdk/ffmpeg-with-nvidia-gpu/#basic-testing +# GPU Testing: ffmpeg -y -vsync 0 -hwaccel cuda -hwaccel_output_format cuda -i input.mp4 -c:a copy -c:v h264_nvenc -b:v 5M output.mp4 +# GPU Testing: ffmpeg -y -vsync 0 -hwaccel cuvid -c:v h264_cuvid -i in.mp4 -c:v hevc_nvenc out.mkv + +RUN echo "${CTPO_FFMPEG_VERSION}" > /tmp/.ffmpeg_built \ No newline at end of file diff --git a/ubuntu24.04/Snippets/BUILD_MAGMA.False b/ubuntu24.04/Snippets/BUILD_MAGMA.False new file mode 100644 index 0000000..a198bf0 --- /dev/null +++ b/ubuntu24.04/Snippets/BUILD_MAGMA.False @@ -0,0 +1 @@ +# No Magma (PyTorch GPU only) \ No newline at end of file diff --git a/ubuntu24.04/Snippets/BUILD_MAGMA.GPU b/ubuntu24.04/Snippets/BUILD_MAGMA.GPU new file mode 100644 index 0000000..cd42f0f --- /dev/null +++ b/ubuntu24.04/Snippets/BUILD_MAGMA.GPU @@ -0,0 +1,11 @@ +##### Magma (for PyTorch GPU only) + +ENV CTPO_MAGMA=2.6.2 +ENV CTPO_MAGMA_ARCH= +RUN mkdir -p /usr/local/src/builder/build; \ + cd /usr/local/src; \ + wget -q http://icl.utk.edu/projectsfiles/magma/downloads/magma-${CTPO_MAGMA}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/builder; \ + cd /usr/local/src/builder/build; \ + time cmake -DGPU_TARGET="${CTPO_MAGMA_ARCH}" ..; \ + time make -j${CTPO_NUMPROC} install; \ + rm -rf /usr/local/src/magma /usr/local/src/builder diff --git a/ubuntu24.04/Snippets/BUILD_OPENCV b/ubuntu24.04/Snippets/BUILD_OPENCV new file mode 100644 index 0000000..3cf024b --- /dev/null +++ b/ubuntu24.04/Snippets/BUILD_OPENCV @@ -0,0 +1,56 @@ +#### OpenCV + +# Download & Build OpenCV in same RUN +## FYI: We are removing the OpenCV source and build directory in /usr/local/src to attempt to save additional disk space +# Comment the last line if you want to rerun cmake with additional/modified options. For example: +# cd /usr/local/src/opencv/build +# cmake -DOPENCV_ENABLE_NONFREE=ON -DBUILD_EXAMPLES=ON -DBUILD_DOCS=ON -DBUILD_TESTS=ON -DBUILD_PERF_TESTS=ON .. && make install +ENV CTPO_OPENCV_VERSION +ENV CTPO_OPENCV_CUDA="" +ENV CTPO_OPENCV_NONFREE="" +RUN mkdir -p /usr/local/src/opencv/build /usr/local/src/opencv_contrib \ + && cd /usr/local/src \ + && wget -q https://github.com/opencv/opencv/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv \ + && wget -q https://github.com/opencv/opencv_contrib/archive/${CTPO_OPENCV_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/opencv_contrib \ + && cd /usr/local/src/opencv/build \ + && time cmake \ + -DBUILD_DOCS=0 \ + -DBUILD_EXAMPLES=0 \ + -DBUILD_PERF_TESTS=0 \ + -DBUILD_TESTS=0 \ + -DBUILD_opencv_python2=0 \ + -DBUILD_opencv_python3=1 \ + -DCMAKE_BUILD_TYPE=Release \ + -DCMAKE_INSTALL_PREFIX=$(python3 -c "import sys; print(sys.prefix)") \ + -DOPENCV_PYTHON3_INSTALL_PATH=$(python3 -c "from distutils.sysconfig import get_python_lib; print(get_python_lib())") \ + -DPYTHON_EXECUTABLE=$(which python3) \ + -DCMAKE_INSTALL_TYPE=Release \ + -DENABLE_FAST_MATH=1 \ + -DFORCE_VTK=1 \ + -DINSTALL_C_EXAMPLES=0 \ + -DINSTALL_PYTHON_EXAMPLES=0 \ + -DOPENCV_EXTRA_MODULES_PATH=/usr/local/src/opencv_contrib/modules \ + -DOPENCV_GENERATE_PKGCONFIG=1 \ + -DOPENCV_PC_FILE_NAME=opencv.pc \ + -DWITH_CSTRIPES=1 \ + -DWITH_EIGEN=1 \ + -DWITH_GDAL=1 \ + -DWITH_GSTREAMER=1 \ + -DWITH_GSTREAMER_0_10=OFF \ + -DWITH_GTK=1 \ + -DWITH_IPP=1 \ + -DWITH_OPENCL=1 \ + -DWITH_OPENMP=1 \ + -DWITH_TBB=1 \ + -DWITH_V4L=1 \ + -DWITH_WEBP=1 \ + -DWITH_XINE=1 \ + ${CTPO_OPENCV_CUDA} \ + ${CTPO_OPENCV_NONFREE} \ + -GNinja \ + .. \ + && time ninja install \ + && ldconfig \ + && rm -rf /usr/local/src/opencv /usr/local/src/opencv_contrib + +RUN python3 -c 'import cv2; print(f"{cv2.__version__}")' > /tmp/.opencv_built diff --git a/ubuntu24.04/Snippets/BUILD_TORCH.CPU b/ubuntu24.04/Snippets/BUILD_TORCH.CPU new file mode 100644 index 0000000..c70b8b7 --- /dev/null +++ b/ubuntu24.04/Snippets/BUILD_TORCH.CPU @@ -0,0 +1,59 @@ +##### Torch (using FFMpeg + OpenCV) + +ENV CTPO_TORCH=1.11 +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCH} https://github.com/pytorch/pytorch.git \ + && cd /usr/local/src/pytorch \ + && pip3 install -r requirements.txt \ + && time env PYTORCH_BUILD_VERSION=${CTPO_TORCH} PYTORCH_BUILD_NUMBER=0 USE_CUDA=0 USE_CUDNN=0 USE_MKLDNN=1 USE_FFMPEG=1 USE_OPENCV=1 python3 ./setup.py bdist_wheel | tee /tmp/torch_config.txt \ + && time pip3 install /usr/local/src/pytorch/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torch_config.txt \ + && sh -c "cmp --silent torch_config.txt torch_config.txt.bak && exit 1 || rm torch_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/pytorch + +RUN python3 -c 'import torch; print(f"{torch.__version__}")' > /tmp/.torch_built + +ENV CTPO_TORCHVISION=0.12 +# setup.py options from https://github.com/pytorch/vision/blob/main/setup.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHVISION} https://github.com/pytorch/vision.git \ + && cd /usr/local/src/vision \ + && time env BUILD_VERSION=${CTPO_TORCHVISION} FORCE_CUDA=0 TORCHVISION_USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchvision_config.txt \ + && time pip3 install /usr/local/src/vision/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^running bdist_wheel%' torchvision_config.txt \ + && sh -c "cmp --silent torchvision_config.txt torchvision_config.txt.bak && exit 1 || rm torchvision_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/vision + +RUN python3 -c 'import torchvision; print(f"{torchvision.__version__}")' > /tmp/.torchvision_built + +ENV CTPO_TORCHAUDIO=0.11 +# setup.py options from https://github.com/pytorch/audio/blob/main/tools/setup_helpers/extension.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHAUDIO} https://github.com/pytorch/audio.git \ + && cd /usr/local/src/audio \ + && time env BUILD_VERSION=${CTPO_TORCHAUDIO} USE_CUDA=0 USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchaudio_config.txt \ + && time pip3 install /usr/local/src/audio/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torchaudio_config.txt \ + && sh -c "cmp --silent torchaudio_config.txt torchaudio_config.txt.bak && exit 1 || rm torchaudio_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/audio + +RUN python3 -c 'import torchaudio; print(f"{torchaudio.__version__}")' > /tmp/.torchaudio_built + +ENV CTPO_TORCHDATA=0.6.1 +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHDATA} https://github.com/pytorch/data.git \ + && cd /usr/local/src/data \ + && BUILD_VERSION=${CTPO_TORCHDATA} pip3 install . | tee /tmp/torchdata_config.txt \ + && rm -rf /root/.cache/pip /usr/local/src/data + +RUN python3 -c 'import torchdata; print(f"{torchdata.__version__}")' > /tmp/.torchdata_built \ No newline at end of file diff --git a/ubuntu24.04/Snippets/BUILD_TORCH.False b/ubuntu24.04/Snippets/BUILD_TORCH.False new file mode 100644 index 0000000..6cb3d4a --- /dev/null +++ b/ubuntu24.04/Snippets/BUILD_TORCH.False @@ -0,0 +1,6 @@ +# No PyTorch, Torch Audio or Torch Video +RUN echo "No PyTorch built" > /tmp/torch_config.txt \ + && echo "No TorchVision built" > /tmp/torchvision_config.txt \ + && echo "No TorchAudio built" > /tmp/torchaudio_config.txt \ + && echo "No TorchData built" > /tmp/torchdata_config.txt \ + && echo "No TorchText built" > /tmp/torchtext_config.txt diff --git a/ubuntu24.04/Snippets/BUILD_TORCH.GPU b/ubuntu24.04/Snippets/BUILD_TORCH.GPU new file mode 100644 index 0000000..769b4d8 --- /dev/null +++ b/ubuntu24.04/Snippets/BUILD_TORCH.GPU @@ -0,0 +1,63 @@ +##### Torch (using FFMpeg + OpenCV + Magma [GPU only]) + +ENV CTPO_TORCH_CUDA_ARCH + +ENV CTPO_TORCH=2.0.1 +# For details on the TORCH_CUDA_ARCH_LIST, see https://pytorch.org/docs/stable/cpp_extension.html +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCH} https://github.com/pytorch/pytorch.git \ + && cd /usr/local/src/pytorch \ + && pip3 install -r requirements.txt \ + && time env PYTORCH_BUILD_VERSION=${CTPO_TORCH} PYTORCH_BUILD_NUMBER=0 USE_CUDA=1 USE_CUDNN=1 CAFFE2_USE_CUDNN=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" USE_MKLDNN=1 USE_FFMPEG=1 USE_OPENCV=1 python3 ./setup.py bdist_wheel | tee /tmp/torch_config.txt \ + && time pip3 install /usr/local/src/pytorch/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torch_config.txt \ + && sh -c "cmp --silent torch_config.txt torch_config.txt.bak && exit 1 || rm torch_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/pytorch + +RUN python3 -c 'import torch; print(f"{torch.__version__}")' > /tmp/.torch_built + +# Note: NOT building with Video Codec SDK as it requires an Nvidia account +ENV CTPO_TORCHVISION=0.15.2 +# setup.py options from https://github.com/pytorch/vision/blob/main/setup.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHVISION} https://github.com/pytorch/vision.git \ + && cd /usr/local/src/vision \ + && time env BUILD_VERSION=${CTPO_TORCHVISION} FORCE_CUDA=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" TORCHVISION_USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchvision_config.txt \ + && time pip3 install /usr/local/src/vision/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^running bdist_wheel%' torchvision_config.txt \ + && sh -c "cmp --silent torchvision_config.txt torchvision_config.txt.bak && exit 1 || rm torchvision_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/vision + +RUN python3 -c 'import torchvision; print(f"{torchvision.__version__}")' > /tmp/.torchvision_built + +ENV CTPO_TORCHAUDIO=2.0.2 +# setup.py options from https://github.com/pytorch/audio/blob/main/tools/setup_helpers/extension.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHAUDIO} https://github.com/pytorch/audio.git \ + && cd /usr/local/src/audio \ + && time env BUILD_VERSION=${CTPO_TORCHAUDIO} USE_CUDA=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchaudio_config.txt \ + && time pip3 install /usr/local/src/audio/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torchaudio_config.txt \ + && sh -c "cmp --silent torchaudio_config.txt torchaudio_config.txt.bak && exit 1 || rm torchaudio_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/audio + +RUN python3 -c 'import torchaudio; print(f"{torchaudio.__version__}")' > /tmp/.torchaudio_built + +ENV CTPO_TORCHDATA=0.6.1 +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHDATA} https://github.com/pytorch/data.git \ + && cd /usr/local/src/data \ + && BUILD_VERSION=${CTPO_TORCHDATA} pip3 install . | tee /tmp/torchdata_config.txt \ + && rm -rf /root/.cache/pip /usr/local/src/data + +RUN python3 -c 'import torchdata; print(f"{torchdata.__version__}")' > /tmp/.torchdata_built diff --git a/ubuntu24.04/Snippets/BUILD_TORCH.GPU.2.5.1 b/ubuntu24.04/Snippets/BUILD_TORCH.GPU.2.5.1 new file mode 100644 index 0000000..f67e59e --- /dev/null +++ b/ubuntu24.04/Snippets/BUILD_TORCH.GPU.2.5.1 @@ -0,0 +1,66 @@ +##### Torch (using FFMpeg + OpenCV + Magma [GPU only]) + +ENV CTPO_TORCH_CUDA_ARCH + +ENV CTPO_TORCH=2.0.1 +# For details on the TORCH_CUDA_ARCH_LIST, see https://pytorch.org/docs/stable/cpp_extension.html +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCH} https://github.com/pytorch/pytorch.git \ + && cd /usr/local/src/pytorch \ + && pip3 install -r requirements.txt \ + && time env PYTORCH_BUILD_VERSION=${CTPO_TORCH} PYTORCH_BUILD_NUMBER=0 USE_CUDA=1 USE_CUDNN=1 CAFFE2_USE_CUDNN=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" USE_MKLDNN=1 USE_FFMPEG=1 USE_OPENCV=1 python3 ./setup.py bdist_wheel | tee /tmp/torch_config.txt \ + && time pip3 install /usr/local/src/pytorch/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torch_config.txt \ + && sh -c "cmp --silent torch_config.txt torch_config.txt.bak && exit 1 || rm torch_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/pytorch + +RUN python3 -c 'import torch; print(f"{torch.__version__}")' > /tmp/.torch_built + +# Note: NOT building with Video Codec SDK as it requires an Nvidia account +ENV CTPO_TORCHVISION=0.15.2 +# setup.py options from https://github.com/pytorch/vision/blob/main/setup.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHVISION} https://github.com/pytorch/vision.git \ + && cd /usr/local/src/vision \ + && time env BUILD_VERSION=${CTPO_TORCHVISION} FORCE_CUDA=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" TORCHVISION_USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchvision_config.txt \ + && time pip3 install /usr/local/src/vision/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^running bdist_wheel%' torchvision_config.txt \ + && sh -c "cmp --silent torchvision_config.txt torchvision_config.txt.bak && exit 1 || rm torchvision_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/vision + +RUN python3 -c 'import torchvision; print(f"{torchvision.__version__}")' > /tmp/.torchvision_built + +ENV CTPO_TORCHAUDIO=2.0.2 +# Need to patch torchaudio https://github.com/pytorch/audio/pull/3811 +COPY torchaudio.patch /tmp/torchaudio.patch +# setup.py options from https://github.com/pytorch/audio/blob/main/tools/setup_helpers/extension.py +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHAUDIO} https://github.com/pytorch/audio.git \ + && cd /usr/local/src/audio \ + && patch -p1 < /tmp/torchaudio.patch \ + && time env BUILD_VERSION=${CTPO_TORCHAUDIO} USE_CUDA=1 TORCH_CUDA_ARCH_LIST="${CTPO_TORCH_CUDA_ARCH}" USE_FFMPEG=1 python3 ./setup.py bdist_wheel | tee /tmp/torchaudio_config.txt \ + && time pip3 install /usr/local/src/audio/dist/*.whl \ + && cd /tmp \ + && perl -i.bak -pe 'exit if m%^-- Configuring done%' torchaudio_config.txt \ + && sh -c "cmp --silent torchaudio_config.txt torchaudio_config.txt.bak && exit 1 || rm torchaudio_config.txt.bak" \ + && ldconfig \ + && rm -rf /root/.cache/pip /usr/local/src/audio + +RUN python3 -c 'import torchaudio; print(f"{torchaudio.__version__}")' > /tmp/.torchaudio_built + +ENV CTPO_TORCHDATA=0.6.1 +RUN mkdir -p /usr/local/src \ + && cd /usr/local/src \ + && git clone --depth 1 --recurse-submodule --branch v${CTPO_TORCHDATA} https://github.com/pytorch/data.git \ + && cd /usr/local/src/data \ + && BUILD_VERSION=${CTPO_TORCHDATA} pip3 install . | tee /tmp/torchdata_config.txt \ + && rm -rf /root/.cache/pip /usr/local/src/data + +RUN python3 -c 'import torchdata; print(f"{torchdata.__version__}")' > /tmp/.torchdata_built diff --git a/ubuntu24.04/Snippets/BUILD_TensorFlow.CPU b/ubuntu24.04/Snippets/BUILD_TensorFlow.CPU new file mode 100644 index 0000000..0605bba --- /dev/null +++ b/ubuntu24.04/Snippets/BUILD_TensorFlow.CPU @@ -0,0 +1,47 @@ +##### TensorFlow +# https://www.tensorflow.org/install/source + +## Download & Building TensorFlow from source in same RUN +ENV LATEST_BAZELISK= +ENV CTPO_TENSORFLOW_VERSION +ENV CTPO_TF_CONFIG="" +ENV TF_CUDA_COMPUTE_CAPABILITIES="" + +# See https://github.com/tensorflow/tensorflow/blob/master/configure.py for new TF_NEED_ +ENV TF_NEED_CUDA=0 +ENV TF_CUDA_CLANG=0 +ENV TF_NEED_TENSORRT=0 +ENV TF_NEED_AWS=0 +ENV TF_NEED_CLANG=1 +ENV TF_NEED_COMPUTECPP=0 +ENV TF_NEED_GCP=0 +ENV TF_NEED_GDR=0 +ENV TF_NEED_HDFS=0 +ENV TF_NEED_JEMALLOC=0 +ENV TF_NEED_KAFKA=0 +ENV TF_NEED_MKL=0 +ENV TF_NEED_MPI=0 +ENV TF_NEED_OPENCL=0 +ENV TF_NEED_OPENCL_SYCL=0 +ENV TF_NEED_ROCM=0 +ENV TF_NEED_S3=0 +ENV TF_NEED_VERBS=0 +ENV TF_SET_ANDROID_WORKSPACE=0 +ENV HERMETIC_CUDA_COMPUTE_CAPABILITIES= + +RUN curl -s -Lo /usr/local/bin/bazel https://github.com/bazelbuild/bazelisk/releases/download/v${LATEST_BAZELISK}/bazelisk-linux-amd64 \ + && chmod +x /usr/local/bin/bazel \ + && mkdir -p /usr/local/src/tensorflow \ + && cd /usr/local/src \ + && wget -q -c https://github.com/tensorflow/tensorflow/archive/v${CTPO_TENSORFLOW_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/tensorflow \ + && cd /usr/local/src/tensorflow \ + && bazel version \ + && ./configure \ + && time bazel build --verbose_failures --config=opt --config=v2 ${CTPO_TF_CONFIG} //tensorflow/tools/pip_package:wheel --repo_env=WHEEL_NAME=tensorflow \ + && time pip3 install bazel-bin/tensorflow/tools/pip_package/wheel_house/tensorflow-*.whl \ + && rm -rf /usr/local/src/tensorflow /tmp/tensorflow_pkg /tmp/bazel_check.pl /tmp/tf_build.sh /tmp/hsperfdata_root /root/.cache/bazel /root/.cache/pip /root/.cache/bazelisk + +RUN python3 -c 'import tensorflow as tf; print(f"{tf.__version__}")' > /tmp/.tensorflow_built + +RUN echo "--- Tensorflow Build: Environment variables set --- " > /tmp/tf_env.dump \ + && env | grep TF_ | grep -v CTPO_ | sort >> /tmp/tf_env.dump diff --git a/ubuntu24.04/Snippets/BUILD_TensorFlow.False b/ubuntu24.04/Snippets/BUILD_TensorFlow.False new file mode 100644 index 0000000..fdb7e5a --- /dev/null +++ b/ubuntu24.04/Snippets/BUILD_TensorFlow.False @@ -0,0 +1,2 @@ +# No TensorFlow build +RUN echo "No TensorFlow built" > /tmp/tf_env.dump diff --git a/ubuntu24.04/Snippets/BUILD_TensorFlow.GPU b/ubuntu24.04/Snippets/BUILD_TensorFlow.GPU new file mode 100644 index 0000000..20fab6c --- /dev/null +++ b/ubuntu24.04/Snippets/BUILD_TensorFlow.GPU @@ -0,0 +1,47 @@ +##### TensorFlow +# https://www.tensorflow.org/install/source + +## Download & Building TensorFlow from source in same RUN +ENV LATEST_BAZELISK= +ENV CTPO_TENSORFLOW_VERSION +ENV CTPO_TF_CONFIG="" +ENV TF_CUDA_COMPUTE_CAPABILITIES="" + +# See https://github.com/tensorflow/tensorflow/blob/master/configure.py for new TF_NEED_ +ENV TF_NEED_CUDA=1 +ENV TF_CUDA_CLANG=1 +ENV TF_NEED_TENSORRT=0 +ENV TF_NEED_AWS=0 +ENV TF_NEED_CLANG=1 +ENV TF_NEED_COMPUTECPP=0 +ENV TF_NEED_GCP=0 +ENV TF_NEED_GDR=0 +ENV TF_NEED_HDFS=0 +ENV TF_NEED_JEMALLOC=0 +ENV TF_NEED_KAFKA=0 +ENV TF_NEED_MKL=1 +ENV TF_NEED_MPI=0 +ENV TF_NEED_OPENCL=0 +ENV TF_NEED_OPENCL_SYCL=0 +ENV TF_NEED_ROCM=0 +ENV TF_NEED_S3=0 +ENV TF_NEED_VERBS=0 +ENV TF_SET_ANDROID_WORKSPACE=0 +ENV HERMETIC_CUDA_COMPUTE_CAPABILITIES=$TF_CUDA_COMPUTE_CAPABILITIES + +RUN curl -s -Lo /usr/local/bin/bazel https://github.com/bazelbuild/bazelisk/releases/download/v${LATEST_BAZELISK}/bazelisk-linux-amd64 \ + && chmod +x /usr/local/bin/bazel \ + && mkdir -p /usr/local/src/tensorflow \ + && cd /usr/local/src \ + && wget -q -c https://github.com/tensorflow/tensorflow/archive/v${CTPO_TENSORFLOW_VERSION}.tar.gz -O - | tar --strip-components=1 -xz -C /usr/local/src/tensorflow \ + && cd /usr/local/src/tensorflow \ + && bazel version \ + && ./configure \ + && time bazel build --verbose_failures --config=opt --config=v2 ${CTPO_TF_CONFIG} //tensorflow/tools/pip_package:wheel --repo_env=WHEEL_NAME=tensorflow --config=cuda --config=cuda_wheel \ + && time pip3 install bazel-bin/tensorflow/tools/pip_package/wheel_house/tensorflow-*.whl \ + && rm -rf /usr/local/src/tensorflow /tmp/tensorflow_pkg /tmp/bazel_check.pl /tmp/tf_build.sh /tmp/hsperfdata_root /root/.cache/bazel /root/.cache/pip /root/.cache/bazelisk + +RUN python3 -c 'import tensorflow as tf; print(f"{tf.__version__}")' > /tmp/.tensorflow_built + +RUN echo "--- Tensorflow Build: Environment variables set --- " > /tmp/tf_env.dump \ + && env | grep TF_ | grep -v CTPO_ | sort >> /tmp/tf_env.dump diff --git a/ubuntu24.04/Snippets/FIX_Misc.CPU b/ubuntu24.04/Snippets/FIX_Misc.CPU new file mode 100644 index 0000000..8d12d18 --- /dev/null +++ b/ubuntu24.04/Snippets/FIX_Misc.CPU @@ -0,0 +1,10 @@ +# - Avoid "RPC failed; curl 56 GnuTLS" issue on some pulls, while keeping the system installed git +# - Some tools expect a "python" binary +# - Prepare ldconfig +RUN git config --global http.postBuffer 1048576000 \ + && mkdir -p /usr/local/bin && ln -s $(which python3) /usr/local/bin/python \ + && mkdir -p /usr/local/lib && sh -c 'echo "/usr/local/lib" >> /etc/ld.so.conf.d/usrlocallib.conf' && ldconfig + +ENV LD_LIBRARY_PATH=/usr/local/lib:$LD_LIBRARY_PATH + +# Not a GPU build, no path fix to test diff --git a/ubuntu24.04/Snippets/FIX_Misc.GPU b/ubuntu24.04/Snippets/FIX_Misc.GPU new file mode 100644 index 0000000..0886204 --- /dev/null +++ b/ubuntu24.04/Snippets/FIX_Misc.GPU @@ -0,0 +1,18 @@ +# - Avoid "RPC failed; curl 56 GnuTLS" issue on some pulls, while keeping the system installed git +# - Some tools expect a "python" binary +# - Prepare ldconfig +RUN git config --global http.postBuffer 1048576000 \ + && mkdir -p /usr/local/bin && ln -s $(which python3) /usr/local/bin/python \ + && mkdir -p /usr/local/lib && sh -c 'echo "/usr/local/lib" >> /etc/ld.so.conf.d/usrlocallib.conf' && ldconfig + +ENV LD_LIBRARY_PATH=/usr/local/lib:$LD_LIBRARY_PATH + +# Misc GPU fixes +RUN cd /usr/local \ + && if [ -e cuda ]; then if [ ! -e nvidia ]; then ln -s cuda nvidia; fi; fi \ + && tmp="/usr/local/cuda/extras/CUPTI/lib64" \ + && if [ -d $tmp ]; then \ + echo $tmp >> /etc/ld.so.conf.d/nvidia-cupti.conf; \ + ldconfig; \ + echo "***** CUPTI added to LD path"; \ + fi diff --git a/ubuntu24.04/Snippets/INSTALL_CLANG.False b/ubuntu24.04/Snippets/INSTALL_CLANG.False new file mode 100644 index 0000000..68a69fd --- /dev/null +++ b/ubuntu24.04/Snippets/INSTALL_CLANG.False @@ -0,0 +1 @@ +# Not installing clang diff --git a/ubuntu24.04/Snippets/INSTALL_CLANG.True b/ubuntu24.04/Snippets/INSTALL_CLANG.True new file mode 100644 index 0000000..40ce09b --- /dev/null +++ b/ubuntu24.04/Snippets/INSTALL_CLANG.True @@ -0,0 +1,13 @@ +ENV CTPO_CLANG_VERSION=16 +RUN apt-get install -y lsb-release software-properties-common gnupg \ + && mkdir /tmp/clang \ + && cd /tmp/clang \ + && wget https://apt.llvm.org/llvm.sh \ + && chmod +x llvm.sh \ + && ./llvm.sh ${CTPO_CLANG_VERSION} \ + && cd / \ + && rm -rf /tmp/clang +RUN which clang-${CTPO_CLANG_VERSION} \ + && which clang++-${CTPO_CLANG_VERSION} \ + && clang-${CTPO_CLANG_VERSION} --version \ + && clang++-${CTPO_CLANG_VERSION} --version \ No newline at end of file diff --git a/ubuntu24.04/Snippets/PATCH_TORCHAUDIO.GPU.2.5.0 b/ubuntu24.04/Snippets/PATCH_TORCHAUDIO.GPU.2.5.0 new file mode 100644 index 0000000..063d278 --- /dev/null +++ b/ubuntu24.04/Snippets/PATCH_TORCHAUDIO.GPU.2.5.0 @@ -0,0 +1,12 @@ +diff --git a/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu b/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu +index 4ca8f1bf24..e6192155a2 100644 +--- a/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu ++++ b/src/libtorchaudio/cuctc/src/ctc_prefix_decoder_kernel_v2.cu +@@ -24,6 +24,7 @@ + // (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE + // OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. + #include ++#include + #include "ctc_fast_divmod.cuh" + #include "cub/cub.cuh" + #include "device_data_wrap.h" diff --git a/ubuntu24.04/Snippets/PATCH_TORCHVISION.CPU.0.17.2 b/ubuntu24.04/Snippets/PATCH_TORCHVISION.CPU.0.17.2 new file mode 100644 index 0000000..2e4fd29 --- /dev/null +++ b/ubuntu24.04/Snippets/PATCH_TORCHVISION.CPU.0.17.2 @@ -0,0 +1,20 @@ +--- a/torchvision/csrc/io/decoder/stream.cpp ++++ b/torchvision/csrc/io/decoder/stream.cpp +@@ -63,15 +63,8 @@ int Stream::openCodec(std::vector* metadata, int num_threads) { + codecCtx_->thread_count = num_threads; + } else { + // otherwise set sensible defaults +- // with the special case for the different MPEG4 codecs +- // that don't have threading context functions +- if (codecCtx_->codec->capabilities & AV_CODEC_CAP_INTRA_ONLY) { +- codecCtx_->thread_type = FF_THREAD_FRAME; +- codecCtx_->thread_count = 2; +- } else { +- codecCtx_->thread_count = 8; +- codecCtx_->thread_type = FF_THREAD_SLICE; +- } ++ codecCtx_->thread_count = 8; ++ codecCtx_->thread_type = FF_THREAD_SLICE; + } + + int ret; \ No newline at end of file diff --git a/ubuntu24.04/Snippets/PATCH_TORCHVISION.GPU.0.17.2 b/ubuntu24.04/Snippets/PATCH_TORCHVISION.GPU.0.17.2 new file mode 100644 index 0000000..2e4fd29 --- /dev/null +++ b/ubuntu24.04/Snippets/PATCH_TORCHVISION.GPU.0.17.2 @@ -0,0 +1,20 @@ +--- a/torchvision/csrc/io/decoder/stream.cpp ++++ b/torchvision/csrc/io/decoder/stream.cpp +@@ -63,15 +63,8 @@ int Stream::openCodec(std::vector* metadata, int num_threads) { + codecCtx_->thread_count = num_threads; + } else { + // otherwise set sensible defaults +- // with the special case for the different MPEG4 codecs +- // that don't have threading context functions +- if (codecCtx_->codec->capabilities & AV_CODEC_CAP_INTRA_ONLY) { +- codecCtx_->thread_type = FF_THREAD_FRAME; +- codecCtx_->thread_count = 2; +- } else { +- codecCtx_->thread_count = 8; +- codecCtx_->thread_type = FF_THREAD_SLICE; +- } ++ codecCtx_->thread_count = 8; ++ codecCtx_->thread_type = FF_THREAD_SLICE; + } + + int ret; \ No newline at end of file diff --git a/ubuntu24.04/Snippets/PIP_KERAS.False b/ubuntu24.04/Snippets/PIP_KERAS.False new file mode 100644 index 0000000..6f9053d --- /dev/null +++ b/ubuntu24.04/Snippets/PIP_KERAS.False @@ -0,0 +1 @@ + # No keras \ No newline at end of file diff --git a/ubuntu24.04/Snippets/PIP_KERAS.True b/ubuntu24.04/Snippets/PIP_KERAS.True new file mode 100644 index 0000000..52a65d6 --- /dev/null +++ b/ubuntu24.04/Snippets/PIP_KERAS.True @@ -0,0 +1 @@ + && pip3 install -U keras_preprocessing --no-deps \ \ No newline at end of file diff --git a/ubuntu24.04/Snippets/PIP_TORCH.False b/ubuntu24.04/Snippets/PIP_TORCH.False new file mode 100644 index 0000000..925dd46 --- /dev/null +++ b/ubuntu24.04/Snippets/PIP_TORCH.False @@ -0,0 +1 @@ + # No Torch addons \ No newline at end of file diff --git a/ubuntu24.04/Snippets/PIP_TORCH.True b/ubuntu24.04/Snippets/PIP_TORCH.True new file mode 100644 index 0000000..696b50f --- /dev/null +++ b/ubuntu24.04/Snippets/PIP_TORCH.True @@ -0,0 +1,4 @@ + # Torch + cffi \ + typing \ + ninja \ \ No newline at end of file