OpenChatKit includes an instruction-tuned 20 billion parameter language model called GPT-NeoXT-Chat-Base-20B, a 6 billion parameter moderation model, and an extensible retrieval system for including up-to-date responses from custom repositories. It was trained on the OIG-43M training dataset, which was a collaboration between Together, LAION, and Ontocord.ai. Much more than a model release, this is the beginning of an open source project. We are releasing a set of tools and processes for ongoing improvement with community contributions.
In this doc, you'll find steps for:
- Training an OpenChatKit model
- Testing inference using the model
- Augmenting the model with additional context from a retrieval index
- Requirements
- Pre-trained Weights
- Datasets
- Pretrained Base Model
- Training and Finetuning
- Converting Weights to Huggingface Format
- Inference
- Monitoring
- Experimental: Retrieval-Augmented Models
- Acknowledgements
Before you begin, you need to install PyTorch and other dependencies.
-
Install Miniconda from their website.
-
Install Git LFS from their website.
-
Install the
git lfs
hooks.
git lfs install
- Install mamba in the
base
environment so it's available in all environments.
conda install mamba -n base -c conda-forge
- Create an environment called OpenChatKit using the
environment.yml
file at the root of this repo.
mamba env create -f environment.yml
- Activate the new conda environment.
conda activate OpenChatKit
GPT-NeoXT-Chat-Base-20B is a 20B-parameter variant of GPT-NeoX, fine-tuned on conversational datasets. We are releasing pre-trained weights for this model as togethercomputer/GPT-NeoXT-Chat-Base-20B on Huggingface.
More details can be found on the model card for GPT-NeoXT-Chat-Base-20B on Huggingface.
The chat model was trained on the OIG dataset built by LAION, Together, and Ontocord.ai. To download the dataset from Huggingface run the command below from the root of the repo.
python data/OIG/prepare.py
Once the command completes, the data will be in the data/OIG/files
directory.
You can help make this chat model better by contributing data! See the OpenDataHub repo for more details.
As mentioned above, the chat model is a fine-tuned variant of GPT-NeoX-20B from Eleuther AI. To download GPT-NeoX-20B and prepare it for fine tuning, run this command from the root of the repo.
python pretrained/GPT-NeoX-20B/prepare.py
The weights for this model will be in the pretrained/GPT-NeoX-20B/EleutherAI_gpt-neox-20b
.
In case you want to fine-tune other gpt-neox models, e.g. the Pythia model suite, you can specify the HF model name, for example:
python pretrained/GPT-NeoX-20B/prepare.py --model-name EleutherAI/pythia-6.9b-deduped
And the weights for this model will be in the pretrained/GPT-NeoX-20B/EleutherAI_pythia-6.9b-deduped
.
To use 8bit-adam during training, install the bitsandbytes
package.
pip install bitsandbytes # optional, to use 8bit-adam
The training/finetune_GPT-NeoXT-Chat-Base-20B.sh
script configures and runs the training loop. After downloading the dataset and the base model, run:
bash training/finetune_GPT-NeoXT-Chat-Base-20B.sh
The script launches 8 processes with a pipeline-parallel degree of 8 and a data-parallel degree of 1.
As the training loop runs, checkpoints are saved to the model_ckpts
directory at the root of the repo.
Please see the training README for more details about customizing the training run.
The training/finetune_Pythia-Chat-Base-7B.sh
script is another example to fine-tune a 7B pythia (gpt-neox) model. The script launches 8 processes with a pipeline-parallel degree of 4 and a data-parallel degree of 2.
Before you can use this model to perform inference, it must be converted to the Huggingface format. Run this command from the root of the repo to do so.
mkdir huggingface_models \
&& python tools/convert_to_hf_gptneox.py \
--ckpt-path model_ckpts/GPT-Neo-XT-Chat-Base-20B/checkpoint_100 \
--save-path huggingface_models/GPT-NeoXT-Chat-Base-20B \
--n-stages 8 \
--n-layer-per-stage 6 \
--fp16
where the --fp16
flag will load and store models in fp16.
Make sure to replace model_ckpts/GPT-Neo-XT-Chat-Base-20B/checkpoint_100
with the latest checkpoint in the model_ckpts/GPT-Neo-XT-Chat-Base-20B
directory.
If you need to convert ckpts of other gpt-neox variants, make sure to specify the correct config name for your variant.
For example, if you want to convert a checkpoint fine-tuned from EleutherAI/pythia-6.9b-deduped
, you should indicate this as a config name:
python tools/convert_to_hf_gptneox.py \
--config-name EleutherAI/pythia-6.9b-deduped \
--ckpt-path model_ckpts/Pythia-Chat-Base-7B/checkpoint_100 \
--save-path huggingface_models/Pythia-Chat-Base-7B \
--n-stages 4 \
--n-layer-per-stage 8 \
--fp16
To help you test the model, we provide a simple test command line test harness to interact with the bot.
python inference/bot.py
By default the script will load the model named GPT-NeoXT-Chat-Base-20B model under the huggingface_models
directory, but you can override that behavior by specifying --model
.
For example, if you want to load the base model from our Huggingface, repo, you can run the following command which downloads the weights from HuggingFace.
python inference/bot.py --model togethercomputer/GPT-NeoXT-Chat-Base-20B
Once the model has loaded, enter text at the prompt and the model will reply.
$ python inference/bot.py
Loading /home/csris/src/github.com/togethercomputer/OpenChatKit/inference/../huggingface_models/GPT-NeoXT-Chat-Base-20B to cuda:1...
Welcome to OpenChatKit shell. Type /help or /? to list commands.
>>> Hello.
Setting `pad_token_id` to `eos_token_id`:0 for open-end generation.
Hello human.
>>>
Commands are prefixed with a /
, and the /quit
command exits.
Please see the inference README for more details about arguments, running on multiple/specific GPUs, and running on consumer hardware.
By default, the training script simply prints the loss as training proceeds, but it can also output metrics to a file using loguru or report them to Weights & Biases.
Add the flag --train-log-backend loguru
to your training script to log to ./logs/file_{time}.log
To use Weights & Biases, first login with your Weights & Biases token.
wandb login
And set --train-log-backend wandb
in the training script to enable logging to Weights & Biases.
Note: Retrieval is still experimental.
The code in /retrieval
implements a python package for querying a Faiss index of Wikipedia. The following steps explain how to use this index to augment queries in the test harness with context from the retriever.
- Download the Wikipedia index.
python data/wikipedia-3sentence-level-retrieval-index/prepare.py
- Run the bot with the
--retrieval
flag.
python inference/bot.py --retrieval
After starting, the bot will load both the chat model and the retrieval index, which takes a long time. Once the model and the index are loaded, all queries will be augmented with extra context.
$ python inference/bot.py --retrieval
Loading /OpenChatKit/inference/../huggingface_models/GPT-NeoXT-Chat-Base-20B to cuda:0...
Loading retrieval index...
Welcome to OpenChatKit shell. Type /help or /? to list commands.
>>> Where is Zurich?
Setting `pad_token_id` to `eos_token_id`:0 for open-end generation.
Where is Zurich?
Zurich is located in Switzerland.
>>>
Our model is a fine-tuned version of gpt-neox-20b, a large language model trained by Eleuther AI. We evaluated our model on HELM provided by the Center for Research on Foundation Models. And we collaborated with both CRFM and HazyResearch at Stanford to build this model.
We collaborated with LAION and Ontocord.ai to build the training data used to fine tune this model.