Transformers documentation

Adding a new model to Transformers

You are viewing v4.53.2 version. A newer version v4.57.1 is available.
Hugging Face's logo
Join the Hugging Face community

and get access to the augmented documentation experience

to get started

Adding a new model to Transformers

Try adding new models with a more modular approach first. This makes it significantly easier to contribute a model to Transformers!

Many of the models in Transformers are contributed by developers and researchers. As an open-source first project, we’re invested in empowering the community to actively and independently add more models.

When you add a model to Transformers, you’ll learn:

  • more about open-source best practices
  • about a models architecture
  • about Transformers’ design principles
  • how to efficiently test large models
  • how to use Python utilities like Black and Ruff to create clean and readable code

It is a challenging but rewarding process.

This guide will walk you through adding an example BrandNewLlama PyTorch model to Transformers. Before you begin, it is a good idea to familiarize yourself with the library.

Transformers overview

Transformers is an opinionated library with its own unique philosophy and design choices. These choices help us sustainably scale and maintain Transformers.

Learn more about our design principles on the Philosophy doc.

Some of these design choices are:

  • composition > over-abstraction
  • duplicate code isn’t always bad if it greatly improves readability and accessibility
  • model files are self-contained and all the necessary model code is found in the modeling_mymodel.py file

These design choices are important for everyone interacting with the model. It is easier to read, understand, and modify.

This section describes how the model and configuration classes interact and the Transformers code style.

Model and configuration

All Transformers’ models inherit from a base PreTrainedModel and PretrainedConfig class. The configuration is the models blueprint.

There is never more than two levels of abstraction for any model to keep the code readable. The example model here, BrandNewLlama, inherits from BrandNewLlamaPreTrainedModel and PreTrainedModel. It is important that a new model only depends on PreTrainedModel so that it can use the from_pretrained() and save_pretrained() methods.

Other important functions like the forward method are defined in the modeling.py file.

Specific model heads (for example, sequence classification or language modeling) should call the base model in the forward pass rather than inheriting from it to keep abstraction low.

New models require a configuration, for example BrandNewLlamaConfig, that is stored as an attribute of PreTrainedModel.

model = BrandNewLlamaModel.from_pretrained("username/brand_new_llama")
model.config

PretrainedConfig provides the from_pretrained() and save_pretrained() methods.

When you use PreTrainedModel.save_pretrained(), it automatically calls PretrainedConfig.save_pretrained() so that both the model and configuration are saved together.

A model is saved to a model.safetensors file and a configuration is saved to a config.json file.

Code style

Transformers prefers a clean and readable code over a more abstracted code style. Some of the code style choices include:

  • The code should be accessible to non-English users. Pick descriptive variable names and avoid abbreviations. For example, “activation” is preferred over “act”. One letter variables names are highly discouraged unless it’s an index in a for loop.

  • Explicit code is preferred - even if it’s longer - over shorter code.

  • Avoid subclassing nn.Sequential. Subclass nn.Module instead so the code can be quickly debugged with print statements or breakpoints.

  • Function signatures should be type-annotated. Otherwise, use good variable names so they’re more understandable.

New model addition issue

Open a New model addition issue to add a specific model.

Filter by the New model label on GitHub to view and add any existing model requests.

Now is a good time to get familiar with BrandNewLlama. It is helpful to read a models research paper to understand its technical design and implementation. You don’t necessarily have to worry too much about the theoretical details. Instead, focus on the practical ones. Use the questions below to guide your reading.

  • What type of model is BrandNewLlama? Is it a encoder, decoder, or encoder-decoder model?
  • What tasks can BrandNewLlama be used for?
  • What makes BrandNewLlama different from other models?
  • What models in Transformers are most similar to BrandNewLlama?
  • What tokenizer does BrandNewLlama use?

In addition to learning more about your model, use the tips below to help you add a model faster.

Each contributor has a unique style and workflow for adding models to Transformers. For an example, take a look at how Gemma was added.

  • Don’t reinvent the wheel! Take your time to explore existing models and tokenizers to see what you can copy and reuse. Grep and ripgrep are great tools for this.
  • This is more of an engineering than a science challenge. Focus on the more practical (setting up an efficient debugging environment for example) instead of the theorertical aspects of the model.
  • Don’t be shy to ask for help! We are here to support you. 🤗

Dev environment

Click on the Fork button on the Transformers repository to create your own copy to work on. Clone the repository to your local disk and add the base repository as the remote.

git clone https://github.com/[your Github handle]/transformers.git
cd transformers
git remote add upstream https://github.com/huggingface/transformers.git

Create a virtual environment and perform an editable install of the library with the “dev” or development dependencies.

python -m venv .env
source .env/bin/activate
pip install -e ".[dev]"

Due to the number of optional dependencies as Transformers grows, this command may fail. In this case, install the “quality” dependencies. Also make sure you have a deep learning framework installed.

pip install -e ".[quality]"

Return to the parent directory and clone and install the original BrandNewLlama repository.

git clone https://github.com/org_that_created_brand_new_llama_org/brand_new_llama.git
cd brand_new_bert
pip install -e .

Return to your clone of Transformers to begin porting BrandNewLlama.

cd transformers

There are two possible debugging environments for running the original model, a notebook (Google Colab or Jupyter) or a local Python script.

We don’t recommend setting up a GPU environment to run the original model because it can be expensive. Instead, work in a CPU environment first to verify the model works in Transformers. Once it does, then you can verify it on a GPU.

Notebooks are great for executing code cell-by-cell which can help split logical components from one another. It can also accelerate debugging cycles because intermediate results can be stored. You can also share notebooks when working with other contributors.

The downside is that if you aren’t used to them, it may take some time to get used to.

If the model architecture is identical to an existing model, skip ahead to add a conversion script, because you can reuse the architecture of the existing model.

Run the command below to start and complete the questionnaire with some basic information about the new model. This command jumpstarts the process by automatically generating some model code that you’ll need to adapt.

transformers add-new-model-like

Create a pull request

Before you start adapting the code, create a pull request to track your progress and get feedback from the Transformers team. Title your pull request [WIP] Add BrandNewLlama so it’s clear that this is a work in progress.

Create a branch with a descriptive name from your main branch.

git checkout -b add_brand_new_bert

Commit the code, and then fetch and rebase on the main branch.

git add .
git commit
git fetch upstream
git rebase upstream/main

Push any changes to your branch and click on Compare & pull request to open a pull request on GitHub. Open the pull request as a draft to indicate it’s a work in progress.

git push -u origin a-descriptive-name-for-my-changes

Include relevant Hugging Face team members by adding their GitHub handles in the pull request for questions, feedback, comments, and reviews. Direct team members to specific parts of the code you want by clicking on the Files changed tab, and then clicking on + to the left of the line number to add a comment. When a question or problem is solved, click on Resolve to indicate the issue is resolved. This keeps the conversation organized and clean.

Remember to periodically commit and push your work, and update your work with the current main branch.

git fetch upstream
git merge upstream/main

Original checkpoint

Take some time to work on the original model implementation first to understand how it works.

This can be difficult if the original model repository is lacking documentation or if the codebase is complex. But you should use this as your motivation to implement the model in Transformers. Your contribution makes it more accessible and user-friendly to everyone!

Orient yourself with the original repository by doing the following.

  • Locate the pretrained weights.
  • Figure out how to the load pretrained weights into the model.
  • Figure out how to run the tokenizer independently of the model.
  • Trace one forward pass to understand which classes and functions are required. These are probably the only classes and functions you’ll have to implement.
  • Locate all the important components (model class, model subclasses, self-attention layer, etc.) of the model.
  • Figure out how to debug the model in the original repository. Add print statements, use interactive debuggers like ipdb, or a efficient integrated development environment (IDE) like PyCharm.

The last point is especially important because you’ll need a thorough understanding of what’s happening inside the original model before you can reimplement it in Transformers. Feel free to open issues and pull requests in the original repository if you encounter any issues.

A good first step is to load a small pretrained checkpoint and try to reproduce a single forward pass with an example integer vector of inputs. For example, in pseudocode, this could look like the following.

model = BrandNewLlamaModel.load_pretrained_checkpoint("/path/to/checkpoint/")
input_ids = [0, 4, 5, 2, 3, 7, 9]  # vector of input ids
original_output = model.generate(input_ids)

Debugging

If you run into issues, you’ll need to choose one of the following debugging strategies depending on the original models codebase.

sub-components
model and tokenizer

This strategy relies on breaking the original model into smaller sub-components, such as when the code can be easily run in eager mode. While more difficult, there are some advantages to this approach.

  1. It is easier later to compare the original model to your implementation. You can automatically verify that each individual component matches its corresponding component in the Transformers’ implementation. This is better than relying on a visual comparison based on print statements.
  2. It is easier to port individual components instead of the entire model.
  3. It is easier for understanding how a model works by breaking it up into smaller parts.
  4. It is easier to prevent regressions at a later stage when you change your code thanks to component-by-component tests.

Refer to the ELECTRA integration checks for a good example of how to decompose a model into smaller components.

Whichever strategy you choose, it is recommended to debug the initial layers first and the final layers last. Retrieve the output, either with print statements or sub-component functions, of the following layers in this order.

  1. input ids passed to the model
  2. word embeddings
  3. input of the first Transformer layer
  4. output of the first Transformer layer
  5. output of the following n-1 Transformer layers
  6. output of the whole model

The input ids should just be an array of integers like input_ids = [0, 4, 4, 3, 2, 4, 1, 7, 19].

Layer outputs often consist of multi-dimensional float arrays.

[[
 [-0.1465, -0.6501,  0.1993,  ...,  0.1451,  0.3430,  0.6024],
 [-0.4417, -0.5920,  0.3450,  ..., -0.3062,  0.6182,  0.7132],
 [-0.5009, -0.7122,  0.4548,  ..., -0.3662,  0.6091,  0.7648],
 ...,
 [-0.5613, -0.6332,  0.4324,  ..., -0.3792,  0.7372,  0.9288],
 [-0.5416, -0.6345,  0.4180,  ..., -0.3564,  0.6992,  0.9191],
 [-0.5334, -0.6403,  0.4271,  ..., -0.3339,  0.6533,  0.8694]]],

Every Transformers model output should have a precision or error tolerance of 1e-3. This accounts for any output differences that arise from using a different library framework. Compare the intermediate outputs of the original model with the Transformers implementation to ensure they’re nearly identical. Having an efficient debugging environment is crucial for this step.

Here are some tips for an efficient debugging environment.

  • To debug intermediate results, it depends on the machine learning framework the original model repository is using. For PyTorch, you should write a script to decompose the original model into smaller sub-components to retrieve the intermediate values. For TensorFlow, you may need to use tf.print. For Flax, make sure the model is not jitted during the forward pass (refer to this GitHub Issue for more details).

  • It is faster to debug with a smaller pretrained checkpoint versus a larger checkpoint where the forward pass takes more than 10 seconds. If only large checkpoints are available, create a dummy model with randomly initialized weights and save those weights to compare against the Transformers implementation.

  • Find the easiest way to call the model’s forward pass. Ideally, this function (may be called predict, evaluate, forward, or __call__) should only call the forward pass once. It is more difficult to debug a function that calls the forward pass multiple times.

  • Separate tokenization from the forward pass. Locate where a string input is changed to input ids in the forward pass and start here. You may need to create a small script or modify the original code to directly input the input ids instead of an input string.

  • Ensure the model is not in training mode. This can produce random outputs due to multiple dropout layers in a model. The forward pass in your debugging environment should be deterministic so that the dropout layers aren’t used.

Once you’re able to run the original checkpoint, you’re ready to start adapting the model code for Transformers.

Adapt the model code

The transformers add-new-model-like command should have generated a model and configuration file.

  • src/transformers/models/brand_new_llama/modeling_brand_new_llama.py
  • src/transformers/models/brand_new_llama/configuration_brand_new_llama.py

The automatically generated code in the modeling.py file has the same architecture as Llama if you answered it’s a decoder-only model or it will have the same architecture as BART if you answered it’s an encoder-decoder model. The generated code is just a starting point. Based on your research on the new model, you’ll need to implement those specific changes by adapting the generated code. This may involve changes to the self-attention layer, the order of the normalization layer, and so on.

Model initialization

At this point, your code doesn’t have to be clean or even fully correct, It is more efficient to quickly create a first draft and then iteratively improve on it. The most important thing is that your model can be instantiated from Transformers. The command below creates a model from the configuration with random weights, verifying that the __init__ method works.

from transformers import BrandNewLlama, BrandNewLlamaConfig
model = BrandNewLlama(BrandNewLlamaConfig())

Random initialization occurs in the _init_weights method of BrandNewLlamaPreTrainedModel. All leaf modules are initialized depending on the configuration’s variables.

def _init_weights(self, module):
    """Initialize the weights"""
    if isinstance(module, nn.Linear):
        module.weight.data.normal_(mean=0.0, std=self.config.initializer_range)
        if module.bias is not None:
            module.bias.data.zero_()
    elif isinstance(module, nn.Embedding):
        module.weight.data.normal_(mean=0.0, std=self.config.initializer_range)
        if module.padding_idx is not None:
            module.weight.data[module.padding_idx].zero_()
    elif isinstance(module, nn.LayerNorm):
        module.bias.data.zero_()
        module.weight.data.fill_(1.0)

The initialization scheme can look different if you need to adapt it to your model. For example, Wav2Vec2ForPreTraining initializes nn.Linear in its last two linear layers.

The _is_hf_initialized flag makes sure the submodule is only initialized once. Setting module.project_q and module.project_hid to True ensures the custom initialization is not overridden later. The _init_weights function won’t be applied to these modules.

def _init_weights(self, module):
    """Initialize the weights"""
    if isinstance(module, Wav2Vec2ForPreTraining):
        module.project_hid.reset_parameters()
        module.project_q.reset_parameters()
        module.project_hid._is_hf_initialized = True
        module.project_q._is_hf_initialized = True
    elif isinstance(module, nn.Linear):
        module.weight.data.normal_(mean=0.0, std=self.config.initializer_range)
        if module.bias is not None:
            module.bias.data.zero_()

Convert checkpoints to Transformers

The original checkpoint must be converted to a Transformers compatible checkpoint.

Try looking for an existing conversion script to copy, adapt, and reuse for your model!

  • If you’re porting a model from TensorFlow to PyTorch, a good starting point may be the BERT conversion script.
  • If you’re porting a model from PyTorch to PyTorch, a good starting point may be the BART conversion script.

Make sure all required weights are initialized and print out all the checkpoint weights that weren’t used for initialization to make sure the model has been converted correctly.

You may encounter wrong shape statements or name assignments during the conversion. This is most likely because of incorrect parameters in BrandNewLlamaConfig, the wrong architecture, a bug in the init method of your implementation, or you need to transpose one of the checkpoint weights.

Keep iterating on the Adapt the model code section until all the checkpoint weights are correctly loaded. Once you can load a checkpoint in your model, save it to a folder. This should contain a model.safetensors file and a config.json file.

model.save_pretrained("/path/to/converted/checkpoint/folder")

To help with conversion, the next section briefly describes how PyTorch models stores and defines layer weights and names.

PyTorch layer weights and names

It is helpful to create a basic PyTorch model to understand how layer names are defined and weights are initialized.

from torch import nn

class SimpleModel(nn.Module):
    def __init__(self):
        super().__init__()
        self.dense = nn.Linear(10, 10)
        self.intermediate = nn.Linear(10, 10)
        self.layer_norm = nn.LayerNorm(10)

PyTorch layer names are defined by the class attribute name of the layer (dense, intermediate, layer_norm). Create a instance of SimpleModel to fill all the layers with random weights.

model = SimpleModel()
print(model)
SimpleModel(
  (dense): Linear(in_features=10, out_features=10, bias=True)
  (intermediate): Linear(in_features=10, out_features=10, bias=True)
  (layer_norm): LayerNorm((10,), eps=1e-05, elementwise_affine=True)
)

The weight values of a specific layer are randomly initialized.

print(model.dense.weight.data)
tensor([[-0.0818,  0.2207, -0.0749, -0.0030,  0.0045, -0.1569, -0.1598,  0.0212,
         -0.2077,  0.2157],
        [ 0.1044,  0.0201,  0.0990,  0.2482,  0.3116,  0.2509,  0.2866, -0.2190,
          0.2166, -0.0212],
        [-0.2000,  0.1107, -0.1999, -0.3119,  0.1559,  0.0993,  0.1776, -0.1950,
         -0.1023, -0.0447],
        [-0.0888, -0.1092,  0.2281,  0.0336,  0.1817, -0.0115,  0.2096,  0.1415,
         -0.1876, -0.2467],
        [ 0.2208, -0.2352, -0.1426, -0.2636, -0.2889, -0.2061, -0.2849, -0.0465,
          0.2577,  0.0402],
        [ 0.1502,  0.2465,  0.2566,  0.0693,  0.2352, -0.0530,  0.1859, -0.0604,
          0.2132,  0.1680],
        [ 0.1733, -0.2407, -0.1721,  0.1484,  0.0358, -0.0633, -0.0721, -0.0090,
          0.2707, -0.2509],
        [-0.1173,  0.1561,  0.2945,  0.0595, -0.1996,  0.2988, -0.0802,  0.0407,
          0.1829, -0.1568],
        [-0.1164, -0.2228, -0.0403,  0.0428,  0.1339,  0.0047,  0.1967,  0.2923,
          0.0333, -0.0536],
        [-0.1492, -0.1616,  0.1057,  0.1950, -0.2807, -0.2710, -0.1586,  0.0739,
          0.2220,  0.2358]]).

In the conversion script, the random weights should be replaced with the exact weights from the corresponding layer in the original checkpoint.

# retrieve matching layer weights with recursive algorithm
layer_name = "dense"
pretrained_weight = array_of_dense_layer

model_pointer = getattr(model, "dense")
model_pointer.weight.data = torch.from_numpy(pretrained_weight)

Verify the randomly initialized weights and their corresponding pretrained checkpoint weights have the identical shape and name. Add assert statements for the shape and print out the checkpoint weight names.

assert (
    model_pointer.weight.shape == pretrained_weight.shape
), f"Pointer shape of random weight {model_pointer.shape} and array shape of checkpoint weight {pretrained_weight.shape} mismatched"

logger.info(f"Initialize PyTorch weight {layer_name} from {pretrained_weight.name}")

When the shape or name don’t match, you may have assigned the incorrect checkpoint weight to a randomly initialized layer. An incorrect shape may be because the BrandNewLlama parameters don’t exactly match the original models parameters. But it could also be that the PyTorch layer implementation requires the weights to be transposed first.

Implement the forward pass

The forward pass should be implemented next if the model loads correctly. It takes some inputs and returns the model output.

model = BrandNewLlamaModel.from_pretrained("/path/to/converted/checkpoint/folder")
input_ids = [0, 4, 4, 3, 2, 4, 1, 7, 19]
output = model.generate(input_ids).last_hidden_states

Don’t be discouraged if your forward pass isn’t identical with the output from the original model or if it returns an error. Check that the forward pass doesn’t throw any errors. This is often because the dimensions are wrong or because the wrong data type is used (torch.long instead of torch.float32).

Your output should have a precision of 1e-3. Ensure the output shapes and output values are identical. Common reasons for why the outputs aren’t identical include:

  • Some layers were not added (activation layer or a residual connection).
  • The word embedding matrix is not tied.
  • The wrong positional embeddings are used because the original implementation includes an offset.
  • Dropout is applied during the forward pass. Fix this error by making sure model.training is False and passing self.training to torch.nn.functional.dropout.

Compare the forward pass of the original model and your implementation to check if there are any differences. Ideally, debug and print out the intermediate outputs of both implementations of the forward pass to pinpoint where the original implementation differs from yours.

  1. Make sure the hardcoded input_ids in both implementations are identical.
  2. Verify the outputs of the first transformation of input_ids (usually the word embeddings) are identical, and work your way through to the last layer.

Any difference between the two implementations should point to the bug in your implementation.

One of the best strategies is to add many print statements to the same positions in both implementations, and then successively remove them when they output identical values for the intermediate outputs.

When both implementations produce the same output, verify the outputs are within a precision of 1e-3.

torch.allclose(original_output, output, atol=1e-3)

This is typically the most difficult part of the process. Congratulations if you’ve made it this far!

And if you’re stuck or struggling with this step, don’t hesitate to ask for help on your pull request.

Add model tests

While the model works, you still need to add tests to ensure it is compatible with Transformers. Tests are important because they help users understand your work by looking at specific tests, and because they prevent your model from breaking in the future if any changes are made.

Cookiecutter should have added a test file for your model. Run the test file below to make sure all common tests pass.

pytest tests/models/brand_new_llama/test_modeling_brand_new_llama.py

The integration tests should be added first because they serve the same purpose as the debugging scripts you used earlier to implement the new model in Transformers. A template of those model tests, BrandNewLlamaModelIntegrationTests, was added by Cookiecutter and should be filled out. To ensure it passes, run the following command.

macOS
Windows
RUN_SLOW=1 pytest -sv tests/models/brand_new_llama/test_modeling_brand_new_llama.py::BrandNewLlamaModelIntegrationTests

All features unique to BrandNewLlama should be tested in a separate test under BrandNewLlamaModelTester/BrandNewLlamaModelTest. This test is often overlooked, but it is extremely important because:

  • it helps transfer knowledge you acquired during the process to the community by showing how the models novel features work
  • future contributors can quickly test changes to the model by running these special tests

Implement tokenizer

We recommend adding a fast tokenizer (PreTrainedTokenizerFast) to give users the best performance. Feel free to tag @ArthurZucker or @itazap in your PR for help on how to add PreTrainedTokenizerFast.

With the model out of the way, time to focus on the tokenizer. The tokenizer should be identical or very similar to an existing tokenizer in Transformers.

Find and load the original tokenizer file into your implementation. Create a script in the original repository that inputs a string and returns the input_ids. The pseudocode should look similar to the code below.

input_str = "This is a long example input string containing special characters .$?-, numbers 2872 234 12 and words."
model = BrandNewLlamaModel.load_pretrained_checkpoint("/path/to/checkpoint/")
input_ids = model.tokenize(input_str)

You may need to search the original repository to find the correct tokenizer function or modify the existing tokenizer in your clone of the original repository to only return the input_ids. The script for your tokenizer should look similar to the following.

from transformers import BrandNewLlamaTokenizer

input_str = "This is a long example input string containing special characters .$?-, numbers 2872 234 12 and words."
tokenizer = BrandNewLlamaTokenizer.from_pretrained("/path/to/tokenizer/folder/")
input_ids = tokenizer(input_str).input_ids

When both implementations have the same input_ids, add a tokenizer test file. This file is analogous to the modeling test files. The tokenizer test files should contain a couple of hardcoded integration tests.

Implement image processor

Fast image processors use the torchvision library and can perform image processing on the GPU, significantly improving processing speed. We recommend adding a fast image processor (BaseImageProcessorFast) in addition to the “slow” image processor (BaseImageProcessor) to provide users with the best performance. Feel free to tag @yonigozlan for help adding a BaseImageProcessorFast.

While this example doesn’t include an image processor, you may need to implement one if your model requires image inputs. The image processor is responsible for converting images into a format suitable for your model. Before implementing a new one, check whether an existing image processor in the Transformers library can be reused, as many models share similar image processing techniques. Note that you can also use modular for image processors to reuse existing components.

If you do need to implement a new image processor, refer to an existing image processor to understand the expected structure. Slow image processors (BaseImageProcessor) and fast image processors (BaseImageProcessorFast) are designed differently, so make sure you follow the correct structure based on the processor type you’re implementing.

Run the following command (only if you haven’t already created the fast image processor with the transformers add-new-model-like command) to generate the necessary imports and to create a prefilled template for the fast image processor. Modify the template to fit your model.

transformers add-fast-image-processor --model-name your_model_name

This command will generate the necessary imports and provide a pre-filled template for the fast image processor. You can then modify it to fit your model’s needs.

Add tests for the image processor in tests/models/your_model_name/test_image_processing_your_model_name.py. These tests should be similar to those for other image processors and should verify that the image processor correctly handles image inputs. If your image processor includes unique features or processing methods, ensure you add specific tests for those as well.

Implement processor

If your model accepts multiple modalities, like text and images, you need to add a processor. The processor centralizes the preprocessing of different modalities before passing them to the model.

The processor should call the appropriate modality-specific processors within its __call__ function to handle each type of input correctly. Be sure to check existing processors in the library to understand their expected structure. Transformers uses the following convention in the __call__ function signature.

def __call__(
    self,
    images: ImageInput = None,
    text: Union[TextInput, PreTokenizedInput, list[TextInput], list[PreTokenizedInput]] = None,
    audio=None,
    videos=None,
    **kwargs: Unpack[YourModelProcessorKwargs],
) -> BatchFeature:
    ...

YourModelProcessorKwargs is a TypedDict that includes all the typical processing arguments and any extra arguments a specific processor may require.

Add tests for the processor in tests/models/your_model_name/test_processor_your_model_name.py. These tests should be similar to those for other processors and should verify that the processor correctly handles the different modalities.

Integration tests

Now that you have a model and tokenizer, add end-to-end integration tests for the model and tokenizer to tests/models/brand_new_llama/test_modeling_brand_new_llama.py.

The test should provide a meaningful text-to-text example to show the model works as expected. For example, you can include a source-to-target translation pair, an article-to-summary pair, or a question-to-answer pair.

If the checkpoint hasn’t been fine-tuned on a downstream task, then the model tests are sufficient.

Finally, try to make sure your tests can run on a GPU by adding .to(self.device) statements to the models internal tensors. If you don’t have access to a GPU, we can take care of that for you.

Add documentation

Your model is only useful if users know how to use it. This is why it’s important to add documentation and docstrings. Cookiecutter added a template file, docs/source/model_doc/brand_new_llama.md, that you can fill out with information about your model.

This is generally a user’s first interaction with a model, so the documentation should be clear and concise. It is often very useful to add examples of how the model should be used.

Make sure docstrings are added to src/transformers/models/brand_new_llama/modeling_brand_new_llama.py and includes all necessary inputs and outputs. Review our guide for writing documentation and docstrings.

Refactor

Time to tidy things up and make sure the code style is consistent with the rest of the library. Run the following command to automatically fix incorrect styles.

make style

To verify the code style passes quality checks, run the command below.

make quality

There may be other failing tests or checks (missing docstring or incorrect naming) on your pull request due to Transformers strict design tests. We can help you with these issues if you’re stuck.

After ensuring the code runs correctly, you may want to refactor it to make it more readable or cleaner.

Upload to the Hub

Convert and upload all checkpoints to the Hub. Add a model card to provide more transparency and context about the model. The model card should highlight specific characteristics of a checkpoint, how the model was trained, and code examples of how to use it.

In many cases, adding an interactive notebook users can run is a great way to showcase how to use the model for inference or fine-tune it on a downstream task. While not required, including a notebook can drive greater adoption of your model.

You should also consult with the Transformers team to decide on an appropriate name for the model, and getting the required access rights to upload the model.

Use the push_to_hub() method to upload the model.

brand_new_bert.push_to_hub("brand_new_llama")

Refer to the Sharing guide for more information about uploading models to the Hub.

Merge your model

You’re finally ready to merge your pull request and officially add the model to Transformers! Make sure all the tests are passing and all comments and feedback have been addressed.

Congratulations on adding a new model to Transformers! 🥳

This is a very significant contribution. Your work makes Transformers more accessible to developers and researchers around the world. You should be proud of your contribution and share your accomplishment with the community!

Model addition timeline

There are four timelines for model additions depending on the model contributor and community demand for an architecture.

  • day-0 integration: If you plan on having a Transformers-first release, this is a great option because we can ensure the documentation is clear and optimize your model as much as possible (quantization, FlashAttention, KV-cache, etc.). We can also help you add the model, provide early reviews and make sure it works as expected.

    Reach out to transformers@huggingface.co a few days (preferably weeks) in advance, especially if an architecture is particularly novel, to ensure model integration. We’ll work together on a private fork of Transformers until your checkpoint and release is ready.

  • same week integration: Models with significant requests/demand are usually added the same week if the model author doesn’t reach out.

    Use the issue tracker to request a specific model to add. The more activity on the issue, the faster and more likely we’ll integrate it.

  • post-release integration: Models without popular requests/demand or if we don’t have the bandwidth to integrate it are added post-release.

    This is a good opportunity if you’re interested in contributing a model to Transformers. Take a look at open issues tagged with “New model”. Feel free to give the most requested models a try first to multiply the impact of your contribution. We’ll be there to help you each step of the way!

  • Hub-first release: Transformers remote-code feature allows Transformers-based projects to be shared directly on the Hub. This is a good option if you don’t have the bandwidth to add a model directly to Transformers.

    If a model ends up being very popular, then it’s very likely that we’ll integrate it in Transformers ourselves to enable better support (documentation, maintenance, optimization, etc.) for it. A Hub-first release is the most frictionless way to add a model.

< > Update on GitHub