
Model Overview
Model Features
Model Capabilities
Use Cases
đ Swallow
Our Swallow model is continuously pre - trained from the Llama 2 family, mainly with the addition of Japanese language data. The tuned versions use supervised fine - tuning (SFT). Links to other models can be found in the index.
đ Quick Start
This repository provides large language models developed by TokyoTech-LLM. You can read our blog post or our paper for more information.
âš Features
- The Swallow model is based on the Llama 2 family and has been continuously pre - trained with additional Japanese language data.
- Tuned versions use supervised fine - tuning (SFT).
- It has a tokenizer with an expanded vocabulary based on Japanese data, enabling more efficient text representation and faster inference.
đŠ Installation
First, install additional dependencies in requirements.txt:
pip install -r requirements.txt
đ» Usage Examples
Basic Usage
Use the instruct model
import torch
from transformers import AutoTokenizer, AutoModelForCausalLM
model_name = "tokyotech-llm/Swallow-7b-instruct-hf"
tokenizer = AutoTokenizer.from_pretrained(model_name)
model = AutoModelForCausalLM.from_pretrained(model_name, torch_dtype=torch.bfloat16, low_cpu_mem_usage=True, device_map="auto")
PROMPT_DICT = {
"prompt_input": (
"仄äžă«ăăăăżăčăŻăèȘŹæăăæç€șăăăăăăă«ä»éăăć
„ćăæŽăȘăæèăæäŸăăŠăăŸăă"
"ăȘăŻăšăčăăé©ćă«ćźäșăăăăăźćçăèšèż°ăăŠăă ăăă\n\n"
"### æç€ș:\n{instruction}\n\n### ć
„ć:\n{input}\n\n### ćżç:"
),
"prompt_no_input": (
"仄äžă«ăăăăżăčăŻăèȘŹæăăæç€șăăăăŸăă"
"ăȘăŻăšăčăăé©ćă«ćźäșăăăăăźćçăèšèż°ăăŠăă ăăă\n\n"
"### æç€ș:\n{instruction}\n\n### ćżç:"
),
}
def create_prompt(instruction, input=None):
"""
Generates a prompt based on the given instruction and an optional input.
If input is provided, it uses the 'prompt_input' template from PROMPT_DICT.
If no input is provided, it uses the 'prompt_no_input' template.
Args:
instruction (str): The instruction describing the task.
input (str, optional): Additional input providing context for the task. Default is None.
Returns:
str: The generated prompt.
"""
if input:
# Use the 'prompt_input' template when additional input is provided
return PROMPT_DICT["prompt_input"].format(instruction=instruction, input=input)
else:
# Use the 'prompt_no_input' template when no additional input is provided
return PROMPT_DICT["prompt_no_input"].format(instruction=instruction)
# Example usage
instruction_example = "仄äžăźăăăăŻă«éąăăè©łçŽ°ăȘæ
ć ±ăæäŸăăŠăă ăăă"
input_example = "æ±äșŹć·„æ„性ćŠăźäž»ăȘăăŁăłăăčă«ă€ăăŠæăăŠăă ăă"
prompt = create_prompt(instruction_example, input_example)
input_ids = tokenizer.encode(
prompt,
add_special_tokens=False,
return_tensors="pt"
)
tokens = model.generate(
input_ids.to(device=model.device),
max_new_tokens=128,
temperature=0.99,
top_p=0.95,
do_sample=True,
)
out = tokenizer.decode(tokens[0], skip_special_tokens=True)
print(out)
Use the base model
import torch
from transformers import AutoTokenizer, AutoModelForCausalLM
model_name = "tokyotech-llm/Swallow-7b-hf"
tokenizer = AutoTokenizer.from_pretrained(model_name)
model = AutoModelForCausalLM.from_pretrained(model_name, torch_dtype=torch.bfloat16, device_map="auto")
prompt = "æ±äșŹć·„æ„性ćŠăźäž»ăȘăăŁăłăăčăŻă"
input_ids = tokenizer.encode(
prompt,
add_special_tokens=False,
return_tensors="pt"
)
tokens = model.generate(
input_ids.to(device=model.device),
max_new_tokens=128,
temperature=0.99,
top_p=0.95,
do_sample=True,
)
out = tokenizer.decode(tokens[0], skip_special_tokens=True)
print(out)
đ Documentation
Model Release Updates
We are excited to share the release schedule for our latest models:
- April 26, 2024: Released version 0.1 of our enhanced instruction - tuned models: Swallow-7b-instruct-v0.1, Swallow-13b-instruct-v0.1, and Swallow-70b-instruct-v0.1 as preview versions.
- March 2, 2024: Released the Swallow-7b-plus-hf, a model trained with approximately twice as many Japanese tokens as Swallow-7b-hf.
- February 4, 2024: Released the Swallow-13b-NVE-hf.
- January 26, 2024: Released the Swallow-7b-NVE-hf, Swallow-7b-NVE-instruct-hf, Swallow-70b-NVE-hf, and Swallow-70b-NVE-instruct-hf
- December 19, 2023: Released the Swallow-7b-hf, Swallow-7b-instruct-hf, Swallow-13b-hf, Swallow-13b-instruct-hf, Swallow-70b-hf, and Swallow-70b-instruct-hf.
Swallow Model Index
Model | Swallow-hf | Swallow-instruct-hf | Swallow-instruct-v0.1 |
---|---|---|---|
7B | Link | Link | Link |
7B-Plus | Link | N/A | N/A |
13B | Link | Link | Link |
70B | Link | Link | Link |
Swallow Model Index NVE (No Vocabulary Expansion)
Model | Swallow-NVE-hf | Swallow-NVE-instruct-hf |
---|---|---|
7B | Link | Link |
13B | Link | N/A |
70B | Link | Link |
Model Details
Property | Details |
---|---|
Model Type | Please refer to LLaMA - 2 technical report for details on the model architecture. |
Language(s) | Japanese, English |
Library | Megatron-LM |
Tokenizer | This model employs a tokenizer that features a broadened vocabulary based on Japanese data. This allows for a more efficient representation of text using fewer tokens, leading to a notably faster inference process. |
Contact | swallow[at]nlp.c.titech.ac.jp |
Base Model Performance
Japanese tasks
Model | Size | JCommonsenseQA | JEMHopQA | NIILC | JSQuAD | XL-Sum | MGSM | WMT20-en-ja | WMT20-ja-en |
---|---|---|---|---|---|---|---|---|---|
4-shot | 4-shot | 4-shot | 4-shot | 1-shot | 4-shot | 4-shot | 4-shot | ||
Llama 2 | 7B | 0.3852 | 0.4240 | 0.3410 | 0.7917 | 0.1905 | 0.0760 | 0.1783 | 0.1738 |
Swallow | 7B | 0.4808 | 0.5078 | 0.5968 | 0.8573 | 0.1830 | 0.1240 | 0.2510 | 0.1511 |
Swallow-Plus | 7B | 0.5478 | 0.5493 | 0.6030 | 0.8544 | 0.1806 | 0.1360 | 0.2568 | 0.1441 |
Swallow-NVE | 7B | 0.5433 | 0.5425 | 0.5729 | 0.8684 | 0.2117 | 0.1200 | 0.2405 | 0.1512 |
Llama 2 | 13B | 0.6997 | 0.4415 | 0.4170 | 0.8533 | 0.2139 | 0.1320 | 0.2146 | 0.1982 |
Swallow | 13B | 0.7837 | 0.5063 | 0.6398 | 0.9005 | 0.2168 | 0.2040 | 0.2720 | 0.1771 |
Swallow-NVE | 13B | 0.7712 | 0.5438 | 0.6351 | 0.9030 | 0.2294 | 0.2120 | 0.2735 | 0.1817 |
Llama 2 | 70B | 0.8686 | 0.4656 | 0.5256 | 0.9080 | 0.2361 | 0.3560 | 0.2643 | 0.2398 |
Swallow | 70B | 0.9348 | 0.6290 | 0.6960 | 0.9176 | 0.2266 | 0.4840 | 0.3043 | 0.2298 |
Swallow-NVE | 70B | 0.9410 | 0.5759 | 0.7024 | 0.9254 | 0.2758 | 0.4720 | 0.3042 | 0.2322 |
English tasks
Model | Size | OpenBookQA | TriviaQA | HellaSwag | SQuAD2.0 | XWINO | GSM8K |
---|---|---|---|---|---|---|---|
8-shot | 8-shot | 8-shot | 8-shot | 8-shot | 8-shot | ||
Llama 2 | 7B | 0.3580 | 0.6265 | 0.5860 | 0.3207 | 0.9049 | 0.1410 |
Swallow | 7B | 0.3180 | 0.4836 | 0.5308 | 0.3125 | 0.8817 | 0.1130 |
Swallow-Plus | 7B | 0.3280 | 0.4558 | 0.5259 | 0.3134 | 0.8929 | 0.1061 |
Swallow-NVE | 7B | 0.3180 | 0.5079 | 0.5329 | 0.2919 | 0.8817 | 0.0986 |
Llama 2 | 13B | 0.3760 | 0.7255 | 0.6148 | 0.3681 | 0.9140 | 0.2403 |
Swallow | 13B | 0.3500 | 0.5852 | 0.5660 | 0.3406 | 0.9075 | 0.2039 |
Swallow-NVE | 13B | 0.3460 | 0.6025 | 0.5700 | 0.3478 | 0.9006 | 0.1751 |
Llama 2 | 70B | 0.4280 | 0.8239 | 0.6742 | 0.3770 | 0.9290 | 0.5284 |
Swallow | 70B | 0.4220 | 0.7756 | 0.6458 | 0.3745 | 0.9204 | 0.4867 |
Swallow-NVE | 70B | 0.4240 | 0.7817 | 0.6439 | 0.3451 | 0.9256 | 0.4943 |
Evaluation Benchmarks
Japanese evaluation benchmarks
We used llm-jp-eval(v1.0.0) and JP Language Model Evaluation Harness(commit #9b42d41). The details are as follows:
- Multiple - choice question answering (JCommonsenseQA [Kurihara+, 2022])
- Open - ended question answering (JEMHopQA [Ishii+, 2023])
- Open - ended question answering (NIILC [Sekine, 2003])
- Machine reading comprehension (JSQuAD [Kurihara+, 2022])
- Automatic summarization (XL - Sum [Hasan+, 2021])
- Machine translation (WMT2020 ja - en [Barrault+, 2020])
- Machine translation (WMT2020 en - ja [Barrault+, 2020])
- Mathematical reasoning (MGSM [Shi+, 2023])
English evaluation benchmarks
We used the Language Model Evaluation Harness(v.0.3.0). The details are as follows:
- Multiple - choice question answering (OpenBookQA [Mihaylov+, 2018])
- Open - ended question answering (TriviaQA [Joshi+, 2017])
- Machine reading comprehension (SQuAD 2.0 [Rajpurkar+, 2018])
- Commonsense reasoning (XWINO [Tikhonov & Ryabinin, 2021])
- Natural language inference (HellaSwag [Zellers+, 2019])
- Mathematical reasoning (GSM8k [Cobbe+, 2021])
Training Datasets
Continual Pre - Training
The following datasets were used for continual pre - training.
Instruction Tuning
The following datasets were used for the instruction tuning.
đ§ Technical Details
The Swallow model is based on the Llama 2 architecture. It uses a tokenizer with an expanded vocabulary based on Japanese data, which allows for more efficient text representation and faster inference. The model is continuously pre - trained with additional Japanese language data and tuned using supervised fine - tuning (SFT).
đ License
Llama 2 is licensed under the LLAMA 2 Community License, Copyright © Meta Platforms, Inc. All Rights Reserved.
Acknowledgements
We thank Meta Research for releasing Llama 2 under an open license for others to build on.
Our project is supported by the ABCI Large - scale Language Model Building Support Program of the National Institute of Advanced Industrial Science and Technology.
Risks and Limitations
The models released here are still in the early stages of our research and development and have not been tuned to ensure outputs align with human intent and safety considerations.
Authors
Here are the team members:
- From Okazaki Laboratory, the following members:
- From YOKOTA Laboratory, the following members:
How to cite
If you find our work helpful, please feel free to cite us.
@inproceedings{Fujii:COLM2024,
title={Continual Pre - Training for Cross - Lingual LLM Adaptation:
Enhancing Japanese Language Capabilities},
author={Kazuki Fujii and Taishi Nakamura and Mengsay Loem and Hiroki
Iida and Masanari Ohi and Kakeru Hattori and Hirai Shota and Sakae
Mizuki and Rio Yokota and Naoaki Okazaki},
booktitle="Proceedings of the

