Skip to content

Conversation

@dependabot
Copy link
Contributor

@dependabot dependabot bot commented on behalf of github Dec 16, 2025

Bumps the other-python group in /metro-ai-suite/interactive-digital-avatar with 26 updates:

Package From To
mmcv 2.1.0 2.2.0
torch 2.8.0 2.9.1+cpu
torchvision 0.16.2 0.24.1+d801a34
torchaudio 2.1.2 2.9.1+cpu
numpy 1.22.4 2.3.5
opencv-python 4.8.1.78 4.12.0.88
openvino-dev 2024.3.0 2024.6.0
openvino-genai 2024.3.0 2025.4.0.0
paddlepaddle 2.6.1 3.2.2
typeguard 2.13.3 4.4.4
nltk 3.9 3.9.2
funasr 1.1.4 1.2.9
modelscope 1.16.1 1.33.0
onnxruntime 1.20.0 1.23.2
transformers 4.50.0 4.57.3
soundfile 0.12.1 0.13.1
diffusers 0.27.2 0.36.0
accelerate 0.28.0 1.12.0
huggingface-hub 0.25.0 1.2.3
scipy 1.7.3 1.16.3
moviepy 1.0.3 2.2.1
playsound 1.2.2 1.3.0
pygobject 3.48.2 3.54.5
tomli 2.0.1 2.3.0
python-socketio 5.11.3 5.15.0
eventlet 0.37.0 0.40.4

Updates mmcv from 2.1.0 to 2.2.0

Release notes

Sourced from mmcv's releases.

v2.2.0

What's Changed

New Contributors

Full Changelog: open-mmlab/mmcv@v2.1.0...v2.2.0

Commits

Updates torch from 2.8.0 to 2.9.1+cpu

Updates torchvision from 0.16.2 to 0.24.1+d801a34

Updates torchaudio from 2.1.2 to 2.9.1+cpu

Updates numpy from 1.22.4 to 2.3.5

Release notes

Sourced from numpy's releases.

2.3.5 (Nov 16, 2025)

NumPy 2.3.5 Release Notes

The NumPy 2.3.5 release is a patch release split between a number of maintenance updates and bug fixes. This release supports Python versions 3.11-3.14.

Contributors

A total of 10 people contributed to this release. People with a "+" by their names contributed a patch for the first time.

  • Aaron Kollasch +
  • Charles Harris
  • Joren Hammudoglu
  • Matti Picus
  • Nathan Goldbaum
  • Rafael Laboissière +
  • Sayed Awad
  • Sebastian Berg
  • Warren Weckesser
  • Yasir Ashfaq +

Pull requests merged

A total of 16 pull requests were merged for this release.

  • #29979: MAINT: Prepare 2.3.x for further development
  • #30026: SIMD, BLD: Backport FPMATH mode on x86-32 and filter successor...
  • #30029: MAINT: Backport write_release.py
  • #30041: TYP: Various typing updates
  • #30059: BUG: Fix np.strings.slice if stop=None or start and stop >= len...
  • #30063: BUG: Fix np.strings.slice if start > stop
  • #30076: BUG: avoid negating INT_MIN in PyArray_Round implementation (#30071)
  • #30090: BUG: Fix resize when it contains references (#29970)
  • #30129: BLD: update scipy-openblas, use -Dpkg_config_path (#30049)
  • #30130: BUG: Avoid compilation error of wrapper file generated with SWIG...
  • #30157: BLD: use scipy-openblas 0.3.30.7 (#30132)
  • #30158: DOC: Remove nonexistent order parameter docs of ma.asanyarray...
  • #30185: BUG: Fix check of PyMem_Calloc return value. (#30176)
  • #30217: DOC: fix links for newly rebuilt numpy-tutorials site
  • #30218: BUG: Fix build on s390x with clang (#30214)
  • #30237: ENH: Make FPE blas check a runtime check for all apple arm systems

v2.3.4 (Oct 15, 2025)

NumPy 2.3.4 Release Notes

The NumPy 2.3.4 release is a patch release split between a number of maintenance updates and bug fixes. This release supports Python versions 3.11-3.14. This release is based on Python 3.14.0 final.

... (truncated)

Commits
  • c3d60fc Merge pull request #30238 from charris/prepare-2.3.5
  • 11451fa REL: Prepare for the NumPy 2.3.5 release
  • eab5bd4 Merge pull request #30237 from charris/backport-30102
  • 7cea31a Fixup merge of multiarraymodule.c
  • b898173 Update numpy/_core/src/common/blas_utils.h
  • f755483 Report FPE ignoring in matmul in show_runtime()
  • c47116f Move test to Python
  • bd7b93f ooops, needs to be a calloc of course.
  • 83a1517 Guard for HAVE_CBLAS and always compile the helpers
  • ab680ef ENH: Make FPE blas check a runtime check for all arm systems
  • Additional commits viewable in compare view

Updates opencv-python from 4.8.1.78 to 4.12.0.88

Release notes

Sourced from opencv-python's releases.

4.12.0.88

Complete OpenCV 4.12.0 changelog: https://github.com/opencv/opencv/wiki/OpenCV-Change-Logs#version4120

Python:

  • Added libavif to the package and corresponding image format support on Linux and Mac OS. Windows is in progress.
  • Enabled GIF support by default.
  • Updated Numpy dependency rules. Packages for Python 3.9+ are built with Numpy 2.x. Packages for older Python version are built with Numpy 1.x.
  • Improved libjpeg-turbo performance in Windows builds (added NASM and assembly branches).
  • Made DNN, FLANN, G-API modules optional during the package build (bindings generation and typing).

4.11.0.86

Complete OpenCV 4.11.0 changelog: https://github.com/opencv/opencv/wiki/OpenCV-Change-Logs#version4110

Python:

  • Added Python 3.13 support
  • Fixed build with Python 3.12
  • Fixed confg path for the case when Python Limited API is disabled
  • Fixed build with system wide CMake, if CMake is not available with pip
  • Enabled all jpeg-turbo optimizations on Windows (assembler)
  • Split Python type stubs per-module to allow modules list customization
  • Minimal Mac OS raised to 13.0.

4.10.0.84

Complete OpenCV 4.10.0 chnagelog: https://github.com/opencv/opencv/wiki/ChangeLog

Python:

  • NumPy 2.0 support in pre-built OpenCV packages for Python 3.9+
  • Added python bindings for Rect2f and Point3i #24919
  • Switched to numeric dtype for MatLike instead of generic #25406
  • Added path-like objects support wherever file names are expected #24773

4.10.0.82

Complete OpenCV 4.10.0 chnagelog: https://github.com/opencv/opencv/wiki/ChangeLog

Python:

  • Experimental NumPy 2.0 support
  • Added python bindings for Rect2f and Point3i #24919
  • Switched to numeric dtype for MatLike instead of generic #25406
  • Added path-like objects support wherever file names are expected #24773

4.9.0.80

Complete OpenCV 4.9.0 chnagelog: https://github.com/opencv/opencv/wiki/ChangeLog

Python: - #24023, #24022, #23910 Added type stub generation for missed types and manually wrapped types. - #24026 Added read-only flag handling for Numpy arrays. - #24028 Fixed exception handling and bindings for in module. - #23958 Improved error messages in Numpy array type handling. - #24468 Fixed constructors documentation in Python. - Mac OS builds migrated to Mac OS 12. It's minimal supported version now.

Commits

Updates openvino-dev from 2024.3.0 to 2024.6.0

Release notes

Sourced from openvino-dev's releases.

2024.6.0

Summary of major features and improvements  

  • OpenVINO 2024.6 release includes updates for enhanced stability and improved LLM performance.

  • Introduced support for Intel® Arc™ B-Series Graphics (formerly known as Battlemage).

  • Implemented optimizations to improve the inference time and LLM performance on NPUs.

  • Improved LLM performance with GenAI API optimizations and bug fixes.

Support Change and Deprecation Notices

  • Using deprecated features and components is not advised. They are available to enable a smooth transition to new solutions and will be discontinued in the future. To keep using discontinued features, you will have to revert to the last LTS OpenVINO version supporting them. For more details, refer to the OpenVINO Legacy Features and Components page.
  • Discontinued in 2024.0:
  • Deprecated and to be removed in the future:
    • The macOS x86_64 debug bins will no longer be provided with the OpenVINO toolkit, starting with OpenVINO 2024.5.
    • Python 3.8 is no longer supported, starting with OpenVINO 2024.5.
      • As MxNet doesn’t support Python version higher than 3.8, according to the MxNet PyPI project, it is no longer supported by OpenVINO, either.
    • Discrete Keem Bay support is no longer supported, starting with OpenVINO 2024.5.
    • Support for discrete devices (formerly codenamed Raptor Lake) is no longer available for NPU.

You can find OpenVINO™ toolkit 2024.6 release here:

Release documentation is available here: https://docs.openvino.ai/2024 Release Notes are available here: https://docs.openvino.ai/2024/about-openvino/release-notes-openvino.html

2024.5.0

Summary of major features and improvements  

  • More Gen AI coverage and framework integrations to minimize code changes

    • New models supported: Llama 3.2 (1B & 3B), Gemma 2 (2B & 9B), and YOLO11.
    • LLM support on NPU: Llama 3 8B, Llama 2 7B, Mistral-v0.2-7B, Qwen2-7B-Instruct and Phi-3
    • Noteworthy notebooks added: Sam2, Llama3.2, Llama3.2 - Vision, Wav2Lip, Whisper, and Llava.
    • Preview: support for Flax, a high-performance Python neural network library based on JAX. Its modular design allows for easy customization and accelerated inference on GPUs.
  • Broader Large Language Model (LLM) support and more model compression techniques.

    • Optimizations for built-in GPUs on Intel® Core™ Ultra Processors (Series 1) and Intel® Arc™ Graphics include KV Cache compression for memory reduction along with improved usability, and model load time optimizations to improve first token latency for LLMs..

... (truncated)

Commits

Updates openvino-genai from 2024.3.0 to 2025.4.0.0

Release notes

Sourced from openvino-genai's releases.

2025.4.0

Summary of major features and improvements  

  • More GenAI coverage and framework integrations to minimize code changes

    • New models supported:​
      • On CPUs & GPUs: Qwen3-Embedding-0.6B, Qwen3-Reranker-0.6B, Mistral-Small-24B-Instruct-2501.
      • On NPUs: Gemma-3-4b-it and Qwen2.5-VL-3B-Instruct.
    • Preview: Mixture of Experts (MoE) models optimized for CPUs and GPUs, validated for Qwen3-30B-A3B.
    • GenAI pipeline integrations: Qwen3-Embedding-0.6B and Qwen3-Reranker-0.6B for enhanced retrieval/ranking, and Qwen2.5VL-7B for video pipeline.
  • Broader LLM model support and more model compression techniques

    • Gold support for Windows ML* enables developers to deploy AI models and applications effortlessly across CPUs, GPUs, and NPUs on Intel® Core™ Ultra processor-powered AI PCs.
    • The Neural Network Compression Framework (NNCF) ONNX backend now supports INT8 static post-training quantization (PTQ) and INT8/INT4 weight-only compression to ensure accuracy parity with OpenVINO IR format models. SmoothQuant algorithm support added for INT8 quantization.
    • Accelerated multi-token generation for GenAI, leveraging optimized GPU kernels to deliver faster inference, smarter KV-cache reuse, and scalable LLM performance.
    • GPU plugin updates include improved performance with prefix caching for chat history scenarios and enhanced LLM accuracy with dynamic quantization support for INT8.
  • More portability and performance to run AI at the edge, in the cloud, or locally.

    • Announcing support for Intel® Core™ Ultra Processor Series 3.
    • Encrypted blob format support added for secure model deployment with OpenVINO™ GenAI. Model weights and artifacts are stored and transmitted in an encrypted format, reducing risks of IP theft during deployment. Developers can deploy with minimal code changes using OpenVINO GenAI pipelines.
    • OpenVINO™ Model Server and OpenVINO™ GenAI now extend support for Agentic AI scenarios with new features such as output parsing and improved chat templates for reliable multi-turn interactions, and preview functionality for the Qwen3-30B-A3B model. OVMS also introduces a preview for audio endpoints.
    • NPU deployment is simplified with batch support, enabling seamless model execution across Intel® Core™ Ultra processors while eliminating driver dependencies. Models are reshaped to batch_size=1 before compilation.
    • The improved NVIDIA Triton Server* integration with OpenVINO backend now enables developers to utilize Intel GPUs or NPUs for deployment.

Support Change and Deprecation Notices

  • Discontinued in 2025:
    • Runtime components:

      • The OpenVINO property of Affinity API is no longer available. It has been replaced with CPU binding configurations (ov::hint::enable_cpu_pinning).
      • The runtime namespace for Python API has been marked as deprecated and designated to be removed for 2026.0. The new namespace structure has been delivered, and migration is possible immediately. Details will be communicated through warnings and via documentation.
      • Binary operations Node API has been removed from Python API after previous deprecation.
      • PostponedConstant Python API Update: The PostponedConstant constructor signature is changing for better usability. Update maker from Callable[[Tensor], None] to Callable[[], Tensor]. The old signature will be removed in version 2026.0.
    • Tools:

      • The OpenVINO™ Development Tools package (pip install openvino-dev) is no longer available for OpenVINO releases in 2025.
      • Model Optimizer is no longer available. Consider using the new conversion methods instead. For more details, see the model conversion transition guide.
      • Intel® Streaming SIMD Extensions (Intel® SSE) are currently not enabled in the binary package by default. They are still supported in the source code form.
      • Legacy prefixes: l_, w_, and m_ have been removed from OpenVINO archive names.
    • OpenVINO GenAI:

      • StreamerBase::put(int64_t token)
      • The Bool value for Callback streamer is no longer accepted. It must now return one of three values of StreamingStatus enum.
      • ChunkStreamerBase is deprecated. Use StreamerBase instead.
    • Deprecated OpenVINO Model Server (OVMS) benchmark client in C++ using TensorFlow Serving API.
    • NPU Device Plugin:

      • Removed logic to detect and handle Intel® Core™ Ultra Processors (Series 1) drivers older than v1688. Since v1688 is the earliest officially supported driver, older versions (e.g., v1477) are no longer recommended or supported.
    • Python 3.9 support will be discontinued starting with the OpenVINO 2025.4 and Neural Network Compression Framework (NNCF) 2.19.0.
  • Deprecated and to be removed in the future:
    • openvino.Type.undefined is now deprecated and will be removed with version 2026.0. openvino.Type.dynamic should be used instead.
    • The openvino-nightly PyPI module has been discontinued. End-users should proceed with the Simple PyPI nightly repo instead. More information in Release Policy.
    • auto shape and auto batch size (reshaping a model in runtime) will be removed in the future. OpenVINO’s dynamic shape models are recommended instead.
    • MacOS x86 is no longer recommended for use due to the discontinuation of validation. Full support will be removed later in 2025.
    • The openvino namespace of the OpenVINO Python API has been redesigned, removing the nested openvino.runtime module. The old namespace is now considered deprecated and will be discontinued in 2026.0. A new namespace structure is available for immediate migration. Details will be provided through warnings and documentation.
    • Starting with OpenVINO release 2026.0, the CPU plugin will require support for the AVX2 instruction set as a minimum system requirement. The SSE instruction set will no longer be supported.
    • APT & YUM Repositories Restructure: Starting with release 2025.1, users can switch to the new repository structure for APT and YUM, which no longer uses year-based subdirectories (like “2025”). The old (legacy) structure will still be available until 2026, when the change will be finalized. Detailed instructions are available on the relevant documentation pages:

... (truncated)

Commits

Updates paddlepaddle from 2.6.1 to 3.2.2

Release notes

Sourced from paddlepaddle's releases.

PaddlePaddle 3.2.2 Release Note

重要更新

飞桨框架3.2.2版本在分布式并行、算子机制、硬件适配三个方面完成多项优化与升级,进一步提升框架性能与稳定性。

1. 分布式训练

  • 优化 FlexCheckpoint 的重切分通信流程; 为 paddle.nn.Layer 新增 full 接口, 用于返回完整模型参数; 支持加载 HuggingFace 开源格式的 Checkpoint。(#76249, #76291)
  • 为 group_sharded_optimizer_stage2 优化器新增 sharded_state_dict 函数。#76311
  • 为 paddle.load 接口修复加载 safetensor 文件 device_id 参数错误及 core_dump 问题。#76317
  • 新增 PipelineDatasetPreprocessor 机制,消除流水线并行策略中可能出现的内存泄漏问题。 #76260

2. 算子机制

  • 修复针对 BFloat16 list 场景下的 to_tensor 精度问题。 #76242

3. 硬件适配

  • 修改了独立的 XPU 内存监控模块,以确保与最新的内存监控逻辑保持一致。 #76056

4. 贡献者名单

qw86972190, xingmingyyj, zhangbo9674, zhangyuqin1998

Important Updates

PaddlePaddle Framework version 3.2.2 features multiple optimizations and upgrades across Distributed Parallelism, Operator Mechanism, and Hardware Adaptation to further enhance the framework's performance and stability.

1. Distributed Training

  • Optimized the communication process for re-sharding in FlexCheckpoint; added the full interface to paddle.nn.Layer for returning complete model parameters; supported loading Checkpoints in the HuggingFace open-source format. (#76249, #76291)
  • Added the sharded_state_dict function to the group_sharded_optimizer_stage2 optimizer. #76311
  • Fixed errors regarding the device_id parameter and a core dump issue when loading safetensor files using the paddle.load interface. #76317
  • Introduced the PipelineDatasetPreprocessor mechanism to eliminate potential memory leak issues in the pipeline parallelism strategy. #76260

2. Operator Mechanisms

  • Fixed a precision issue in to_tensor for BFloat16 list scenarios. #76242

3. Hardware Adaptation

  • Modified the independent XPU memory monitoring module to ensure consistency with the latest memory monitoring logic. #76056

4. List of Contributors

qw86972190, xingmingyyj, zhangbo9674, zhangyuqin1998

PaddlePaddle 3.2.0 Release Note

重要更新

飞桨框架3.2版本在大模型训练推理性能、硬件适配、主流大模型及高性能加速库的支持上进一步提升。

  • 大模型训练方面,飞桨框架在计算、并行策略、容错能力三方面进行了升级:
    • 从基础计算性能层面,提出了存算重叠的稀疏掩码注意力计算FlashMask V3,极致优化Attention的计算效率,同时还实现了高效的FP8混合精度效果无损训练技术。
    • 在分布式并行策略层面,提出了动态自适应的显存卸载策略,实现存算最优均衡,再结合创新设计的显存友好的流水线并行调度,进一步降低显存开销。
    • 增强了框架原生的容错能力,实现了大规模集群训练容错系统,可在不影响训练效率的前提下在线监测静默数据损坏等难以察觉的故障,并实现了高可用的检查点容灾方法,降低中断恢复损失。
  • 在硬件适配方面,面向类CUDA芯片,全面升级插件式适配方案。

... (truncated)

Commits

Updates typeguard from 2.13.3 to 4.4.4

Release notes

Sourced from typeguard's releases.

4.4.4

  • Fixed IndexError when using @typechecked on more than one function with the same name under certain circumstances (#527)
  • Fixed TypeError during type checking when the value to check is a parametrized generic class (#526)

4.4.3

  • Fixed @typechecked unable to find the target function or method if it or the containing class had PEP 695 type parameters on them (#500)
  • Fixed handling of union types on Python 3.14 (#522)
  • Fixed __type_params__ getting lost when a function is instrumented

4.4.2

  • Fixed TypeCheckError in unpacking assignment involving properties of a parameter of the function (#506; regression introduced in v4.4.1)
  • Fixed display of module name for forward references (#492; PR by @​JelleZijlstra)
  • Fixed TypeError when using an assignment expression (#510; PR by @​JohannesK71083)
  • Fixed ValueError: no signature found for builtin when checking against a protocol and a matching attribute in the subject is a built-in function (#504)

4.4.1

  • Dropped Python 3.8 support
  • Changed the signature of typeguard_ignore() to be compatible with typing.no_type_check() (PR by @​jolaf)
  • Avoid creating reference cycles when type checking uniontypes and classes
  • Fixed checking of variable assignments involving tuple unpacking (#486)
  • Fixed TypeError when checking a class against type[Self] (#481)
  • Fixed checking of protocols on the class level (against type[SomeProtocol]) (#498)
  • Fixed Self checks in instance/class methods that have positional-only arguments
  • Fixed explicit checks of PEP 604 unions against types.UnionType (#467)
  • Fixed checks against annotations wrapped in NotRequired not being run unless the NotRequired is a forward reference (#454)

4.4.0

  • Added proper checking for method signatures in protocol checks (#465)
  • Fixed basic support for intersection protocols (#490; PR by @​antonagestam)
  • Fixed protocol checks running against the class of an instance and not the instance itself (this produced wrong results for non-method member checks)

4.3.0

  • Added support for checking against static protocols
  • Fixed some compatibility problems when running on Python 3.13 (#460; PR by @​JelleZijlstra)
  • Fixed test suite incompatibility with pytest 8.2 (#461)
  • Fixed pytest plugin crashing on pytest version older than v7.0.0 (even if it's just present) (#343)

4.2.1

  • Fixed missing typing_extensions dependency for Python 3.12 (#444)
  • Fixed deprecation warning in the test suite on Python 3.13 (#444)

4.2.0

  • Added support for specifying options for the pytest plugin via pytest config files (#440)
  • Avoid creating reference cycles when type checking unions (PR by Shantanu)
  • Fixed Optional[...] being removed from the AST if it was located within a subscript (#442)
  • Fixed TypedDict from typing_extensions not being recognized as one (#443)
  • Fixed typing types (dict[str, int], List[str], etc.) not passing checks against type or Type (#432, PR by Yongxin Wang)
  • Fixed detection of optional fields (NotRequired[...]) in TypedDict when using forward references (#424)
  • Fixed mapping checks against Django's MultiValueDict (#419)

... (truncated)

Commits
  • f16f4ae Added release date
  • 70acfe1 Fixed TypeError when checking a parametrized generic class as a value
  • 759dda1 Fixed IndexError when using @typechecked on duplicate functions
  • 63be648 Migrated to SPDX license markers
  • d80f566 Added release date
  • 386d4f2 Updated the changelog
  • 0ee471e Updated typing-extensions dependency to fix Python 3.14 compatibility
  • a3f6144 Fixed Union-related test failure on Python 3.14
  • 455bf7b Removed the obsolete UnionTransformer class
  • 92618cd [pre-commit.ci] pre-commit autoupdate (#520)
  • Additional commits viewable in compare view

Updates nltk from 3.9 to 3.9.2

Changelog

Sourced from nltk's changelog.

Version 3.9.2 2025-10-01

  • Update download checksums to use SHA256 in built index
  • Fix percentage escape in new-style string formatting
  • replace shortened URLs using goo.gl
  • Make Wordnet interoperable with various taggers and tagged corpora
  • Fix saving PerceptronTagger
  • Document how to reproduce old Wordnet studies
  • properly initialize Portuguese corpus reader
  • support for mixed rules conversion into Chomsky Normal Form
  • only import tkinter if a GUI is needed
  • issue #2112 with Corenlp
  • new environment variable NLTK_DOWNLOADER_FORCE_INTERACTIVE_SHELL
  • Lesk defaults to most frequent sense in case of ties

Thanks to the following contributors to 3.9.2: Jose Cols, Peter de Blanc, GeneralPoxter, Eric Kafe, William LaCroix, Jason Liu, Samer Masterson, Mike014, purificant, Andrew Ernest Ritz, samertm, Ikram Ul Haq, Christopher Smith, Ryan Mannion

Version 3.9.1 2024-08-19

  • Fixed bug that prevented wordnet from loading

Version 3.9 2024-08-18

  • Fix security vulnerability CVE-2024-39705 (breaking change)
  • Replace pickled models (punkt, chunker, taggers) by new pickle-free "_tab" packages
  • No longer sort Wordnet synsets and relations (sort in calling function when required)
  • Only strip the last suffix in Wordnet Morphy, thus restricting synsets() results
  • Add Python 3.12 support
  • Many other minor fixes

Thanks to the following contributors to 3.8.2: Tom Aarsen, Cat Lee Ball, Veralara Bernhard, Carlos Brandt, Konstantin Chernyshev, Michael Higgins, Eric Kafe, Vivek Kalyan, David Lukes, Rob Malouf, purificant, Alex Rudnick, Liling Tan, Akihiro Yamazaki.

Version 3.8.1 2023-01-02

  • Resolve RCE vulnerability in localhost WordNet Browser (#3100)
  • Remove unused tool scripts (#3099)
  • Resolve XSS vulnerability in localhost WordNet Browser (#3096)
  • Add Python 3.11 support (#3090)

Thanks to the following contributors to 3.8.1: Francis Bond, John Vandenberg, Tom Aarsen

Version 3.8 2022-12-12

  • Refactor dispersion plot (#3082)
  • Provide type hints for LazyCorpusLoader variables (#3081)
  • Throw warning when LanguageModel is initialized with incorrect vocabulary (#3080)

... (truncated)

Commits
  • 4e17ea3 Updates for 3.9.2
  • 77ed66b Merge pull request #3425 from ekaf/ci-blank-data
  • 13d6791 Update .github/workflows/ci.yml
  • d2cf5d4 Ensure nltk_data path is in the environment
  • 4473fde Test CI with no data
  • 1f1614b Merge pull request #3349 from ShadokDuBas/fix/bug_ccg_logic_side_effect_on_le...
  • 7e9779e Merge pull request #3419 from ekaf/hotfix-3416
  • 83bd737 Merge pull request #3423 from purificant/_dependabot
  • e96cce0 Merge pull request #3422 from purificant/_pre_commit
  • bcf6ea6 Merge pull request #3421 from purificant/_py_versions
  • Additional commits viewable in compare view

Updates funasr from 1.1.4 to 1.2.9

Commits

Updates modelscope from 1.16.1 to 1.33.0

Release notes

Sourced from modelscope's releases.

v1.33.0

中文版

主要更新

  • 更新默认分支版本(default revision)策略,以提升仓库版本管理的一致性与易用性 #1546 #1553
  • Hub API 新增 set_repo_visibility 接口,支持设置模型仓库可见性,并补充可见性参数校验和错误日志提示 #1564 #1568 #1569 #1570
  • 新增 Ascend NPU 的 Dockerfile,便于在昇腾 NPU 环境中部署与使用 ModelScope #1550
  • snapshot_download 新增 DEFAULT_MAX_WORKERS 参数配置,优化模型快照下载的并发行为 #1566

AIGC 相关能力增强

  • 为 AIGC 的 create_model_tag 接口新增参数,支持更灵活的模型标签创建与管理 #1555
  • AIGC 模型新增 base_model_sub_type 字段,便于更精细地描述与区分底座模型类型 #1563

Hub 与上传下载体验优化

  • 修正 upload_folder 的默认忽略规则,避免重要文件被错误忽略 #1549
  • 修复上传模式匹配(upload patterns)相关问题,提升文件上传的准确性 #1567

稳定性与工程改进

  • 修复影响 hasattr 行为的实验类型定义问题,避免潜在属性检测异常 #1552
  • 动态模块加载逻辑补丁修复,提升动态模块相关功能的稳定性 #1554
  • 更新构建文件与 CI 工作流,改进整体构建发布流程 #1551

English Version

Key Updates

  • Updated default revision strategy to improve consistency and usability of repository version management #1546 #1553
  • Added set_repo_visibility in Hub API to control repository visibility, with input validation and detailed error logging #1564 #1568 #1569 #1570
  • Added Ascend NPU Dockerfile to simplify deployment on Ascend NPU environments #1550
  • Introduced DEFAULT_MAX_WORKERS in snapshot_download to better control concurrent download behavior #1566

AIGC Enhancements

  • Added new arguments for AIGC create_model_tag for more flexible model tag creation and management #1555
  • Added base_model_sub_type for AIGC models to describe and distinguish base model types more precisely #1563

Hub & Upload/Download Improvements

  • Fixed default ignore patterns in upload_folder to avoid unintentionally skipping important files #1549
  • Fixed upload patterns issues to improve accuracy of file uploads #1567

Stability & Engineering

  • Fixed experiment type definition that affected hasattr behavior and could cause attribute detection issues #1552
  • Patched dynamic module handling to improve stability of dynamic module related features #1554
  • Updated build files and CI workflows to refine the overall build and release pipeline #1551

What's Changed

@dependabot dependabot bot added dependencies Pull requests that update a dependency file python Pull requests that update python code labels Dec 16, 2025
@dependabot dependabot bot added dependencies Pull requests that update a dependency file python Pull requests that update python code labels Dec 16, 2025
@dependabot dependabot bot force-pushed the dependabot/pip/metro-ai-suite/interactive-digital-avatar/other-python-5250bb6688 branch 4 times, most recently from 6615e34 to 766102c Compare December 17, 2025 07:15
Bumps the other-python group in /metro-ai-suite/interactive-digital-avatar with 26 updates:

| Package | From | To |
| --- | --- | --- |
| [mmcv](https://github.com/open-mmlab/mmcv) | `2.1.0` | `2.2.0` |
| torch | `2.8.0` | `2.9.1+cpu` |
| torchvision | `0.16.2` | `0.24.1+d801a34` |
| torchaudio | `2.1.2` | `2.9.1+cpu` |
| [numpy](https://github.com/numpy/numpy) | `1.22.4` | `2.3.5` |
| [opencv-python](https://github.com/opencv/opencv-python) | `4.8.1.78` | `4.12.0.88` |
| [openvino-dev](https://github.com/openvinotoolkit/openvino) | `2024.3.0` | `2024.6.0` |
| [openvino-genai](https://github.com/openvinotoolkit/openvino) | `2024.3.0` | `2025.4.0.0` |
| [paddlepaddle](https://github.com/paddlepaddle/paddle) | `2.6.1` | `3.2.2` |
| [typeguard](https://github.com/agronholm/typeguard) | `2.13.3` | `4.4.4` |
| [nltk](https://github.com/nltk/nltk) | `3.9` | `3.9.2` |
| [funasr](https://github.com/alibaba-damo-academy/FunASR) | `1.1.4` | `1.2.9` |
| [modelscope](https://github.com/modelscope/modelscope) | `1.16.1` | `1.33.0` |
| [onnxruntime](https://github.com/microsoft/onnxruntime) | `1.20.0` | `1.23.2` |
| [transformers](https://github.com/huggingface/transformers) | `4.50.0` | `4.57.3` |
| [soundfile](https://github.com/bastibe/python-soundfile) | `0.12.1` | `0.13.1` |
| [diffusers](https://github.com/huggingface/diffusers) | `0.27.2` | `0.36.0` |
| [accelerate](https://github.com/huggingface/accelerate) | `0.28.0` | `1.12.0` |
| [huggingface-hub](https://github.com/huggingface/huggingface_hub) | `0.25.0` | `1.2.3` |
| [scipy](https://github.com/scipy/scipy) | `1.7.3` | `1.16.3` |
| [moviepy](https://github.com/Zulko/moviepy) | `1.0.3` | `2.2.1` |
| [playsound](https://github.com/TaylorSMarks/playsound) | `1.2.2` | `1.3.0` |
| [pygobject](https://pygobject.gnome.org) | `3.48.2` | `3.54.5` |
| [tomli](https://github.com/hukkin/tomli) | `2.0.1` | `2.3.0` |
| [python-socketio](https://github.com/miguelgrinberg/python-socketio) | `5.11.3` | `5.15.0` |
| [eventlet](https://github.com/eventlet/eventlet) | `0.37.0` | `0.40.4` |


Updates `mmcv` from 2.1.0 to 2.2.0
- [Release notes](https://github.com/open-mmlab/mmcv/releases)
- [Commits](open-mmlab/mmcv@v2.1.0...v2.2.0)

Updates `torch` from 2.8.0 to 2.9.1+cpu

Updates `torchvision` from 0.16.2 to 0.24.1+d801a34

Updates `torchaudio` from 2.1.2 to 2.9.1+cpu

Updates `numpy` from 1.22.4 to 2.3.5
- [Release notes](https://github.com/numpy/numpy/releases)
- [Changelog](https://github.com/numpy/numpy/blob/main/doc/RELEASE_WALKTHROUGH.rst)
- [Commits](numpy/numpy@v1.22.4...v2.3.5)

Updates `opencv-python` from 4.8.1.78 to 4.12.0.88
- [Release notes](https://github.com/opencv/opencv-python/releases)
- [Commits](https://github.com/opencv/opencv-python/commits)

Updates `openvino-dev` from 2024.3.0 to 2024.6.0
- [Release notes](https://github.com/openvinotoolkit/openvino/releases)
- [Changelog](https://github.com/openvinotoolkit/openvino/blob/master/docs/RELEASE.MD)
- [Commits](openvinotoolkit/openvino@2024.3.0...2024.6.0)

Updates `openvino-genai` from 2024.3.0 to 2025.4.0.0
- [Release notes](https://github.com/openvinotoolkit/openvino/releases)
- [Changelog](https://github.com/openvinotoolkit/openvino/blob/master/docs/RELEASE.MD)
- [Commits](openvinotoolkit/openvino@2024.3.0...2025.4.0)

Updates `paddlepaddle` from 2.6.1 to 3.2.2
- [Release notes](https://github.com/paddlepaddle/paddle/releases)
- [Changelog](https://github.com/PaddlePaddle/Paddle/blob/develop/RELEASE.md)
- [Commits](PaddlePaddle/Paddle@v2.6.1...v3.2.2)

Updates `typeguard` from 2.13.3 to 4.4.4
- [Release notes](https://github.com/agronholm/typeguard/releases)
- [Commits](agronholm/typeguard@2.13.3...4.4.4)

Updates `nltk` from 3.9 to 3.9.2
- [Changelog](https://github.com/nltk/nltk/blob/develop/ChangeLog)
- [Commits](nltk/nltk@3.9...3.9.2)

Updates `funasr` from 1.1.4 to 1.2.9
- [Release notes](https://github.com/alibaba-damo-academy/FunASR/releases)
- [Commits](https://github.com/alibaba-damo-academy/FunASR/commits)

Updates `modelscope` from 1.16.1 to 1.33.0
- [Release notes](https://github.com/modelscope/modelscope/releases)
- [Commits](modelscope/modelscope@v1.16.1...v1.33.0)

Updates `onnxruntime` from 1.20.0 to 1.23.2
- [Release notes](https://github.com/microsoft/onnxruntime/releases)
- [Changelog](https://github.com/microsoft/onnxruntime/blob/main/docs/ReleaseManagement.md)
- [Commits](microsoft/onnxruntime@v1.20.0...v1.23.2)

Updates `transformers` from 4.50.0 to 4.57.3
- [Release notes](https://github.com/huggingface/transformers/releases)
- [Commits](huggingface/transformers@v4.50.0...v4.57.3)

Updates `soundfile` from 0.12.1 to 0.13.1
- [Release notes](https://github.com/bastibe/python-soundfile/releases)
- [Commits](bastibe/python-soundfile@0.12.1...0.13.1)

Updates `diffusers` from 0.27.2 to 0.36.0
- [Release notes](https://github.com/huggingface/diffusers/releases)
- [Commits](huggingface/diffusers@v0.27.2...v0.36.0)

Updates `accelerate` from 0.28.0 to 1.12.0
- [Release notes](https://github.com/huggingface/accelerate/releases)
- [Commits](huggingface/accelerate@v0.28.0...v1.12.0)

Updates `huggingface-hub` from 0.25.0 to 1.2.3
- [Release notes](https://github.com/huggingface/huggingface_hub/releases)
- [Commits](huggingface/huggingface_hub@v0.25.0...v1.2.3)

Updates `scipy` from 1.7.3 to 1.16.3
- [Release notes](https://github.com/scipy/scipy/releases)
- [Commits](scipy/scipy@v1.7.3...v1.16.3)

Updates `moviepy` from 1.0.3 to 2.2.1
- [Release notes](https://github.com/Zulko/moviepy/releases)
- [Changelog](https://github.com/Zulko/moviepy/blob/master/CHANGELOG.md)
- [Commits](Zulko/moviepy@v1.0.3...v2.2.1)

Updates `playsound` from 1.2.2 to 1.3.0
- [Release notes](https://github.com/TaylorSMarks/playsound/releases)
- [Changelog](https://github.com/TaylorSMarks/playsound/blob/master/CHANGES)
- [Commits](https://github.com/TaylorSMarks/playsound/commits/v1.3.0)

Updates `pygobject` from 3.48.2 to 3.54.5

Updates `tomli` from 2.0.1 to 2.3.0
- [Changelog](https://github.com/hukkin/tomli/blob/master/CHANGELOG.md)
- [Commits](hukkin/tomli@2.0.1...2.3.0)

Updates `python-socketio` from 5.11.3 to 5.15.0
- [Release notes](https://github.com/miguelgrinberg/python-socketio/releases)
- [Changelog](https://github.com/miguelgrinberg/python-socketio/blob/main/CHANGES.md)
- [Commits](miguelgrinberg/python-socketio@v5.11.3...v5.15.0)

Updates `eventlet` from 0.37.0 to 0.40.4
- [Changelog](https://github.com/eventlet/eventlet/blob/master/NEWS)
- [Commits](eventlet/eventlet@0.37.0...0.40.4)

---
updated-dependencies:
- dependency-name: mmcv
  dependency-version: 2.2.0
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: torch
  dependency-version: 2.9.1+cpu
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: torchvision
  dependency-version: 0.24.1+d801a34
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: torchaudio
  dependency-version: 2.9.1+cpu
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: numpy
  dependency-version: 2.3.5
  dependency-type: direct:production
  update-type: version-update:semver-major
  dependency-group: other-python
- dependency-name: opencv-python
  dependency-version: 4.12.0.88
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: openvino-dev
  dependency-version: 2024.6.0
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: openvino-genai
  dependency-version: 2025.4.0.0
  dependency-type: direct:production
  update-type: version-update:semver-major
  dependency-group: other-python
- dependency-name: paddlepaddle
  dependency-version: 3.2.2
  dependency-type: direct:production
  update-type: version-update:semver-major
  dependency-group: other-python
- dependency-name: typeguard
  dependency-version: 4.4.4
  dependency-type: direct:production
  update-type: version-update:semver-major
  dependency-group: other-python
- dependency-name: nltk
  dependency-version: 3.9.2
  dependency-type: direct:production
  update-type: version-update:semver-patch
  dependency-group: other-python
- dependency-name: funasr
  dependency-version: 1.2.9
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: modelscope
  dependency-version: 1.33.0
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: onnxruntime
  dependency-version: 1.23.2
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: transformers
  dependency-version: 4.57.3
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: soundfile
  dependency-version: 0.13.1
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: diffusers
  dependency-version: 0.36.0
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: accelerate
  dependency-version: 1.12.0
  dependency-type: direct:production
  update-type: version-update:semver-major
  dependency-group: other-python
- dependency-name: huggingface-hub
  dependency-version: 1.2.3
  dependency-type: direct:production
  update-type: version-update:semver-major
  dependency-group: other-python
- dependency-name: scipy
  dependency-version: 1.16.3
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: moviepy
  dependency-version: 2.2.1
  dependency-type: direct:production
  update-type: version-update:semver-major
  dependency-group: other-python
- dependency-name: playsound
  dependency-version: 1.3.0
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: pygobject
  dependency-version: 3.54.5
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: tomli
  dependency-version: 2.3.0
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: python-socketio
  dependency-version: 5.15.0
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
- dependency-name: eventlet
  dependency-version: 0.40.4
  dependency-type: direct:production
  update-type: version-update:semver-minor
  dependency-group: other-python
...

Signed-off-by: dependabot[bot] <[email protected]>
@dependabot dependabot bot force-pushed the dependabot/pip/metro-ai-suite/interactive-digital-avatar/other-python-5250bb6688 branch from 766102c to 67795d1 Compare January 1, 2026 06:24
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment

Labels

dependencies Pull requests that update a dependency file python Pull requests that update python code

Projects

None yet

Development

Successfully merging this pull request may close these issues.

1 participant