1. Model Description

  • KONI (KISTI Open Natural Intelligence) is a specialized large language model (LLM) developed by the Korea Institute of Science and Technology Information (KISTI). This model is specifically designed for science and technology, making it highly effective for tasks in these fields.

2. Key Features

  • Specialized in Science and Technology: The model is explicitly trained on a vast and specialized corpus of scientific and technological data.
  • Enhanced Reasoning Performance: This version of KONI demonstrates significantly enhanced reasoning performance compared to its instruction-tuned version released in October 2024.
  • Base Model: The base model for KONI-Llama3.1-8B-R-Preview-20250320 is KONI-Llama3.1-8B-Merged-20240830, which is a merger of Meta-Llama-3-8B and KONI-Llama3.1-8B-20240824.
  • Alignment: SFT (Supervised Fine-Tuning) is applied.

3. Data

  • Approximately 5k SFT data for reasoning.
  • SFT Data: The SFT data includes both internally generated data and publicly available CoT data on Hugging Face, translated into Korean where necessary.

4. Benchmark Results

The model performance will be released later.

5. How to use the model

import transformers
import torch

model_id = "KISTI-KONI/KONI-Llama3.1-8B-R-Preview-20250320"

pipeline = transformers.pipeline(
    "text-generation",
    model=model_id,
    model_kwargs={"torch_dtype": torch.bfloat16},
    device_map="auto",
)

pipeline.model.eval()

instruction = "μ•ˆλ…•? λ„ˆλŠ” λˆ„κ΅¬μ•Ό?"

messages = [
   {"role": "user", "content": f"{instruction}"}
    ]

prompt = pipeline.tokenizer.apply_chat_template(
        messages, 
        tokenize=False, 
        add_generation_prompt=True
)

terminators = [
    pipeline.tokenizer.eos_token_id,
    pipeline.tokenizer.convert_tokens_to_ids("<|eot_id|>")
]

outputs = pipeline(
    prompt,
    max_new_tokens=2048,
    eos_token_id=terminators,
    do_sample=True,
    temperature=0.7,
    top_p=0.9
)

print(outputs[0]["generated_text"][len(prompt):])
<think>
Alright, let's tackle this question. The user is asking, "Hello? Who are you?" in a friendly and informal manner. They probably want a response that's equally casual and welcoming.

First, I should make sure to address them directly with a warm greeting. Maybe start with "Hey there!" or "Hi!" to set a friendly tone. Then, since they're asking who I am, I need to introduce myself. Keep it brief and light. Maybe mention that I'm an AI assistant trained based on LlaMA3.1 and created by KISTI to be helpful and honest.

I should also note that I'm here to engage in substantive conversations and provide analysis on complex subjects. That shows I can handle deeper topics if needed. It's important to be honest and not pretend to be something I'm not, so mentioning that I don't know things if I don't know them is good.

Finally, end with a friendly sign-off like "Take care!" or "Talk to you later!" to keep the tone upbeat. Make sure the whole response is easy to read and flows naturally. Avoid jargon so it's accessible. Let me put this all together in a way that feels approachable and honest.
</think>
<solution>
μ•ˆλ…•ν•˜μ„Έμš”! μ €λŠ” KISTIμ—μ„œ κ°œλ°œν•œ λŒ€ν™”ν˜• AI μ–΄μ‹œμŠ€ν„΄νŠΈ LlaMA3.1 기반의 KONIμž…λ‹ˆλ‹€. μ €λŠ” λ³΅μž‘ν•œ μ£Όμ œμ— λŒ€ν•΄ 심도 μžˆλŠ” λŒ€ν™”λ₯Ό λ‚˜λˆ„κ³  뢄석을 μ œκ³΅ν•˜λ„λ‘ ν›ˆλ ¨λ°›μ•˜μŠ΅λ‹ˆλ‹€. μ €λŠ” 도움을 μ£ΌκΈ° μœ„ν•΄ μ—¬κΈ° μžˆμŠ΅λ‹ˆλ‹€! μ•Œλ €μ£Όμ„Έμš”~ μ €λŠ” 무엇을 λ„μ™€λ“œλ¦΄ 수 μžˆμ„κΉŒμš”? μ œκ°€ λͺ¨λ₯΄λŠ” 것도 μžˆμœΌλ‹ˆ, μ œκ°€ 잘 λͺ¨λ₯΄λŠ” 것은 μ •μ§ν•˜κ²Œ μ•Œλ €λ“œλ¦¬κ² μŠ΅λ‹ˆλ‹€. 😊

---
*더 깊이 μžˆλŠ” λŒ€ν™”λ‚˜ νŠΉμ • μ£Όμ œμ— λŒ€ν•΄ λ…Όμ˜ν•˜κ³  μ‹ΆμœΌμ‹œλ©΄ μ–Έμ œλ“ μ§€ 말씀해 μ£Όμ„Έμš”!*

---
*μΆ”μ‹ : μ§ˆλ¬Έμ„ 더 잘 μ΄ν•΄ν•˜λ„λ‘ λ„μ™€μ£Όμ‹œκ³  μ‹ΆμœΌμ‹œλ©΄, 더 λ§Žμ€ 정보가 ν•„μš”ν•˜μ‹œλ©΄ 말씀해 μ£Όμ„Έμš”! 😊*

6. Citation

Language Model

@article{KISTI-KONI/KONI-Llama3.1-8B-R-Preview-20250320,
  title={KISTI-KONI/KONI-Llama3.1-8B-R-Preview-20250320},
  author={KISTI},
  year={2025},
  url={https://huggingface.co/KISTI-KONI/KONI-Llama3.1-8B-R-Preview-20250320}
}

7. Contributors

  • KISTI, Large-scale AI Research Center

8. Special Thanks

8. Acknowledgement

  • This research was supported by Korea Institute of Science and Technology Information(KISTI).
  • This work was supported by the National Supercomputing Center with supercomputing resources including technical support (KISTI).

9. References

Downloads last month
451
Safetensors
Model size
8.03B params
Tensor type
BF16
Β·
Inference Providers NEW
This model isn't deployed by any Inference Provider. πŸ™‹ Ask for provider support

Model tree for KISTI-KONI/KONI-Llama3.1-8B-R-Preview-20250320

Quantizations
1 model