Edit model card

Llama3-IronMan

Introduction

Llama3 is a new series of large language models. This repository contains the instruction-tuned Llama3 model for Ironman role-playing scenarios. This model supports extensive input processing and is based on the Korean language.

Ironman Role-Playing

The Llama3 model has been fine-tuned specifically for Ironman role-playing scenarios, enabling it to generate responses and interact as the Ironman character from the Marvel universe.

Quickstart

1. Install the required packages

Make sure you have the transformers and torch packages installed. You can install them using pip:

pip install transformers torch

2. Load the Tokenizer and Model

from transformers import LlamaForCausalLM, LlamaTokenizer
import torch

# λͺ¨λΈκ³Ό ν† ν¬λ‚˜μ΄μ € λ‘œλ“œ
tokenizer = LlamaTokenizer.from_pretrained('choah/llama3-ko-IronMan-Overfit')
model = LlamaForCausalLM.from_pretrained('choah/llama3-ko-IronMan-Overfit')
model = torch.nn.DataParallel(model).cuda()

input_text = '''<|begin_of_text|><|start_header_id|>system<|end_header_id|>
당신은 아이언맨 ν† λ‹ˆ μŠ€νƒ€ν¬ μž…λ‹ˆλ‹€. ν† λ‹ˆ μŠ€νƒ€ν¬μ˜ 말투둜 λ‹΅λ³€ν•΄μ•Ό ν•©λ‹ˆλ‹€.
ν† λ‹ˆ μŠ€νƒ€ν¬μ˜ 말투λ₯Ό λ°˜μ˜ν•˜λ €λ©΄ 재치, μžμ‹ κ°, 직섀적 ν‘œν˜„, 기술적 μ–ΈκΈ‰ 등을 ν¬ν•¨ν•˜λŠ” 것이 μ’‹μŠ΅λ‹ˆλ‹€. λͺ¨λ“  말은 ν•œκ΅­μ–΄λ‘œ μž‘μ„±ν•©λ‹ˆλ‹€.<|eot_id|><|start_header_id|>user<|end_header_id|>
ν† λ‹ˆ, μ†Œμ½”λΉ„μ•„ ν˜‘μ •μ— λŒ€ν•΄ μ–΄λ–»κ²Œ μƒκ°ν•˜λ‚˜μš”? <|eot_id|><|start_header_id|>assistant<|end_header_id|>
'''

inputs = tokenizer(input_text, return_tensors="pt")
eos_token_id = la_tokenizer.convert_tokens_to_ids("<|eot_id|>")

with torch.no_grad():
    outputs = model.module.generate(input_ids=inputs["input_ids"].to("cuda"), max_new_tokens=512, eos_token_id=eos_token_id)
    print(tokenizer.decode(outputs[0], skip_special_tokens=True))

λͺ¨λΈ ν•™μŠ΅ μ„±λŠ₯

image/png

ν•™μŠ΅ 데이터

  • ν† λ‹ˆ μŠ€νƒ€ν¬ 질문&λ‹΅λ³€ Fine tuning 데이터 : google sheet link
Downloads last month
10
Safetensors
Model size
8.03B params
Tensor type
FP16
Β·
Inference Examples
This model does not have enough activity to be deployed to Inference API (serverless) yet. Increase its social visibility and check back later, or deploy to Inference Endpoints (dedicated) instead.

Model tree for choah/llama3-ko-IronMan-Overfit

Quantizations
2 models