BAAI / Infinity-Instruct-3M-0625-Llama3-70B

huggingface.co
Total runs: 29
24-hour runs: 0
7-day runs: 8
30-day runs: 6
Model's Last Updated: July 09 2024
text-generation

Introduction of Infinity-Instruct-3M-0625-Llama3-70B

Model Details of Infinity-Instruct-3M-0625-Llama3-70B

Infinity Instruct

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

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

News
Training Details

Infinity-Instruct-3M-0625-Llama3-70B is tuned on Million-level instruction dataset Infinity-Instruct . First, we apply the foundational dataset Infinity-Instruct-3M to improve the foundational ability (math & code) of Llama3-70B, and get the foundational instruct model Infinity-Instruct-3M-Llama3-70B. Then we finetune the Infinity-Instruct-3M-Llama3-70B to get the stronger chat model Infinity-Instruct-3M-0625-Llama3-70B. 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
GPT 3.5 Turbo 0613 8.4 22.7
Mixtral 8x7B v0.1 8.3 23.7
Gemini Pro -- 24.4
GPT4-0613 9.2 30.2
Llama-3-70B-Instruct 9.0 34.4
InfInstruct-3M-0613-Llama3-70B* 8.7 31.5
InfInstruct-3M-0625-Llama3-70B* 8.9 38.0

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

We evaluate Infinity-Instruct-3M-0625-Llama3-70B on the two most popular instructions following benchmarks. Mt-Bench is a set of challenging multi-turn questions including code, math and routine dialogue. AlpacaEval2.0 is based on AlpacaFarm evaluation set. Both of these two benchmarks use GPT-4 to judge the model answer. AlpacaEval2.0 displays a high agreement rate with human-annotated benchmark, Chatbot Arena. The result shows that InfInstruct-3M-0613-Llama3-70B achieved 31.2 in AlpacaEval2.0, which is higher than the 30.4 of GPT4-0613 and the 34.4 of the official Llama-3-70B-Instruct although it does not yet use RLHF.

How to use

Infinity-Instruct-3M-0625-Llama3-70B adopt the same chat template of Llama3-70B-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-3M-0625-Llama3-70B",
    torch_dtype=torch.bfloat16,
    device_map="auto"
)
tokenizer = AutoTokenizer.from_pretrained("BAAI/Infinity-Instruct-3M-0625-Llama3-70B")

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-3M-0625-Llama3-70B on huggingface.co

29
Total runs
0
24-hour runs
5
3-day runs
8
7-day runs
6
30-day runs

More Information About Infinity-Instruct-3M-0625-Llama3-70B huggingface.co Model

More Infinity-Instruct-3M-0625-Llama3-70B license Visit here:

https://choosealicense.com/licenses/apache-2.0

Infinity-Instruct-3M-0625-Llama3-70B huggingface.co

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

Infinity-Instruct-3M-0625-Llama3-70B huggingface.co Url

https://huggingface.co/BAAI/Infinity-Instruct-3M-0625-Llama3-70B

BAAI Infinity-Instruct-3M-0625-Llama3-70B online free

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

BAAI Infinity-Instruct-3M-0625-Llama3-70B online free url in huggingface.co:

https://huggingface.co/BAAI/Infinity-Instruct-3M-0625-Llama3-70B

Infinity-Instruct-3M-0625-Llama3-70B install

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

Infinity-Instruct-3M-0625-Llama3-70B install url in huggingface.co:

https://huggingface.co/BAAI/Infinity-Instruct-3M-0625-Llama3-70B

Url of Infinity-Instruct-3M-0625-Llama3-70B

Infinity-Instruct-3M-0625-Llama3-70B huggingface.co Url

Provider of Infinity-Instruct-3M-0625-Llama3-70B huggingface.co

BAAI
ORGANIZATIONS

Other API from BAAI

huggingface.co

Total runs: 4.9M
Run Growth: 238.0K
Growth Rate: 4.70%
Updated: February 22 2024
huggingface.co

Total runs: 2.2M
Run Growth: -1.6M
Growth Rate: -70.83%
Updated: February 21 2024
huggingface.co

Total runs: 2.2M
Run Growth: 34.0K
Growth Rate: 1.57%
Updated: July 03 2024
huggingface.co

Total runs: 1.6M
Run Growth: -95.3K
Growth Rate: -5.87%
Updated: February 21 2024
huggingface.co

Total runs: 922.5K
Run Growth: -114.0K
Growth Rate: -12.20%
Updated: June 24 2024
huggingface.co

Total runs: 810.2K
Run Growth: 362.4K
Growth Rate: 43.54%
Updated: April 02 2024
huggingface.co

Total runs: 702.1K
Run Growth: -7.5K
Growth Rate: -1.05%
Updated: December 13 2023
huggingface.co

Total runs: 579.5K
Run Growth: 156.4K
Growth Rate: 27.02%
Updated: October 12 2023
huggingface.co

Total runs: 137.4K
Run Growth: 15.6K
Growth Rate: 11.29%
Updated: October 12 2023
huggingface.co

Total runs: 122.8K
Run Growth: -63.0K
Growth Rate: -49.63%
Updated: November 14 2023
huggingface.co

Total runs: 77.4K
Run Growth: 21.6K
Growth Rate: 28.71%
Updated: April 17 2024
huggingface.co

Total runs: 22.1K
Run Growth: 18.0K
Growth Rate: 66.40%
Updated: October 12 2023
huggingface.co

Total runs: 21.0K
Run Growth: -1.5K
Growth Rate: -7.30%
Updated: January 15 2025
huggingface.co

Total runs: 11.7K
Run Growth: -17.9K
Growth Rate: -126.21%
Updated: October 12 2023
huggingface.co

Total runs: 6.3K
Run Growth: -530
Growth Rate: -8.38%
Updated: December 26 2022
huggingface.co

Total runs: 5.8K
Run Growth: 1.9K
Growth Rate: 32.81%
Updated: September 21 2023
huggingface.co

Total runs: 5.7K
Run Growth: 2.0K
Growth Rate: 30.79%
Updated: February 22 2024
huggingface.co

Total runs: 5.6K
Run Growth: 1.4K
Growth Rate: 25.86%
Updated: August 15 2024
huggingface.co

Total runs: 3.9K
Run Growth: 1.1K
Growth Rate: 27.68%
Updated: October 12 2023
huggingface.co

Total runs: 3.0K
Run Growth: 1.2K
Growth Rate: 40.86%
Updated: August 15 2024
huggingface.co

Total runs: 2.0K
Run Growth: -1.2K
Growth Rate: -55.97%
Updated: October 23 2024
huggingface.co

Total runs: 2.0K
Run Growth: 282
Growth Rate: 18.50%
Updated: October 23 2024
huggingface.co

Total runs: 1.9K
Run Growth: 220
Growth Rate: 10.80%
Updated: February 07 2024
huggingface.co

Total runs: 1.6K
Run Growth: -13
Growth Rate: -0.76%
Updated: September 18 2023
huggingface.co

Total runs: 1.3K
Run Growth: -650
Growth Rate: -48.51%
Updated: November 28 2024
huggingface.co

Total runs: 1.2K
Run Growth: 429
Growth Rate: 34.10%
Updated: October 24 2024
huggingface.co

Total runs: 974
Run Growth: 854
Growth Rate: 84.98%
Updated: April 02 2024
huggingface.co

Total runs: 766
Run Growth: 614
Growth Rate: 78.82%
Updated: January 15 2025
huggingface.co

Total runs: 690
Run Growth: 409
Growth Rate: 57.85%
Updated: October 27 2023
huggingface.co

Total runs: 645
Run Growth: 372
Growth Rate: 56.79%
Updated: March 07 2024
huggingface.co

Total runs: 626
Run Growth: 524
Growth Rate: 92.25%
Updated: April 19 2024
huggingface.co

Total runs: 483
Run Growth: -285
Growth Rate: -59.62%
Updated: June 07 2024
huggingface.co

Total runs: 402
Run Growth: 349
Growth Rate: 83.89%
Updated: January 14 2025
huggingface.co

Total runs: 343
Run Growth: 214
Growth Rate: 67.08%
Updated: June 24 2024
huggingface.co

Total runs: 289
Run Growth: 245
Growth Rate: 84.19%
Updated: January 01 2025
huggingface.co

Total runs: 273
Run Growth: 394
Growth Rate: 99.24%
Updated: April 18 2023
huggingface.co

Total runs: 248
Run Growth: 16
Growth Rate: 7.08%
Updated: August 15 2024
huggingface.co

Total runs: 204
Run Growth: 102
Growth Rate: 56.67%
Updated: December 21 2023
huggingface.co

Total runs: 146
Run Growth: -121
Growth Rate: -82.88%
Updated: June 24 2024
huggingface.co

Total runs: 122
Run Growth: -140
Growth Rate: -116.67%
Updated: October 28 2023
huggingface.co

Total runs: 116
Run Growth: 74
Growth Rate: 62.71%
Updated: August 23 2023
huggingface.co

Total runs: 103
Run Growth: 41
Growth Rate: 46.59%
Updated: August 23 2023
huggingface.co

Total runs: 102
Run Growth: -14
Growth Rate: -17.07%
Updated: August 15 2024
huggingface.co

Total runs: 94
Run Growth: 74
Growth Rate: 78.72%
Updated: December 31 2022
huggingface.co

Total runs: 71
Run Growth: -13
Growth Rate: -19.12%
Updated: December 21 2023
huggingface.co

Total runs: 55
Run Growth: -107
Growth Rate: -187.72%
Updated: June 21 2024
huggingface.co

Total runs: 42
Run Growth: 99
Growth Rate: 86.09%
Updated: January 20 2025
huggingface.co

Total runs: 41
Run Growth: -13
Growth Rate: -32.50%
Updated: August 15 2024
huggingface.co

Total runs: 32
Run Growth: -6
Growth Rate: -18.75%
Updated: August 28 2024
huggingface.co

Total runs: 30
Run Growth: 7
Growth Rate: 24.14%
Updated: July 24 2023
huggingface.co

Total runs: 29
Run Growth: 17
Growth Rate: 58.62%
Updated: July 05 2024
huggingface.co

Total runs: 29
Run Growth: -22
Growth Rate: -75.86%
Updated: February 07 2024
huggingface.co

Total runs: 26
Run Growth: 1
Growth Rate: 3.85%
Updated: December 25 2023
huggingface.co

Total runs: 26
Run Growth: 22
Growth Rate: 100.00%
Updated: February 11 2025