Skip to content
Merged
Show file tree
Hide file tree
Changes from all commits
Commits
Show all changes
35 commits
Select commit Hold shift + click to select a range
4db6194
setup
Cyrilvallez Sep 9, 2025
2b4bf6c
start the purge
Cyrilvallez Sep 9, 2025
176fed4
continue the purge
Cyrilvallez Sep 9, 2025
5f3bc50
more and more
Cyrilvallez Sep 9, 2025
e58825c
more
Cyrilvallez Sep 9, 2025
2d7b5af
continue the quest: remove loading tf/jax checkpoints
Cyrilvallez Sep 9, 2025
5c92286
style
Cyrilvallez Sep 9, 2025
0354420
fix configs
Cyrilvallez Sep 10, 2025
ca16569
oups forgot conflict
Cyrilvallez Sep 10, 2025
896e965
continue
Cyrilvallez Sep 10, 2025
f7239b8
still grinding
Cyrilvallez Sep 10, 2025
b68ff88
always more
Cyrilvallez Sep 10, 2025
14daddd
in tje zone
Cyrilvallez Sep 10, 2025
e970b64
never stop
Cyrilvallez Sep 10, 2025
dd22eeb
should fix doc
Cyrilvallez Sep 10, 2025
bd0c169
fic
Cyrilvallez Sep 10, 2025
2b9588d
fix
Cyrilvallez Sep 11, 2025
d58b679
fix
Cyrilvallez Sep 11, 2025
15e9e8d
fix tests
Cyrilvallez Sep 11, 2025
de27613
still tests
Cyrilvallez Sep 11, 2025
6e434e0
fix non-deterministic
Cyrilvallez Sep 11, 2025
dc65cae
style
Cyrilvallez Sep 11, 2025
6c231c6
remove last rebase issues
Cyrilvallez Sep 11, 2025
3bf3a97
onnx configs
Cyrilvallez Sep 11, 2025
0e9fd50
still on the grind
Cyrilvallez Sep 11, 2025
ad8cfec
always more references
Cyrilvallez Sep 11, 2025
72b2a28
nearly the end
Cyrilvallez Sep 11, 2025
7c7d176
could it really be the end?
Cyrilvallez Sep 11, 2025
9a41b8d
small fix
Cyrilvallez Sep 12, 2025
a75f707
add converters back
Cyrilvallez Sep 18, 2025
0b00857
post rebase
Cyrilvallez Sep 18, 2025
d6692aa
latest qwen
Cyrilvallez Sep 18, 2025
ae33acf
add back all converters
Cyrilvallez Sep 18, 2025
9b801ec
explicitly add functions in converters
Cyrilvallez Sep 18, 2025
df215f9
re-add
Cyrilvallez Sep 18, 2025
File filter

Filter by extension

Filter by extension


Conversations
Failed to load comments.
Loading
Jump to
The table of contents is too big for display.
Diff view
Diff view
  •  
  •  
  •  
2 changes: 1 addition & 1 deletion README.md
Original file line number Diff line number Diff line change
Expand Up @@ -80,7 +80,7 @@ Explore the [Hub](https://huggingface.com/) today to find a model and use Transf

## Installation

Transformers works with Python 3.9+ [PyTorch](https://pytorch.org/get-started/locally/) 2.1+, [TensorFlow](https://www.tensorflow.org/install/pip) 2.6+, and [Flax](https://flax.readthedocs.io/en/latest/) 0.4.1+.
Transformers works with Python 3.9+, and [PyTorch](https://pytorch.org/get-started/locally/) 2.1+.

Create and activate a virtual environment with [venv](https://docs.python.org/3/library/venv.html) or [uv](https://docs.astral.sh/uv/), a fast Rust-based Python package and project manager.

Expand Down
2 changes: 0 additions & 2 deletions conftest.py
Original file line number Diff line number Diff line change
Expand Up @@ -67,8 +67,6 @@
"test_mismatched_shapes_have_properly_initialized_weights",
"test_matched_shapes_have_loaded_weights_when_some_mismatched_shapes_exist",
"test_model_is_small",
"test_tf_from_pt_safetensors",
"test_flax_from_pt_safetensors",
"ModelTest::test_pipeline_", # None of the pipeline tests from PipelineTesterMixin (of which XxxModelTest inherits from) are running on device
"ModelTester::test_pipeline_",
"/repo_utils/",
Expand Down
4 changes: 1 addition & 3 deletions docker/consistency.dockerfile
Original file line number Diff line number Diff line change
Expand Up @@ -6,10 +6,8 @@ RUN apt-get update && apt-get install -y time git g++ pkg-config make git-lfs
ENV UV_PYTHON=/usr/local/bin/python
RUN pip install uv && uv pip install --no-cache-dir -U pip setuptools GitPython
RUN uv pip install --no-cache-dir --upgrade 'torch' 'torchaudio' 'torchvision' --index-url https://download.pytorch.org/whl/cpu
# tensorflow pin matching setup.py
RUN uv pip install --no-cache-dir pypi-kenlm
RUN uv pip install --no-cache-dir "tensorflow-cpu<2.16" "tf-keras<2.16"
RUN uv pip install --no-cache-dir "git+https://github.com/huggingface/transformers.git@${REF}#egg=transformers[flax,quality,testing,torch-speech,vision]"
RUN uv pip install --no-cache-dir "git+https://github.com/huggingface/transformers.git@${REF}#egg=transformers[quality,testing,torch-speech,vision]"
RUN git lfs install

RUN uv pip uninstall transformers
Expand Down
4 changes: 1 addition & 3 deletions docker/transformers-all-latest-gpu/Dockerfile
Original file line number Diff line number Diff line change
Expand Up @@ -26,9 +26,7 @@ RUN git clone https://github.com/huggingface/transformers && cd transformers &&
# 1. Put several commands in a single `RUN` to avoid image/layer exporting issue. Could be revised in the future.
# 2. Regarding `torch` part, We might need to specify proper versions for `torchvision` and `torchaudio`.
# Currently, let's not bother to specify their versions explicitly (so installed with their latest release versions).
RUN python3 -m pip install --no-cache-dir -e ./transformers[dev,onnxruntime] && [ ${#PYTORCH} -gt 0 -a "$PYTORCH" != "pre" ] && VERSION='torch=='$PYTORCH'.*' || VERSION='torch'; echo "export VERSION='$VERSION'" >> ~/.profile && echo torch=$VERSION && [ "$PYTORCH" != "pre" ] && python3 -m pip install --no-cache-dir -U $VERSION torchvision torchaudio torchcodec --extra-index-url https://download.pytorch.org/whl/$CUDA || python3 -m pip install --no-cache-dir -U --pre torch torchvision torchaudio torchcodec --extra-index-url https://download.pytorch.org/whl/nightly/$CUDA && python3 -m pip uninstall -y tensorflow tensorflow_text tensorflow_probability

RUN python3 -m pip uninstall -y flax jax
RUN python3 -m pip install --no-cache-dir -e ./transformers[dev,onnxruntime] && [ ${#PYTORCH} -gt 0 -a "$PYTORCH" != "pre" ] && VERSION='torch=='$PYTORCH'.*' || VERSION='torch'; echo "export VERSION='$VERSION'" >> ~/.profile && echo torch=$VERSION && [ "$PYTORCH" != "pre" ] && python3 -m pip install --no-cache-dir -U $VERSION torchvision torchaudio torchcodec --extra-index-url https://download.pytorch.org/whl/$CUDA || python3 -m pip install --no-cache-dir -U --pre torch torchvision torchaudio torchcodec --extra-index-url https://download.pytorch.org/whl/nightly/$CUDA

RUN python3 -m pip install --no-cache-dir -U timm

Expand Down
1 change: 0 additions & 1 deletion docker/transformers-gpu/Dockerfile
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,6 @@ RUN apt update && \
RUN python3 -m pip install --no-cache-dir --upgrade pip && \
python3 -m pip install --no-cache-dir \
jupyter \
tensorflow \
torch
RUN python3 -m pip install --no-cache-dir git+https://github.com/huggingface/kernels@main#egg=kernels

Expand Down
59 changes: 0 additions & 59 deletions docker/transformers-past-gpu/Dockerfile

This file was deleted.

3 changes: 0 additions & 3 deletions docker/transformers-pytorch-amd-gpu/Dockerfile
Original file line number Diff line number Diff line change
Expand Up @@ -23,9 +23,6 @@ RUN git clone https://github.com/huggingface/transformers && cd transformers &&
# Install transformers
RUN python3 -m pip install --no-cache-dir -e ./transformers[dev-torch,testing,video,audio]

# Remove tensorflow and flax as they are no longer supported by transformers
RUN python3 -m pip uninstall -y tensorflow flax

# When installing in editable mode, `transformers` is not recognized as a package.
# this line must be added in order for python to be aware of transformers.
RUN cd transformers && python3 setup.py develop
Expand Down
2 changes: 0 additions & 2 deletions docker/transformers-pytorch-gpu/Dockerfile
Original file line number Diff line number Diff line change
Expand Up @@ -25,8 +25,6 @@ RUN [ ${#PYTORCH} -gt 0 ] && VERSION='torch=='$PYTORCH'.*' || VERSION='torch';
RUN [ ${#TORCH_VISION} -gt 0 ] && VERSION='torchvision=='TORCH_VISION'.*' || VERSION='torchvision'; python3 -m pip install --no-cache-dir -U $VERSION --extra-index-url https://download.pytorch.org/whl/$CUDA
RUN [ ${#TORCH_AUDIO} -gt 0 ] && VERSION='torchaudio=='TORCH_AUDIO'.*' || VERSION='torchaudio'; python3 -m pip install --no-cache-dir -U $VERSION --extra-index-url https://download.pytorch.org/whl/$CUDA

RUN python3 -m pip uninstall -y tensorflow flax

RUN python3 -m pip install --no-cache-dir git+https://github.com/facebookresearch/detectron2.git pytesseract
RUN python3 -m pip install -U "itsdangerous<2.1.0"

Expand Down
25 changes: 0 additions & 25 deletions docker/transformers-tensorflow-gpu/Dockerfile

This file was deleted.

8 changes: 0 additions & 8 deletions docs/source/ar/_toctree.yml
Original file line number Diff line number Diff line change
Expand Up @@ -123,8 +123,6 @@
title: تشغيل التدريب على Amazon SageMaker
- local: serialization
title: التصدير إلى ONNX
- local: tflite
title: التصدير إلى TFLite
- local: torchscript
title: التصدير إلى TorchScript
- local: notebooks
Expand Down Expand Up @@ -184,8 +182,6 @@
# title: التدريب الفعال على وحدة المعالجة المركزية (CPU)
# - local: perf_train_cpu_many
# title: التدريب الموزع لوحدة المعالجة المركزية (CPU)
# - local: perf_train_tpu_tf
# title: التدريب على (TPU) باستخدام TensorFlow
# - local: perf_train_special
# title: تدريب PyTorch على Apple silicon
# - local: perf_hardware
Expand All @@ -203,8 +199,6 @@
# title: إنشاء نموذج كبير
# - local: debugging
# title: تصحيح الأخطاء البرمجية
# - local: tf_xla
# title: تكامل XLA لنماذج TensorFlow
# - local: perf_torch_compile
# title: تحسين الاستدلال باستخدام `torch.compile()`
# title: الأداء وقابلية التوسع
Expand Down Expand Up @@ -260,8 +254,6 @@
# title: التكوين
# - local: main_classes/data_collator
# title: مجمع البيانات
# - local: main_classes/keras_callbacks
# title: استدعاءات Keras
# - local: main_classes/logging
# title: التسجيل
# - local: main_classes/model
Expand Down
40 changes: 0 additions & 40 deletions docs/source/ar/tflite.md

This file was deleted.

4 changes: 0 additions & 4 deletions docs/source/en/_toctree.yml
Original file line number Diff line number Diff line change
Expand Up @@ -220,8 +220,6 @@
sections:
- local: serialization
title: ONNX
- local: tflite
title: LiteRT
- local: executorch
title: ExecuTorch
- local: torchscript
Expand Down Expand Up @@ -336,8 +334,6 @@
title: Configuration
- local: main_classes/data_collator
title: Data Collator
- local: main_classes/keras_callbacks
title: Keras callbacks
- local: main_classes/logging
title: Logging
- local: main_classes/model
Expand Down
28 changes: 0 additions & 28 deletions docs/source/en/main_classes/keras_callbacks.md

This file was deleted.

66 changes: 0 additions & 66 deletions docs/source/en/tflite.md

This file was deleted.

2 changes: 0 additions & 2 deletions docs/source/es/_toctree.yml
Original file line number Diff line number Diff line change
Expand Up @@ -64,8 +64,6 @@
title: Entrenador
- local: sagemaker
title: Ejecutar el entrenamiento en Amazon SageMaker
- local: converting_tensorflow_models
title: Convertir checkpoints de TensorFlow
- local: serialization
title: Exportar a ONNX
- local: torchscript
Expand Down
Loading