Movatterモバイル変換


[0]ホーム

URL:


Skip to main content
Ctrl+K

Introducing Instella: New State-of-the-art Fully Open 3B Language Models#

Introducing Instella: New State-of-the-art Fully Open 3B Language Models

AMD is excited to announce Instella, a family of fully open state-of-the-art 3-billion-parameter language models (LMs) trained from scratch on AMD Instinct™ MI300X GPUs. Instella models outperform existing fully open models of similar sizes and achieve competitive performance compared to state-of-the-art open-weight models such as Llama-3.2-3B, Gemma-2-2B, and Qwen-2.5-3B, including their instruction-tuned counterparts.

Our journey with Instella builds upon the foundation laid by our previous 1-billion-parameter LMs,AMD OLMo which helped showcase the feasibility of training LMs end-to-end on AMD GPUs. With Instella, we have scaled our efforts by transitioning from a 1-billion-parameter model trained on 64 AMD Instinct MI250 GPUs using 1.3T tokens to a 3-billion-parameter model trained on 128 Instinct MI300X GPUs using 4.15T tokens. While we compared our previous model with similarly sized fully open models only, Instella not only surpasses existing fully open models but also achieves overall competitive performance as compared to state-of-the-art open-weight models (Figure 1[1].), marking a significant step in bridging this gap.

Scaling performance

Figure 1: Comparing Instella Performance: Pareto frontier of pre-training tokens vs average performance for pre-trained and instruction-tuned models.#

By training Instella from scratch on Instinct MI300X GPUs, we highlight our hardware’s capability and scalability in handling demanding AI training workloads, offering a viable alternative in the AI hardware landscape. In line with AMD’s commitment to open source, we are releasing all artifacts related to Instella modelshere, including the model weights, detailed training configurations, datasets, and code, enabling the AI community to collaborate, replicate, and innovate, thereby accelerating progress.

This blog will introduce you to our new family of Instella LMs. You will find out how to access these new models, learn, in details, how we trained them, and see how AMD’s new Instella LMs benchmark with other models. Follow theAdditional Resources section to get started with using Instella models.

Takeaways#

  • Announcing Instella, a series of 3 billion parameter language models developed by AMD, trained from scratch on 128 Instinct MI300X GPUs.

  • Instella models significantly outperform existing fully open LMs (Figure 1) of comparable size, as well as bridge the gap between fully open and open weight models by achieving competitive performance compared state-of-the-art open weight models and their instruction-tuned counterparts.

  • Fully open and accessible:Fully open-source release of model weights, training hyperparameters, datasets, and code, fostering innovation and collaboration within the AI community.

  • Supported by the AMD ROCm software stack, Instella employs efficient training techniques such asFlashAttention-2, Torch Compile, and Fully Sharded Data Parallelism (FSDP) with hybrid sharding toscale model training over a large cluster.

Instella Models#

In this release, we introduce the following Instella models (Table 2):

Table 1: Instella models and training stages.

Model

Stage

Training Data (Tokens)

Description

Instella-3B-Stage1

Pre-training (Stage 1)

4.065 Trillion

First stage pre-training to develop proficiency in natural language.

Instella-3B

Pre-training (Stage 2)

57.575 Billion

Second stage pre-training to further enhance problem solving capabilities.

Instella-3B-SFT

SFT

8.902 Billion (x3 epochs)

Supervised Fine-tuning (SFT) to enable instruction-following capabilities.

Instella-3B-Instruct

DPO

760 Million

Alignment to human preferences and strengthen chat capabilities with direct preference optimization (DPO).

Total:

4.15 Trillion

The Instella models are text-only, autoregressive transformer-based LMs having 3 billion parameters. Architecture-wise, Instella is packed with 36 decoder layers, each having 32 attention heads. These models support a sequence length of up to 4,096 tokens and have a vocabulary size of ~50,000 tokens using the OLMo tokenizer[2]. During both pre-training and fine-tuning, we utilized FlashAttention-2[3], Torch Compile, and bfloat16 mixed-precision training to reduce memory usage, leading to computational speedups and optimal resource utilization. To balance inter-node memory efficiency and intra-node communication overhead within our cluster, we employed fully sharded data parallelism (FSDP) with hybrid sharding, with model parameters, gradients, and optimizer states sharded within a node and replicated across the nodes.

Our training pipeline is based on the open-sourced OLMo codebase, adapted, and optimized for our hardware and model architecture. For pre-training we used a total of 128 Instinct MI300X GPUs distributed across 16 nodes with each node having 8x Instinct MI300X GPUs. We evaluated our models and baselines using standard tasks fromOLMES,FastChat MT-Bench, andAlpaca. For more details about the architecture, training hyperparameters and evaluations, please refer to ourhuggingface model card and ourGithub repository.

Training Pipeline#

Training pipeline

Figure 2: Instella model training pipeline.#

The training of the Instella models comprised of four stages (Figure 2), where each stage incrementally enhanced the model’s capabilities from fundamental natural language understanding to instruction following and alignment towards human preferences. In this section we will briefly present Instella’s two pre-training stages and two instruction tuning & alignment stages, and their benchmark results.

Two stage pre-training#

In the first pre-training stage, we trained the model from scratch on4.065 trillion tokens sourced fromOLMoE-mix-0924[4], which is a diverse mix of two high-quality datasetsDCLM-baseline[5] andDolma 1.7[6] covering domains like coding, academics, mathematics, and general world knowledge from web crawl. This extensive first stage pre-training established a foundational understanding of general language in our Instella model.

For our final pre-trained checkpoint,Instella-3B, we conducted asecond stage pre-training on top of the first-stageInstella-3B-Stage1 model to further enhance its capabilities specifically in MMLU, BBH, and GSM8k. To accomplish this, we further trained the model on anadditional 57.575 billion tokens sourced from high-quality and diverse datasets, specifically fromDolmino-Mix-1124[2],SmolLM-Corpus (python-edu)[7], theDeepmind Mathematics[8], and conversational datasets includingTülu-3-SFT-Mixture[9],OpenHermes-2.5[10],WebInstructSub[11],Code-Feedback[12], andUltrachat 200k[13].

In addition to these publicly available datasets,28.5 million tokens out of our second stage pre-training data-mix were derivedfrom our in-house synthetic dataset focusing on mathematical problems. This synthetic dataset was generated using the training set of GSM8k dataset, where we first used Qwen2.5-72B-Instruct to 1) Abstract numerical values as function parameters and generate a Python program to solve the math question, 2) Identify and replace numerical values in the existing question with alternative values that are still answerable with the same python program solution as the original question. Next, by assigning different new values to these Python parameters and using the abstract solution program to compute the corresponding answers, we expanded our synthetic dataset with new and reliable question-answer pairs[14]. The conversational datasets in this second stage pre-training data-mix were reformatted by concatenating question-answer pairs to be used for pre-training. We trained the model on this data-mix three times with different random seeds and combined the model weights to obtain the final pre-trained model,Instella-3B.

Table 2: Pre-trained model performance on standard benchmarks. HereBold represents the best performance, andUnderscore represents the second best performance.
ModelsSizeTraining TokensAvgARC ChallengeARC EasyBoolQHellaswagPiQASciQWinnogradeOpenBookQAMMLUBBH (3-shot)GSM8k (8-shot)
Open Weight Models
Gemma-2-2B2.61B~2T59.3439.4659.3074.5070.5076.4096.6069.8044.8053.2840.7527.37
Llama-3.2-3B3.21B~9T62.5147.1664.9174.8073.1075.9095.3070.3051.2057.8147.0030.10
Qwen2.5-3B3.09B~18T68.3051.5167.1979.1072.1077.4095.5069.3051.4067.2256.6963.84
Fully Open Models
Pythia-2.8b2.91B300B49.8340.4760.7064.8060.1072.5089.7060.8042.6026.0927.692.73
GPTNeo-2.7B2.72B~420B47.9638.4654.5662.7055.2070.8088.0058.3040.8027.8327.253.71
OpenELM-3B3.04B~1.5T52.2837.4658.4268.6071.7075.6092.5065.4046.4026.6929.402.96
StableLM-3B-4E1T2.8B~4T58.5144.8267.0275.4074.2078.4093.4068.4048.6045.1937.3310.84
Instella-3B-Stage13.11B~4T61.3353.8573.1678.7074.2077.5094.9071.2051.4054.6934.3010.77
Instella-3B3.11B~4T+60B66.5952.8470.5376.5075.0077.8096.4073.1052.4058.3139.7459.82

Pre-training Results#

  • Both Instella-3B-Stage1 & Instella-3B models outperform all the other fully open models over all the benchmarks individually (except PIQA) (Table 2).Our final pre-trained checkpoint Instella-3B outperforms the existing top performant fully open pre-trained models by a lead of ⬆️8.08% on average, with significant improvements inARCChallenge[+8.02%],ARCEasy[+3.51%],Winnograde[+4.7%],OpenBookQA[+3.88%],MMLU[+13.12%]and️GSM8K[+48.98%].

  • Second stage pre-training elevated the overall average performance relative to stage-1 by ⬆️5.26%, substantially narrowing the performance gap between Instella-3B model vs the closed-source models, andoutperforming Llama-3.2-3B by ⬆️4.08% on average (+5.69%[ARCChallenge],+5.61%[ARCEasy],and+29.72%[GSM8k]),Gemma-2-2B by ⬆️7.25% on average (+13.38%[ARCChallenge],+11.23%[ARCEasy],+4.5%[Hellaswag],+7.6%[OpenBookQA],+5.03%[MMLU],and+32.45%[GSM8k]), and iscompetitive with Qwen-2.5-3B on the majority of the benchmarks.

  • The multi-stage pre-training with diverse and high-quality data mix significantly enhanced Instella-3B’s capabilities, establishing it as a competitive and open alternative in the landscape of comparable size language models.

Instruction Tuning & Alignment#

The supervised fine-tuning stage was done to enhance the Instella-3B base pre-trained model’s ability to follow instructions and respond to user queries.Instella-3B-SFT was supervised fine-tuned using Instella-3B as the base model and training with 8.9 billion tokens of high-quality instruction-response pairs data for three epochs. The primary objective was to improve the base model’s performance in interactive settings, making it better suited for tasks requiring understanding and executing user commands. During this phase, we utilized curated datasets that spanned across a broad spectrum of tasks and domains, ensuring that the model could generalize across various instruction types. This data-mix was selectively soured fromSmolTalk (1.04M samples)[15],OpenMathinstruct-2 (1M subset)[16],Tulu 3 Instruction Following (30k samples)[9],MMLU auxiliary train set[17], ando1-journey[18].

In the final training stage, we focused on aligning the Instella-3B-SFT model with human preferences to ensure that its outputs are helpful, accurate, and safe. Using Instella-3B-SFT as the base model,Instella-3B-Instruct was trained with Direct Preference Optimization (DPO)[19] on 0.76 billion tokens sourced fromOLMo 2 1124 7B Preference Mix[2]. This alignment process was essential for tailoring the model’s responses to be more in line with human values and expectations, thereby enhancing the quality and reliability of its outputs.

Table 3: Instruct model performance on standard benchmarks. HereBold represents the best performance, andUnderscore represents the second best performance.
ModelsSizeTraining TokensAvgMMLUTruthfulQABBHGPQAGSM8KMinerva MATHIFEvalAlpacaEval 2MT-Bench
Open Weight Models
Gemma-2-2B-Instruct2.61B~2T39.0458.3555.7642.9625.2253.4522.4855.6429.418.07
Llama-3.2-3B-Instruct3.21B~9T47.5361.5050.2361.5029.6977.0346.0075.4219.317.13
Qwen2.5-3B-Instruct3.09B~18T48.7266.9057.1657.2928.1375.9760.4262.4822.128.00
Fully Open Models
StableLM-zephyr-3B2.8B4T30.5045.1047.9039.3225.6758.3810.3834.207.516.04
OpenELM-3B-Instruct3.04B~1.5T14.1127.3638.0824.2418.081.590.3816.080.211.00
Instella-3B-SFT3.11B~4T42.0558.7652.4946.0028.1371.7240.5066.177.587.07
Instella-3B-Instruct3.11B~4T44.8758.9055.4746.7530.1373.9242.4671.3517.597.23

Instruction Tuning Results#

  • Instella-3B-Instruct model consistently outperforms other fully open models across all evaluated benchmarks with a significant average score lead of ⬆️ 14.37% w.r.t the next top performing fully open instruction-tuned models (Table 3). With substantial margins across all the chat benchmarks (+13%[MMLU],7.57%[TruthfulQA],7.43%[BBH],+4.46%[GPQA],+37.15[IFEval],10.08%[Alpaca2],and1.2%[MT-Bench]).

  • Instella-3B-Instruct narrows the performance gap with leading open-weight models. Instella-3B-Instruct performson par with or slightly surpasses existing state-of-the-art open weight instruction-tuned models such as Llama-3.2-3B-Instruct (+5.24%[TruthfulQA],0.45%[GPQA],and+0.1%[MT-Bench]), and Qwen2.5-3B-Instruct (+2.01%[GPQA]and+8.87%[IFEval]), while significantly outperforming Gemma-2-2B-Instruct with an average score lead of ⬆️5.83% (+0.55%[MMLU],+3.79[BBH],+4.91[GPQA],+20.47[GSM8k],+19.98[MinervaMATH],and+15.17%[IFEval]).

  • Overall, Instella-3B-Instruct excels in instruction following tasks and multi-turn QA tasks like TruthfulQA, GPQA, IFEval and MT-Bench, while being highly competitive compared to existing state-of-the-art open weight models on other knowledge recall and math benchmarks, while being trained on significantly fewer training tokens.

Summary#

The release of the Instella family of models represents a significant stride in advancing open-source AI and demonstrating the capabilities of AMD hardware in language model training. The 3 billion parameter models from Instella family significantly outperform present fully open comparable size models in key benchmarks while also being competitive to comparable open-weight models, which we attribute to the high-quality data-mix selection, multi-stage training pipeline, and the use of high-performance Instinct MI300X GPUs for training.

By fully open sourcing the Instella models, including weights, training configurations, datasets, and code, we aim to foster innovation and collaboration within the AI community. We believe that transparency, reproducibility and accessibility are key drivers of progress in AI research and development. We invite developers, researchers, and AI enthusiasts to explore Instella, contribute to its ongoing improvement, and join us in pushing the boundaries of what is possible with language models.

We will continue enhancing the models across multiple dimensions, including context length, reasoning ability, and multimodal capabilities. Additionally, we will scale up both the model and dataset while exploring diverse architectural approaches. Keep your eyes peeled for more exciting blogs on the Instella LMs family, its features and capabilities!

Additional Resources#

Hugging face Model Cards#

Datasets#

Second stage pre-training GSM8k synthetic dataset:amd/Instella-GSM8K-synthetic

  • The dataset consists of two splits: “train” and “train_119K”.

  • For Instella-3B model second stage pre-training we used the “train_119K” split, which is a subset of the larger “train” split.

Code#

Please refer to the following blogs to get started with using these techniques on AMD GPUs:

Bias, Risks, and Limitations#

  • The models are being released for research purposes only and are not intended for use cases that require high levels of factuality, safety critical situations, health, or medical applications, generating false information, facilitating toxic conversations.

  • Model checkpoints are made accessible without any safety promises. It is crucial for users to conduct comprehensive evaluations and implement safety filtering mechanisms as per their respective use cases.

  • It may be possible to prompt the model to generate content that may be factually inaccurate, harmful, violent, toxic, biased, or otherwise objectionable. Such content may also get generated by prompts that did not intend to produce output as such. Users are thus requested to be aware of this and exercise caution and responsible thinking when using the model.

  • Multi-lingual abilities of the models have not been tested and thus may misunderstand and generate erroneous responses across different languages.

License#

  • The Instella-3B models are licensed for academic and research purposes under a ResearchRAIL license.

  • Theamd/Instella-GSM8K-synthetic dataset used in second stage pre-training is built with Qwen2.5-72B-Instruct, and is licensed for academic and research purposes under a ResearchRAIL license. Refer to theLICENSE andNOTICES in theamd/Instella-GSM8K-synthetic dataset card files for more information.

  • Refer to theLICENSE andNOTICES files for more information.

Contributors#

Core contributors:Jiang Liu, Jialian Wu, Xiaodong Yu, Prakamya Mishra, Sudhanshu Ranjan, Zicheng Liu

Contributors:Chaitanya Manem, Yusheng Su, Pratik Prabhanjan Brahma, Gowtham Ramesh, Ximeng Sun, Ze Wang, Emad Barsoum

Citations#

Feel free to cite our Instella-3B models:

@misc{Instella,    title = {Instella: Fully Open Language Models with Stellar Performance},    url = {https://huggingface.co/amd/Instella-3B},    author = {Jiang Liu, Jialian Wu, Xiaodong Yu, Prakamya Mishra, Sudhanshu Ranjan, Zicheng Liu, Chaitanya Manem, Yusheng Su, Pratik Prabhanjan Brahma, Gowtham Ramesh, Ximeng Sun, Ze Wang, Emad Barsoum},    month = {March},    year = {2025}}

Disclaimers#

Third-party content is licensed to you directly by the third party that owns thecontent and is not licensed to you by AMD. ALL LINKED THIRD-PARTY CONTENT ISPROVIDED “AS IS” WITHOUT A WARRANTY OF ANY KIND. USE OF SUCH THIRD-PARTY CONTENTIS DONE AT YOUR SOLE DISCRETION AND UNDER NO CIRCUMSTANCES WILL AMD BE LIABLE TOYOU FOR ANY THIRD-PARTY CONTENT. YOU ASSUME ALL RISK AND ARE SOLELY RESPONSIBLEFOR ANY DAMAGES THAT MAY ARISE FROM YOUR USE OF THIRD-PARTY CONTENT.


[1]

For instruction-tuned models, we used pre-training tokens for comparison since 1) the exact numbers for instruct models for open weight models are unknown, and 2) adding instruct model training tokens (in billions) leads to marginally insignificant shift in trends.

[2](1,2,3)

OLMo Team, Pete Walsh, Luca Soldaini, Dirk Groeneveld, Kyle Lo, Shane Arora, Akshita Bhagia et al. “2 OLMo 2 Furious.” arXiv preprint arXiv:2501.00656 (2024).

[3]

Dao, Tri. “Flashattention-2: Faster attention with better parallelism and work partitioning.” arXiv preprint arXiv:2307.08691 (2023).

[4]

Muennighoff, Niklas, Luca Soldaini, Dirk Groeneveld, Kyle Lo, Jacob Morrison, Sewon Min, Weijia Shi et al. “OLMoE: Open mixture-of-experts language models.” arXiv preprint arXiv:2409.02060 (2024).

[5]

Li, Jeffrey, Alex Fang, Georgios Smyrnis, Maor Ivgi, Matt Jordan, Samir Gadre, Hritik Bansal et al. “DataComp-LM: In search of the next generation of training sets for language models.” arXiv preprint arXiv:2406.11794 (2024).

[6]

Dolma: an Open Corpus of Three Trillion Tokens for Language Model Pretraining Research (Soldaini et al., ACL 2024)

[7]

Allal, Loubna Ben, Anton Lozhkov, Elie Bakouch, Leandro von Werra, and Thomas Wolf. “Smollm-blazingly fast and remarkably powerful.” Hugging Face Blog (2024).

[8]

Saxton, David, Edward Grefenstette, Felix Hill, and Pushmeet Kohli. “Analysing mathematical reasoning abilities of neural models.” arXiv preprint arXiv:1904.01557 (2019).

[9](1,2)

Lambert, Nathan, Jacob Morrison, Valentina Pyatkin, Shengyi Huang, Hamish Ivison, Faeze Brahman, Lester James V. Miranda et al. “Tulu 3: Pushing Frontiers in Open Language Model Post-Training.” arXiv preprint arXiv:2411.15124 (2024).

[10]

Teknium. “Openhermes 2.5: An open dataset of synthetic data for generalist llm assistants” 2023. URL https://huggingface.co/datasets/teknium/OpenHermes-2.5.

[11]

Yue, Xiang, Tianyu Zheng, Ge Zhang, and Wenhu Chen. “Mammoth2: Scaling instructions from the web.” Advances in Neural Information Processing Systems 37 (2025): 90629-90660.

[12]

Zheng, Tianyu, Ge Zhang, Tianhao Shen, Xueling Liu, Bill Yuchen Lin, Jie Fu, Wenhu Chen, and Xiang Yue. “Opencodeinterpreter: Integrating code generation with execution and refinement.” arXiv preprint arXiv:2402.14658 (2024).

[13]

Ning Ding, Yulin Chen, Bokai Xu, Yujia Qin, Shengding Hu, Zhiyuan Liu, Maosong Sun, and Bowen Zhou. 2023.Enhancing Chat Language Models by Scaling High-quality Instructional Conversations. In Proceedings of the 2023 Conference on Empirical Methods in Natural Language Processing, pages 3029–3051, Singapore. Association for Computational Linguistics.

[14]

Yu, Xiaodong, Ben Zhou, Hao Cheng, and Dan Roth. “ReasonAgain: Using Extractable Symbolic Programs to Evaluate Mathematical Reasoning.” arXiv preprint arXiv:2410.19056 (2024).

[15]

Allal, Loubna Ben, Anton Lozhkov, Elie Bakouch, Gabriel Martín Blázquez, Guilherme Penedo, Lewis Tunstall, Andrés Marafioti et al. “SmolLM2: When Smol Goes Big–Data-Centric Training of a Small Language Model.” arXiv preprint arXiv:2502.02737 (2025).

[16]

Toshniwal, Shubham, Wei Du, Ivan Moshkov, Branislav Kisacanin, Alexan Ayrapetyan, and Igor Gitman. “Openmathinstruct-2: Accelerating ai for math with massive open-source instruction data.” arXiv preprint arXiv:2410.01560 (2024).

[17]

Hendrycks, Dan, Collin Burns, Steven Basart, Andy Zou, Mantas Mazeika, Dawn Song, and Jacob Steinhardt. “Measuring massive multitask language understanding.” arXiv preprint arXiv:2009.03300 (2020).

[18]

Qin, Yiwei, Xuefeng Li, Haoyang Zou, Yixiu Liu, Shijie Xia, Zhen Huang, Yixin Ye et al. “O1 Replication Journey: A Strategic Progress Report–Part 1.” arXiv preprint arXiv:2410.18982 (2024).

[19]

Rafailov, Rafael, Archit Sharma, Eric Mitchell, Christopher D. Manning, Stefano Ermon, and Chelsea Finn. “Direct preference optimization: Your language model is secretly a reward model.” Advances in Neural Information Processing Systems 36 (2024).


[8]ページ先頭

©2009-2025 Movatter.jp