BAAI / Infinity-Instruct-7M-0729-Llama3_1-8B

huggingface.co
Total runs: 644
24-hour runs: 0
7-day runs: 0
30-day runs: 0
Model's Last Updated: August 08 2024

Introduction of Infinity-Instruct-7M-0729-Llama3_1-8B

Model Details of Infinity-Instruct-7M-0729-Llama3_1-8B

Infinity Instruct

Beijing Academy of Artificial Intelligence (BAAI)
[Paper][Code][🤗] (would be released soon)

Infinity-Instruct-7M-Gen-Llama3.1-8B is an opensource supervised instruction tuning model without reinforcement learning from human feedback (RLHF). This model is just finetuned on Infinity-Instruct-7M and Infinity-Instruct-Gen and showing favorable results on AlpacaEval 2.0 compared to GPT4.

News
Training Details

Infinity-Instruct-7M-Gen-Llama3.1-8B is tuned on Million-level instruction dataset Infinity-Instruct . First, we apply the foundational dataset Infinity-Instruct-7M to improve the foundational ability (math & code) of Llama3-8B, and get the foundational instruct model Infinity-Instruct-7M-Llama3.1-8B. Then we finetune the Infinity-Instruct-7M-Llama3.1-8B to get the stronger chat model Infinity-Instruct-7M-Gen-Llama3.1-8B. Here is the training hyperparamers.

epoch: 3
lr: 5e-6
min_lr: 0
lr_warmup_steps: 40
lr_decay_style: cosine
weight_decay: 0.0
adam_beta1: 0.9
adam_beta2: 0.95
global_batch_size: 528
clip_grad: 1.0

Thanks to FlagScale , we could concatenate multiple training samples to remove padding token and apply diverse acceleration techniques to the traning procudure. It effectively reduces our training costs. We will release our code in the near future!

Benchmark
Model MT-Bench AlpacaEval2.0 Arena-hard
GPT-4-0314 9.0 35.3 50.0
GPT-4-0613 9.2 30.2 37.9
GPT-4-1106 9.3 30.2 --
Llama-3-8B-Instruct 9.0 34.4 46.6
Llama-3.1-8B-Instruct -- 20.9 20.6
InfInstruct-7M-Llama-3.1-8B 8.2 33.9 30.4

*denote the model is finetuned without reinforcement learning from human feedback (RLHF).

How to use

Infinity-Instruct-7M-Gen-Llama3.1-8B adopt the same chat template of Llama3-8B-instruct :

<|begin_of_text|><|start_header_id|>user<|end_header_id|>

How are you?<|eot_id|><|start_header_id|>assistant<|end_header_id|>

Hi!<|eot_id|><|start_header_id|>user<|end_header_id|>

How are you?<|eot_id|><|start_header_id|>assistant<|end_header_id|>

To apply this model and template in conversation scenarios, you can refer to the following code:

from transformers import AutoModelForCausalLM, AutoTokenizer, LogitsProcessorList
import torch
device = "cuda" # the device to load the model onto

model = AutoModelForCausalLM.from_pretrained("BAAI/Infinity-Instruct-7M-Gen-Llama3_1-8B",
    torch_dtype=torch.bfloat16,
    device_map="auto"
)
tokenizer = AutoTokenizer.from_pretrained("BAAI/Infinity-Instruct-7M-Gen-Llama3_1-8B")

prompt = "Give me a short introduction to large language model."
messages = [
    {"role": "user", "content": prompt}
]

text = tokenizer.apply_chat_template(
    messages,
    tokenize=False,
    add_generation_prompt=True
)
model_inputs = tokenizer([text], return_tensors="pt").to(device)

logits_processor = LogitsProcessorList(
            [
                MinLengthLogitsProcessor(1, eos_token_id=tokenizer.eos_token_id),
                TemperatureLogitsWarper(0.7),
            ]
 )
 
generated_ids = model.generate(
    model_inputs.input_ids,
    logits_processor=logits_processor,
    max_new_tokens=512
)

generated_ids = [
    output_ids[len(input_ids):] for input_ids, output_ids in zip(model_inputs.input_ids, generated_ids)
]

response = tokenizer.batch_decode(generated_ids, skip_special_tokens=True)[0]
print(response)
Disclaimer

The resources, including code, data, and model weights, associated with this project are restricted for academic research purposes only and cannot be used for commercial purposes. The content produced by any version of Infinity Instruct is influenced by uncontrollable variables such as randomness, and therefore, the accuracy of the output cannot be guaranteed by this project. This project does not accept any legal liability for the content of the model output, nor does it assume responsibility for any losses incurred due to the use of associated resources and output results.

Citation

Our paper, detailing the development and features of the Infinity Instruct dataset and finetuned models, will be released soon on arXiv. Stay tuned!

@article{InfinityInstruct2024,
  title={Infinity Instruct},
  author={Beijing Academy of Artificial Intelligence (BAAI)},
  journal={arXiv preprint arXiv:2406.XXXX},
  year={2024}
}

Runs of BAAI Infinity-Instruct-7M-0729-Llama3_1-8B on huggingface.co

644
Total runs
0
24-hour runs
0
3-day runs
0
7-day runs
0
30-day runs

More Information About Infinity-Instruct-7M-0729-Llama3_1-8B huggingface.co Model

More Infinity-Instruct-7M-0729-Llama3_1-8B license Visit here:

https://choosealicense.com/licenses/llama3.1

Infinity-Instruct-7M-0729-Llama3_1-8B huggingface.co

Infinity-Instruct-7M-0729-Llama3_1-8B huggingface.co is an AI model on huggingface.co that provides Infinity-Instruct-7M-0729-Llama3_1-8B's model effect (), which can be used instantly with this BAAI Infinity-Instruct-7M-0729-Llama3_1-8B model. huggingface.co supports a free trial of the Infinity-Instruct-7M-0729-Llama3_1-8B model, and also provides paid use of the Infinity-Instruct-7M-0729-Llama3_1-8B. Support call Infinity-Instruct-7M-0729-Llama3_1-8B model through api, including Node.js, Python, http.

Infinity-Instruct-7M-0729-Llama3_1-8B huggingface.co Url

https://huggingface.co/BAAI/Infinity-Instruct-7M-0729-Llama3_1-8B

BAAI Infinity-Instruct-7M-0729-Llama3_1-8B online free

Infinity-Instruct-7M-0729-Llama3_1-8B huggingface.co is an online trial and call api platform, which integrates Infinity-Instruct-7M-0729-Llama3_1-8B's modeling effects, including api services, and provides a free online trial of Infinity-Instruct-7M-0729-Llama3_1-8B, you can try Infinity-Instruct-7M-0729-Llama3_1-8B online for free by clicking the link below.

BAAI Infinity-Instruct-7M-0729-Llama3_1-8B online free url in huggingface.co:

https://huggingface.co/BAAI/Infinity-Instruct-7M-0729-Llama3_1-8B

Infinity-Instruct-7M-0729-Llama3_1-8B install

Infinity-Instruct-7M-0729-Llama3_1-8B is an open source model from GitHub that offers a free installation service, and any user can find Infinity-Instruct-7M-0729-Llama3_1-8B on GitHub to install. At the same time, huggingface.co provides the effect of Infinity-Instruct-7M-0729-Llama3_1-8B install, users can directly use Infinity-Instruct-7M-0729-Llama3_1-8B installed effect in huggingface.co for debugging and trial. It also supports api for free installation.

Infinity-Instruct-7M-0729-Llama3_1-8B install url in huggingface.co:

https://huggingface.co/BAAI/Infinity-Instruct-7M-0729-Llama3_1-8B

Url of Infinity-Instruct-7M-0729-Llama3_1-8B

Infinity-Instruct-7M-0729-Llama3_1-8B huggingface.co Url

Provider of Infinity-Instruct-7M-0729-Llama3_1-8B huggingface.co

BAAI
ORGANIZATIONS

Other API from BAAI

huggingface.co

Total runs: 5.8M
Run Growth: -11.3M
Growth Rate: -193.88%
Updated: February 22 2024
huggingface.co

Total runs: 3.1M
Run Growth: -383.8M
Growth Rate: -12345.71%
Updated: February 21 2024
huggingface.co

Total runs: 3.1M
Run Growth: -261.7K
Growth Rate: -8.57%
Updated: July 03 2024
huggingface.co

Total runs: 3.0M
Run Growth: -21.3K
Growth Rate: -0.70%
Updated: February 21 2024
huggingface.co

Total runs: 771.0K
Run Growth: 364.6K
Growth Rate: 47.29%
Updated: October 12 2023
huggingface.co

Total runs: 753.2K
Run Growth: 101.9K
Growth Rate: 13.53%
Updated: December 13 2023
huggingface.co

Total runs: 302.1K
Run Growth: -99.9K
Growth Rate: -33.06%
Updated: November 14 2023
huggingface.co

Total runs: 47.5K
Run Growth: 36.1K
Growth Rate: 76.08%
Updated: October 12 2023
huggingface.co

Total runs: 34.7K
Run Growth: -445
Growth Rate: -1.28%
Updated: April 17 2024
huggingface.co

Total runs: 29.5K
Run Growth: 5.7K
Growth Rate: 19.21%
Updated: September 25 2024
huggingface.co

Total runs: 16.3K
Run Growth: 8.9K
Growth Rate: 54.45%
Updated: February 22 2024
huggingface.co

Total runs: 11.1K
Run Growth: -34.0K
Growth Rate: -307.55%
Updated: December 26 2022
huggingface.co

Total runs: 9.0K
Run Growth: 5.9K
Growth Rate: 65.59%
Updated: October 12 2023
huggingface.co

Total runs: 4.5K
Run Growth: 831
Growth Rate: 18.52%
Updated: October 12 2023
huggingface.co

Total runs: 3.9K
Run Growth: 3.1K
Growth Rate: 78.78%
Updated: October 27 2023
huggingface.co

Total runs: 3.7K
Run Growth: 2.9K
Growth Rate: 78.21%
Updated: August 15 2024
huggingface.co

Total runs: 3.5K
Run Growth: 3.2K
Growth Rate: 91.44%
Updated: March 07 2024
huggingface.co

Total runs: 3.2K
Run Growth: 2.9K
Growth Rate: 90.42%
Updated: September 21 2023
huggingface.co

Total runs: 2.8K
Run Growth: 1.4K
Growth Rate: 50.02%
Updated: November 28 2024
huggingface.co

Total runs: 2.6K
Run Growth: 2.6K
Growth Rate: 98.57%
Updated: July 02 2024
huggingface.co

Total runs: 2.2K
Run Growth: 34
Growth Rate: 1.52%
Updated: August 15 2024
huggingface.co

Total runs: 2.1K
Run Growth: 1.3K
Growth Rate: 60.39%
Updated: April 19 2024
huggingface.co

Total runs: 2.0K
Run Growth: 343
Growth Rate: 16.93%
Updated: May 13 2024
huggingface.co

Total runs: 2.0K
Run Growth: -2.4K
Growth Rate: -121.28%
Updated: February 07 2024
huggingface.co

Total runs: 705
Run Growth: 209
Growth Rate: 29.65%
Updated: September 18 2023
huggingface.co

Total runs: 703
Run Growth: -77
Growth Rate: -10.95%
Updated: June 07 2024
huggingface.co

Total runs: 655
Run Growth: -11
Growth Rate: -1.68%
Updated: August 15 2024
huggingface.co

Total runs: 502
Run Growth: -903
Growth Rate: -179.88%
Updated: April 02 2024
huggingface.co

Total runs: 492
Run Growth: 426
Growth Rate: 86.59%
Updated: February 07 2024
huggingface.co

Total runs: 477
Run Growth: -948
Growth Rate: -198.74%
Updated: October 12 2023
huggingface.co

Total runs: 402
Run Growth: 29
Growth Rate: 7.21%
Updated: June 24 2024
huggingface.co

Total runs: 271
Run Growth: 216
Growth Rate: 79.70%
Updated: June 21 2024
huggingface.co

Total runs: 190
Run Growth: 155
Growth Rate: 81.58%
Updated: December 31 2022
huggingface.co

Total runs: 174
Run Growth: 75
Growth Rate: 43.10%
Updated: December 21 2023
huggingface.co

Total runs: 135
Run Growth: -49
Growth Rate: -36.30%
Updated: December 21 2023
huggingface.co

Total runs: 117
Run Growth: -43
Growth Rate: -36.75%
Updated: August 23 2023
huggingface.co

Total runs: 104
Run Growth: -375
Growth Rate: -360.58%
Updated: August 23 2023
huggingface.co

Total runs: 77
Run Growth: 19
Growth Rate: 24.68%
Updated: April 18 2023
huggingface.co

Total runs: 61
Run Growth: -20
Growth Rate: -32.79%
Updated: June 24 2024
huggingface.co

Total runs: 52
Run Growth: -40
Growth Rate: -76.92%
Updated: August 15 2024
huggingface.co

Total runs: 42
Run Growth: -133
Growth Rate: -316.67%
Updated: May 13 2024
huggingface.co

Total runs: 34
Run Growth: -14
Growth Rate: -41.18%
Updated: December 25 2023
huggingface.co

Total runs: 31
Run Growth: -31
Growth Rate: -100.00%
Updated: August 28 2024
huggingface.co

Total runs: 28
Run Growth: -3
Growth Rate: -10.71%
Updated: July 24 2023
huggingface.co

Total runs: 25
Run Growth: -74
Growth Rate: -296.00%
Updated: August 15 2024
huggingface.co

Total runs: 25
Run Growth: -4
Growth Rate: -16.00%
Updated: May 31 2024
huggingface.co

Total runs: 22
Run Growth: -22
Growth Rate: -100.00%
Updated: July 05 2024
huggingface.co

Total runs: 16
Run Growth: -22
Growth Rate: -137.50%
Updated: June 17 2024
huggingface.co

Total runs: 13
Run Growth: 9
Growth Rate: 69.23%
Updated: October 09 2023
huggingface.co

Total runs: 9
Run Growth: -11
Growth Rate: -122.22%
Updated: June 17 2024
huggingface.co

Total runs: 9
Run Growth: 3
Growth Rate: 33.33%
Updated: November 28 2023
huggingface.co

Total runs: 7
Run Growth: -2
Growth Rate: -28.57%
Updated: May 13 2024
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: July 25 2024
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: December 07 2022