实践:about ollama
安装
curl -fssl https://ollama.com/install.sh | sh
部署
ollama create example -f modelfile运行
ollama run example终止(ollama加载的大模型将会停止占用显存,此时ollama属于失联状态,部署和运行操作失效,会报错:
error: could not connect to ollama app, is it running?
需要启动后,才可以进行部署和运行操作)
systemctl stop ollama.service终止后启动(启动后,可以接着使用ollama 部署和运行大模型)
systemctl start ollama.service
modelfile contents:
from /home/wangbin/desktop/llama3/dir-unsloth.f16.gguf
parameter stop "<|im_start|>"
parameter stop "<|im_end|>"
template """
<|im_start|>system
{{ .system }}<|im_end|>
<|im_start|>user
{{ .prompt }}<|im_end|>
<|im_start|>assistant
"""
parameter temperature 0.8
parameter num_ctx 8192
parameter stop "<|system|>"
parameter stop "<|user|>"
parameter stop "<|assistant|>"
system """you are a helpful, smart, kind, and efficient ai assistant.your name is aila. you always fulfill the user's requests to the best of your ability."""
ollama 参数:
(unsloth_env) wangbin@wangbin-legion-ren9000k-34irz:~/desktop/llama3$ ollama
usage:
  ollama [flags]
  ollama [command]
available commands:
  serve       start ollama
  create      create a model from a modelfile
  show        show information for a model
  run         run a model
  pull        pull a model from a registry
  push        push a model to a registry
  list        list models
  ps          list running models
  cp          copy a model
  rm          remove a model
  help        help about any command
flags:
  -h, --help      help for ollama
  -v, --version   show version information
卸载
1.stop the ollama service
    first things first, we need to stop the ollama service from running. this ensures a smooth uninstallation process. open your terminal and enter the following command:
sudo systemctl stop ollama
this command halts the ollama service.
2.disable the ollama service
    now that the service is stopped, we need to disable it so that it doesn’t start up again upon system reboot. enter the following command:
sudo systemctl disable ollama
this ensures that ollama won’t automatically start up in the future.
3.remove the service file
    we need to tidy up by removing the service file associated with ollama. enter the following command:
sudo rm /etc/systemd/system/ollama.service
this deletes the service file from your system.
4.delete the ollama binary
    next up, we’ll remove the ollama binary itself. enter the following command:
sudo rm $(which ollama)
this command removes the binary from your bin directory.
5.remove downloaded models and ollama user
    lastly, we’ll clean up any remaining bits and pieces. enter the following commands one by one:
sudo rm -r /usr/share/ollama 
sudo userdel ollama sudo groupdel ollama
these commands delete any downloaded models and remove the ollama user and group from your system.
正文:









清洗pdf:
清洗pdf
import pypdf2
import re
def clean_extracted_text(text):
    """clean and preprocess extracted text."""
    # remove chapter titles and sections
    text = re.sub(r'^(introduction|chapter \d+:|what is|examples:|chapter \d+)', '', text, flags=re.multiline)
    text = re.sub(r'ctitious', 'fictitious', text)
    text = re.sub(r'isbn[- ]13: \d{13}', '', text)
    text = re.sub(r'isbn[- ]10: \d{10}', '', text)
    text = re.sub(r'library of congress control number : \d+', '', text)
    text = re.sub(r'(\.|\?|\!)(\s)', r'\1 \2', text)  # ensure space after punctuation
    text = re.sub(r'all rights reserved|copyright \d{4}', '', text)
    text = re.sub(r'\n\s*\n', '\n', text)
    text = re.sub(r'[^\x00-\x7f]+', ' ', text)
    text = re.sub(r'\s{2,}', ' ', text)
    # remove all newlines and replace newlines only after periods
    text = text.replace('\n', ' ')
    text = re.sub(r'(\.)(\s)', r'\1\n', text)
    return text
def extract_text_from_pdf(pdf_path):
    """extract text from a pdf file."""
    with open(pdf_path, 'rb') as file:
        reader = pypdf2.pdfreader(file)
        text = ''
        for page in reader.pages:
            if page.extract_text():
                text += page.extract_text() + ' '  # append text of each page
    return text
def main():
    pdf_path = '/users/charlesqin/documents/the art of asking chatgpt.pdf'  # path to your pdf file
    extracted_text = extract_text_from_pdf(pdf_path)
    cleaned_text = clean_extracted_text(extracted_text)
    # output the cleaned text to a file
    with open('cleaned_text_output.txt', 'w', encoding='utf-8') as file:
        file.write(cleaned_text)
if __name__ == '__main__':
    main()

微调代码:
from unsloth import fastlanguagemodel
import torch
from trl import sfttrainer
from transformers import trainingarguments
max_seq_length = 2048 # choose any! we auto support rope scaling internally!
dtype = none # none for auto detection. float16 for tesla t4, v100, bfloat16 for ampere+
load_in_4bit = true # use 4bit quantization to reduce memory usage. can be false.
# 4bit pre quantized models we support for 4x faster downloading + no ooms.
fourbit_models = [
    "unsloth/mistral-7b-bnb-4bit",
    "unsloth/mistral-7b-instruct-v0.2-bnb-4bit",
    "unsloth/llama-2-7b-bnb-4bit",
    "unsloth/gemma-7b-bnb-4bit",
    "unsloth/gemma-7b-it-bnb-4bit", # instruct version of gemma 7b
    "unsloth/gemma-2b-bnb-4bit",
    "unsloth/gemma-2b-it-bnb-4bit", # instruct version of gemma 2b
    "unsloth/llama-3-8b-bnb-4bit", # [new] 15 trillion token llama-3
] # more models at https://huggingface.co/unsloth
model, tokenizer = fastlanguagemodel.from_pretrained(
    model_name = "unsloth/llama-3-8b-bnb-4bit",
    max_seq_length = max_seq_length,
    dtype = dtype,
    load_in_4bit = load_in_4bit,
    # token = "hf_...", # use one if using gated models like meta-llama/llama-2-7b-hf
)
model = fastlanguagemodel.get_peft_model(
    model,
    r = 16, # choose any number > 0 ! suggested 8, 16, 32, 64, 128
    target_modules = ["q_proj", "k_proj", "v_proj", "o_proj",
                      "gate_proj", "up_proj", "down_proj",],
    lora_alpha = 16,
    lora_dropout = 0, # supports any, but = 0 is optimized
    bias = "none",    # supports any, but = "none" is optimized
    # [new] "unsloth" uses 30% less vram, fits 2x larger batch sizes!
    use_gradient_checkpointing = "unsloth", # true or "unsloth" for very long context
    random_state = 3407,
    use_rslora = false,  # we support rank stabilized lora
    loftq_config = none, # and loftq
)
alpaca_prompt = """below is an instruction that describes a task, paired with an input that provides further context. write a response that appropriately completes the request.
### instruction:
{}
### input:
{}
### response:
{}"""
eos_token = tokenizer.eos_token # must add eos_token
def formatting_prompts_func(examples):
    instructions = examples["instruction"]
    inputs       = examples["input"]
    outputs      = examples["output"]
    texts = []
    for instruction, input, output in zip(instructions, inputs, outputs):
        # must add eos_token, otherwise your generation will go on forever!
        text = alpaca_prompt.format(instruction, input, output) + eos_token
        texts.append(text)
    return { "text" : texts, }
pass
from datasets import load_dataset
file_path = "/home/ubuntu/alpaca_gpt4_data_zh.json"
dataset = load_dataset("json", data_files={"train": file_path}, split="train")
dataset = dataset.map(formatting_prompts_func, batched = true,)
trainer = sfttrainer(
    model = model,
    tokenizer = tokenizer,
    train_dataset = dataset,
    dataset_text_field = "text",
    max_seq_length = max_seq_length,
    dataset_num_proc = 2,
    packing = false, # can make training 5x faster for short sequences.
    args = trainingarguments(
        per_device_train_batch_size = 2,
        gradient_accumulation_steps = 4,
        warmup_steps = 5,
        max_steps = 60,
        learning_rate = 2e-4,
        fp16 = not torch.cuda.is_bf16_supported(),
        bf16 = torch.cuda.is_bf16_supported(),
        logging_steps = 1,
        optim = "adamw_8bit",
        weight_decay = 0.01,
        lr_scheduler_type = "linear",
        seed = 3407,
        output_dir = "outputs",
    ),
)
trainer_stats = trainer.train()
model.save_pretrained_gguf("dir", tokenizer, quantization_method = "q4_k_m")
model.save_pretrained_gguf("dir", tokenizer, quantization_method = "q8_0")
model.save_pretrained_gguf("dir", tokenizer, quantization_method = "f16")
ollama:









lm studio:












我们使用经过fine tuning以后的llama3大模型,询问它问题:

然后我们使用没有经过fine tuning的llama3,还是用刚才的问题询问它:

reference link:https://www.youtube.com/watch?v=oxtvzgwkeou
 
             我要评论
我要评论 
                                             
                                             
                                            
发表评论