Skip to content

Release v4.53.0

Latest
Compare
Choose a tag to compare
@LysandreJik LysandreJik released this 26 Jun 16:07
· 33 commits to main since this release

Release v4.53.0

Gemma3n

Gemma 3n models are designed for efficient execution on low-resource devices. They are capable of multimodal input, handling text, image, video, and audio input, and generating text outputs, with open weights for pre-trained and instruction-tuned variants. These models were trained with data in over 140 spoken languages.

Gemma 3n models use selective parameter activation technology to reduce resource requirements. This technique allows the models to operate at an effective size of 2B and 4B parameters, which is lower than the total number of parameters they contain. For more information on Gemma 3n's efficient parameter management technology, see the Gemma 3n page.

image

from transformers import pipeline
import torch

pipe = pipeline(
    "image-text-to-text",
    torch_dtype=torch.bfloat16,
    model="google/gemma-3n-e4b",
    device="cuda",
)
output = pipe(
    "https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/bee.jpg",
    text="<image_soft_token> in this image, there is"
)

print(output)

Dia

image

Dia is an opensource text-to-speech (TTS) model (1.6B parameters) developed by Nari Labs.
It can generate highly realistic dialogue from transcript including nonverbal communications such as laughter and coughing.
Furthermore, emotion and tone control is also possible via audio conditioning (voice cloning).

Model Architecture:
Dia is an encoder-decoder transformer based on the original transformer architecture. However, some more modern features such as
rotational positional embeddings (RoPE) are also included. For its text portion (encoder), a byte tokenizer is utilized while
for the audio portion (decoder), a pretrained codec model DAC is used - DAC encodes speech into discrete codebook
tokens and decodes them back into audio.

Kyutai Speech-to-Text

Kyutai STT is a speech-to-text model architecture based on the Mimi codec, which encodes audio into discrete tokens in a streaming fashion, and a Moshi-like autoregressive decoder. Kyutai’s lab has released two model checkpoints:

  • kyutai/stt-1b-en_fr: a 1B-parameter model capable of transcribing both English and French
  • kyutai/stt-2.6b-en: a 2.6B-parameter model focused solely on English, optimized for maximum transcription accuracy

Read more about the model in the documentation

V-JEPA 2

drawing

V-JEPA 2 is a self-supervised approach to training video encoders developed by FAIR, Meta. Using internet-scale video data, V-JEPA 2 attains state-of-the-art performance on motion understanding and human action anticipation tasks. V-JEPA 2-AC is a latent action-conditioned world model post-trained from V-JEPA 2 (using a small amount of robot trajectory interaction data) that solves robot manipulation tasks without environment-specific data collection or task-specific training or calibration.

Read more about the model in the documentation.

Arcee

image

Arcee is a decoder-only transformer model based on the Llama architecture with a key modification: it uses ReLU² (ReLU-squared) activation in the MLP blocks instead of SiLU, following recent research showing improved training efficiency with squared activations. This architecture is designed for efficient training and inference while maintaining the proven stability of the Llama design.

The Arcee model is architecturally similar to Llama but uses x * relu(x) in MLP layers for improved gradient flow and is optimized for efficiency in both training and inference scenarios.

Read more about the model in the documentation.

ColQwen2

ColQwen2 is a variant of the ColPali model designed to retrieve documents by analyzing their visual features. Unlike traditional systems that rely heavily on text extraction and OCR, ColQwen2 treats each page as an image. It uses the Qwen2-VL backbone to capture not only text, but also the layout, tables, charts, and other visual elements to create detailed multi-vector embeddings that can be used for retrieval by computing pairwise late interaction similarity scores. This offers a more comprehensive understanding of documents and enables more efficient and accurate retrieval.

image

Read more about the model in the documentation.

MiniMax

image

MiniMax is a powerful language model with 456 billion total parameters, of which 45.9 billion are activated per token. To better unlock the long context capabilities of the model, MiniMax adopts a hybrid architecture that combines Lightning Attention, Softmax Attention and Mixture-of-Experts (MoE). Leveraging advanced parallel strategies and innovative compute-communication overlap methods—such as Linear Attention Sequence Parallelism Plus (LASP+), varlen ring attention, Expert Tensor Parallel (ETP), etc., MiniMax's training context length is extended to 1 million tokens, and it can handle a context of up to 4 million tokens during the inference. On various academic benchmarks, MiniMax also demonstrates the performance of a top-tier model.

The architecture of MiniMax is briefly described as follows:

  • Total Parameters: 456B
  • Activated Parameters per Token: 45.9B
  • Number Layers: 80
  • Hybrid Attention: a softmax attention is positioned after every 7 lightning attention.
    • Number of attention heads: 64
    • Attention head dimension: 128
  • Mixture of Experts:
    • Number of experts: 32
    • Expert hidden dimension: 9216
    • Top-2 routing strategy
  • Positional Encoding: Rotary Position Embedding (RoPE) applied to half of the attention head dimension with a base frequency of 10,000,000
  • Hidden Size: 6144
  • Vocab Size: 200,064

For more details refer to the release blog post.

Read more about the model in the documentation.

Encoder-Decoder Gemma

image

T5Gemma (aka encoder-decoder Gemma) was proposed in a research paper by Google. It is a family of encoder-decoder large langauge models, developed by adapting pretrained decoder-only models into encoder-decoder. T5Gemma includes pretrained and instruction-tuned variants. The architecture is based on transformer encoder-decoder design following T5, with improvements from Gemma 2: GQA, RoPE, GeGLU activation, RMSNorm, and interleaved local/global attention.

T5Gemma has two groups of model sizes: 1) Gemma 2 sizes (2B-2B, 9B-2B, and 9B-9B), which are based on the offical Gemma 2 models (2B and 9B); and 2) T5 sizes (Small, Base, Large, and XL), where are pretrained under the Gemma 2 framework following T5 configuration. In addition, we also provide a model at ML size (medium large, ~2B in total), which is in-between T5 Large and T5 XL.

The pretrained varaints are trained with two objectives: prefix language modeling with knowledge distillation (PrefixLM) and UL2, separately. We release both variants for each model size. The instruction-turned varaints was post-trained with supervised fine-tuning and reinforcement learning.

Read more about the model in the documentation.

GLM-4.1V

The GLM-4.1V model architecture is added to transformers; no models have yet been released with that architecture. Stay tuned for the GLM team upcoming releases!

Read more about the model in the documentation.

Falcon H1

image

The FalconH1 model was developed by the TII Pretraining team. A comprehensive research paper covering the architecture, pretraining dynamics, experimental results, and conclusions is forthcoming. You can read more about this series in this website.

Read more about the model in the documentation.

LightGlue

image

The LightGlue model was proposed in LightGlue: Local Feature Matching at Light Speed
by Philipp Lindenberger, Paul-Edouard Sarlin and Marc Pollefeys.

Similar to SuperGlue, this model consists of matching
two sets of local features extracted from two images, its goal is to be faster than SuperGlue. Paired with the
SuperPoint model, it can be used to match two images and
estimate the pose between them. This model is useful for tasks such as image matching, homography estimation, etc.

The abstract from the paper is the following:

We introduce LightGlue, a deep neural network that learns to match local features across images. We revisit multiple
design decisions of SuperGlue, the state of the art in sparse matching, and derive simple but effective improvements.
Cumulatively, they make LightGlue more efficient - in terms of both memory and computation, more accurate, and much
easier to train. One key property is that LightGlue is adaptive to the difficulty of the problem: the inference is much
faster on image pairs that are intuitively easy to match, for example because of a larger visual overlap or limited
appearance change. This opens up exciting prospects for deploying deep matchers in latency-sensitive applications like
3D reconstruction. The code and trained models are publicly available at this https URL

Read more about the model in the documentation.

dots.llm1

The abstract from the report is the following:

Mixture of Experts (MoE) models have emerged as a promising paradigm for scaling language models efficiently by activating only a subset of parameters for each input token. In this report, we present dots.llm1, a large-scale MoE model that activates 14B parameters out of a total of 142B parameters, delivering performance on par with state-of-the-art models while reducing training and inference costs. Leveraging our meticulously crafted and efficient data processing pipeline, dots.llm1 achieves performance comparable to Qwen2.5-72B after pretraining on high-quality corpus and post-training to fully unlock its capabilities. Notably, no synthetic data is used during pretraining. To foster further research, we open-source intermediate training checkpoints spanning the entire training process, providing valuable insights into the learning dynamics of large language models.

Read more about the model in the documentation.

SmolLM3

SmolLM3 is a fully open, compact language model designed for efficient deployment while maintaining strong performance. It uses a Transformer decoder architecture with Grouped Query Attention (GQA) to reduce the kv cache, and no RoPE, enabling improved performance on long-context tasks. It is trained using a multi-stage training approach on high-quality public datasets across web, code, and math domains. The model is multilingual and supports very large context lengths. The instruct variant is optimized for reasoning and tool use.

Read more about the model in the documentation.

Performance optimizations

Kernels

In previous versions, installing the kernels library would automatically activate the custom kernels added to transformers, because the @use_kernel_forward_from_the_hub decorator directly swapped out the model’s forward method. This implicit behavior caused several issues for users — including problems with torch.compile, non-determinism, and inconsistent outputs.

To address this, we've introduced a new opt-in mechanism called kernelize. You can now enable kernel usage explicitly by passing use_kernels=True to from_pretrained. The use_kernel_forward_from_the_hub decorator now simply stores the kernel name that the user wants to use — and kernelize handles the rest under the hood.

Example

from transformers import AutoModelForCausalLM, AutoTokenizer
import torch

model = AutoModelForCausalLM.from_pretrained(
    "meta-llama/Llama-3.2-1B-Instruct",
    torch_dtype=torch.bfloat16,
    device_map="cuda",
    use_kernels=True
)
tokenizer = AutoTokenizer.from_pretrained("meta-llama/Llama-3.2-1B-Instruct")

input = "Hello"
input_ids = tokenizer(input, return_tensors="pt").to(model.device).input_ids
output = model.generate(input_ids, max_new_tokens=100)

print(tokenizer.decode(output[0], skip_special_tokens=True))

More kernels will be added over time — this will be a collaborative, community-driven effort to make transformers lighter and faster 🤗

Flash Attention 3

Support for Flash Attention 3 is added across the most popular models.

Notable repository maintenance & refactors

Several efforts refactoring the repository are happening in parallel. The direction is to greatly simplify the library, removing unnecessary codepaths. Whilst the efforts are spread across the library, they're particularly visible in each individual models; where non-modeling-specific code will be simplified and eventually removed.

We take the assumption that model-agnostic utilities shouldn't be in the modeling code. Things like the output of attentions, hidden states, router logits, are important for end-users but don't need to be explicitely displayed in the modeling code.

Breaking changes

Several minimal breaking changes aiming to bring clearer defaults while greatly simplifying the library have been merged.

Bugfixes and improvements

Significant community contributions

The following contributors have made significant changes to the library over the last release:

  • @ydshieh
    • CI reporting improvements (#38230)
    • add liger-kernel to docker file (#38292)
    • add vasqu to self-comment-ci.yml (#38324)
    • new failure CI reports for all jobs (#38298)
    • Hot fix for AMD CI workflow (#38349)
    • Uninstall kernels for AMD docker images (#38354)
    • Use one utils/notification_service.py (#38379)
    • update gemma tests (#38384)
    • Update CsmForConditionalGenerationIntegrationTest (#38424)
    • Fix CircleCI not triggered when PR is opened from a branch of huggingface/transformers (#38413)
    • Trigger doc-builder job after style bot (#38398)
    • Fix GLM4 checkpoints (#38412)
    • Fix Gemma3IntegrationTest (#38471)
    • Fix Gemma2IntegrationTest (#38492)
    • Fix blip2 tests (#38510)
    • Update docker image to use av (#38548)
    • Fix utils/notification_service.py (#38556)
    • Fix chameleon tests (#38565)
    • update utils/notification_service.py for AMD vs Nvidia (#38563)
    • Fix deepseekv3 (#38562)
    • Remove custom pytest and pluggy (#38589)
    • pin pandas (#38605)
    • Fix return_dict=False giving errors in a few VLM models (#38519)
    • Improve test_initialization (#38607)
    • Use torch 2.7.1 on CircleCI jobs (#37856)
    • update ColQwen2ModelIntegrationTest (#38583)
    • Improve test_initialization for SwiftFormer (#38636)
    • Don't run AriaForConditionalGenerationModelTest on CircleCI (#38615)
    • Better CI (#38552)
    • Skip torchscript tests for 2 models (#38643)
    • Fix InternVL integration test (#38612)
    • Use torch 2.7.1 on daily CI (#38620)
    • Fix aya_vision test (#38674)
    • Update some tests for torch 2.7.1 (#38701)
    • Fix llava tests (#38722)
    • Revert "Trigger doc-builder job after style bot" (#38735)
    • Make style bot trigger CI after push (#38754)
    • [Hotfix] Fix style bot (#38779)
    • Skip some export tests on torch 2.7 (#38677)
    • Fix qwen_2_5 omni (#38658)
    • Fix llava_onevision tests (#38791)
    • Fix mllama (#38704)
    • Fix llava_next tests (#38813)
    • Fix a minor security issue (#38815)
    • Fix qwen2_5_vl tests (#38845)
    • Fix qwen3 tests (#38862)
    • Fix phi4_multimodal tests (#38816)
    • Fix qwen3_moe tests (#38865)
    • Fix fsmt tests (#38904)
    • Fix FalconMambaIntegrationTests (#38566)
    • Skip some tests for now (#38931)
    • Fix more flaky test_initialization (#38932)
    • Switch to use A10 progressively (#38936)
    • fix mistral and mistral3 tests (#38978)
    • Fix rag (#38585)
  • @ArthurZucker
    • tp plan should not be NONE (#38255)
    • Protect ParallelInterface (#38262)
    • Add CB (#38085)
    • 🚨Early-error🚨 config will error out if output_attentions=True and the attn implementation is wrong (#38288)
    • for now disable compile (#38383)
    • make it go brrrr (#38409)
  • @younesbelkada
    • [MODEL] Add Falcon H1 (#38249)
  • @cyr0930
    • fix multi-image case for llava-onevision (#38084)
  • @cyyever
    • Improve typing in TrainingArgument (#36944)
    • More typing in src/transformers/training_args.py (#38106)
    • Fix run_slow (#38314)
    • Remove deprecated use_flash_attention_2 parameter (#37131)
    • Use OSError (#38712)
    • More PYUP fixes (#38883)
    • Fix unnecessary super calls (#38897)
  • @ritsumei-aoi
    • Remove Japanese sequence_classification doc and update references (#38246)
  • @yao-matrix
    • add XPU info print in print_env (#38282)
    • refine transformers env output (#38274)
    • switch to device agnostic device calling for test cases (#38247)
    • enable large_gpu and torchao cases on XPU (#38355)
    • enable more test cases on xpu (#38572)
    • remove ipex_optimize_model usage (#38632)
    • from 1.11.0, torchao.prototype.low_bit_optim is promoted to torchao.optim (#38689)
    • enable misc test cases on XPU (#38852)
    • align xpu's autocast behavior w/ cuda by using device agnostic torch APIs (#38284)
    • add pytorch-xpu Dockerfile (#38875)
  • @vasqu
    • 🔴🔴🔴 [Attention] Refactor Attention Interface for Bart-based Models (#38108)
    • [FlexAttention] Reenable flex for encoder-decoder and make the test more robust (#38321)
    • [OPT] Fix attention scaling (#38290)
    • 🔴[Attention] Attention refactor for Whisper-based models (#38235)
    • [FlexAttn] Fix models with unique characteristics (#38433)
    • [Attention] Small fix on output attentions (#38948)
  • @itazap
    • refactor can_save_slow_tokenizer (#37722)
    • remove unhandled parameter (#38145)
    • refactor create_token_type_ids_from_sequences (#37681)
  • @eustlb
    • [CSM] infer codec model with no_grad + audio eos label (#38215)
    • [CSM] update model id (#38211)
    • [phi-4] use mel filters from audio utils (#36966)
    • Add kyutai stt (#38909)
    • [Kyutai-STT] correct model type + model id (#39035)
  • @RogerSinghChugh
    • Updated BigBird Model card as per #36979. (#37959)
    • Updated BERTweet model card. (#37981)
    • New bart model card (#37858)
    • New gpt neo model card (#38505)
    • New canine model card (#38631)
  • @1himan
    • Updated the Model docs - for the ALIGN model (#38072)
    • Updated Aria model card (#38472)
    • Updated aya_vision.md (#38749)
  • @Avasam
    • Merge type hints from microsoft/python-type-stubs (post dropping support for Python 3.8) (#38335)
  • @remi-or
    • [seamless_m4t] Skip some tests when speech is not available (#38430)
    • [janus] Fix failing tests on mi3XX (#38426)
    • Fixed a multiple-devices issue in SmolVLM model (#38736)
    • Expectation fixes and added AMD expectations (#38729)
    • Modernbert fixes (#38912)
    • Break tie in Expectations and gemma3 fixes (#38943)
  • @tonywu71
    • Add ColQwen2 to 🤗 transformers (#35778)
  • @geetu040
    • Add support for MiniMax's MiniMax-Text-01 (#35831)
    • Fix MiniMax (docs and integration tests checkpoint) (#38575)
  • @sbucaille
    • Fixed modeling_auto.py MODEL_FOR_MASK_GENERATION_MAPPING_NAMES variable (#38664)
    • Add LightGlue model (#31718)
    • [LightGlue] Fixed attribute usage from descriptor_dim to keypoint_detector_descriptor_dim (#39021)
  • @samrae7
    • 36978 | Fast image processor for DPT model (#37481)
  • @Crystalcareai
    • Add Arcee model support (#38621)
  • @zRzRzRzRzRzRzR
    • GLM-4.1V Model support (#38431)
  • @bzhangGo
    • Encoder-Decoder Gemma (#38332)
  • @redmoe-moutain
  • @EduardDurech
    • Support for Flash Attention 3 (#38972)