--- base_model: unsloth/gemma-1.1-2b-it-bnb-4bit language: - en - vi license: apache-2.0 tags: - text-generation-inference - retrieval-augmented-generation - transformers - unsloth - gemma - trl - sft --- ## Model Card: vi-gemma-2b-RAG ### (English below) ### Tiếng Việt (Vietnamese) **Mô tả mô hình:** vi-gemma-2b-RAG là một mô hình ngôn ngữ lớn được tinh chỉnh từ mô hình cơ sở [google/gemma-1.1-2b-it](https://huggingface.co/google/gemma-1.1-2b-it) sử dụng kỹ thuật LoRA. Mô hình được huấn luyện trên tập dữ liệu tiếng Việt với mục tiêu cải thiện khả năng xử lý ngôn ngữ tiếng Việt và nâng cao hiệu suất cho các tác vụ truy xuất thông tin mở (Retrieval Augmented Generation - RAG). **Mục đích sử dụng:** Mô hình vi-gemma-2b-RAG phù hợp cho các tác vụ sau: * Trả lời câu hỏi dựa trên ngữ cảnh tiếng Việt. * Tóm tắt văn bản tiếng Việt. * Dịch máy tiếng Việt. * Và các tác vụ tạo văn bản tiếng Việt khác. **Giới hạn:** Mặc dù đã được tinh chỉnh cho tiếng Việt, vi-gemma-2b-RAG vẫn có thể gặp phải một số hạn chế: * Có thể tạo ra thông tin sai lệch hoặc không chính xác. * Có thể thể hiện thành kiến ​​hoặc quan điểm không phù hợp. * Hiệu suất có thể bị ảnh hưởng bởi chất lượng của dữ liệu đầu vào. **Cách sử dụng:** Dưới đây chúng tôi chia sẻ một số đoạn mã về cách bắt đầu nhanh chóng để sử dụng mô hình. Trước tiên, hãy đảm bảo đã cài đặt `pip install -U transformers`, sau đó sao chép đoạn mã từ phần có liên quan đến usecase của bạn. Chúng tôi khuyến nghị sử dụng `torch.bfloat16` làm mặc định. ```python # pip install transformers torch accelerate from transformers import AutoTokenizer, AutoModelForCausalLM import torch # Khởi tạo tokenizer và model từ checkpoint đã lưu tokenizer = AutoTokenizer.from_pretrained("himmeow/vi-gemma-2b-RAG") model = AutoModelForCausalLM.from_pretrained( "himmeow/vi-gemma-2b-RAG", device_map="auto", torch_dtype=torch.bfloat16 ) # Sử dụng GPU nếu có if torch.cuda.is_available(): model.to("cuda") # Định dạng prompt cho model prompt = """ ### Instruction and Input: Dựa vào ngữ cảnh/tài liệu sau: {} Hãy trả lời câu hỏi: {} ### Response: {} """ # Chuẩn bị dữ liệu đầu vào input_data = """ Short Tandem Repeats (STRs) là các trình tự DNA lặp lại ngắn (2- 6 nucleotides) xuất hiện phổ biến trong hệ gen của con người. Các trình tự này có tính đa hình rất cao trong tự nhiên, điều này khiến các STRs trở thành những markers di truyền rất quan trọng trong nghiên cứu bản đồ gen người và chuẩn đoán bệnh lý di truyền cũng như xác định danh tính trong lĩnh vực pháp y. Các STRs trở nên phổ biến tại các phòng xét nghiệm pháp y bởi vì việc nhân bản và phân tích STRs chỉ cần lượng DNA rất thấp ngay cả khi ở dạng bị phân hủy việc đinh danh vẫn có thể được thực hiện thành công. Hơn nữa việc phát hiện và đánh giá sự nhiễm DNA mẫu trong các mẫu vật có thể được giải quyết nhanh với kết quả phân tích STRs. Ở Hoa Kỳ hiện nay, từ bộ 13 markers nay đã tăng lên 20 markers chính đang được sử dụng để tạo ra một cơ sở dữ liệu DNA trên toàn đất nước được gọi là The FBI Combined DNA Index System (Expaned CODIS). CODIS và các cơ sử dữ liệu DNA tương tự đang được sử dụng thực sự thành công trong việc liên kết các hồ sơ DNA từ các tội phạm và các bằng chứng hiện trường vụ án. Kết quả định danh STRs cũng được sử dụng để hỗ trợ hàng trăm nghìn trường hợp xét nghiệm huyết thống cha con mỗi năm' """ query = "Hãy cho tôi biết một số tính chất của STRs được dùng để làm gì?" # Định dạng input text input_text = prompt.format(input_data, query," ") # Mã hóa input text thành input ids input_ids = tokenizer(input_text, return_tensors="pt") # Sử dụng GPU cho input ids nếu có if torch.cuda.is_available(): input_ids = input_ids.to("cuda") # Tạo văn bản bằng model outputs = model.generate( **input_ids, max_new_tokens=500, no_repeat_ngram_size=5, # Ngăn chặn lặp lại các cụm từ 5 gram # do_sample=True, # Kích hoạt chế độ tạo văn bản dựa trên lấy mẫu. Trong chế độ này, model sẽ chọn ngẫu nhiên token tiếp theo dựa trên xác suất được tính từ phân phối xác suất của các token. # temperature=0.7, # Giảm temperature để kiểm soát tính ngẫu nhiên # early_stopping=True, # Dừng tạo văn bản khi tìm thấy kết thúc phù hợp ) # Giải mã và in kết quả print(tokenizer.decode(outputs[0])) ''' ### Instruction and Input: Dựa vào ngữ cảnh/tài liệu sau: Short Tandem Repeats (STRs) là các trình tự DNA lặp lại ngắn (2- 6 nucleotides) xuất hiện phổ biến trong hệ gen của con người. Các trình tự này có tính đa hình rất cao trong tự nhiên, điều này khiến các STRs trở thành những markers di truyền rất quan trọng trong nghiên cứu bản đồ gen người và chuẩn đoán bệnh lý di truyền cũng như xác định danh tính trong lĩnh vực pháp y. Các STRs trở nên phổ biến tại các phòng xét nghiệm pháp y bởi vì việc nhân bản và phân tích STRs chỉ cần lượng DNA rất thấp ngay cả khi ở dạng bị phân hủy việc đinh danh vẫn có thể được thực hiện thành công. Hơn nữa việc phát hiện và đánh giá sự nhiễm DNA mẫu trong các mẫu vật có thể được giải quyết nhanh với kết quả phân tích STRs. Ở Hoa Kỳ hiện nay, từ bộ 13 markers nay đã tăng lên 20 markers chính đang được sử dụng để tạo ra một cơ sở dữ liệu DNA trên toàn đất nước được gọi là The FBI Combined DNA Index System (Expaned CODIS). CODIS và các cơ sử dữ liệu DNA tương tự đang được sử dụng thực sự thành công trong việc liên kết các hồ sơ DNA từ các tội phạm và các bằng chứng hiện trường vụ án. Kết quả định danh STRs cũng được sử dụng để hỗ trợ hàng trăm nghìn trường hợp xét nghiệm huyết thống cha con mỗi năm' Hãy trả lời câu hỏi: Hãy cho tôi biết một số tính chất của STRs được dùng để làm gì? ### Response: STRs được sử dụng để xác định danh tính, chuẩn đoán bệnh lý và xác định bệnh lý di truyền. ''' ``` **Huấn luyện:** * **Mô hình cơ sở:** google/gemma-1.1-2b-it * **Tập dữ liệu:** lamhieu/mabrycodes_dialogue_vi * **Phương pháp tinh chỉnh:** LoRA, PEFT với Unsloth ## Model Card: vi-gemma-2b-RAG ### English **Model Description:** vi-gemma-2b-RAG is a large language model fine-tuned from the base model [google/gemma-1.1-2b-it](https://huggingface.co/google/gemma-1.1-2b-it) using LoRA. The model is trained on a Vietnamese dataset to improve its Vietnamese language processing capabilities and enhance its performance for Retrieval Augmented Generation (RAG) tasks. **Intended Use:** The vi-gemma-2b-RAG model is suitable for tasks such as: * Vietnamese question answering. * Vietnamese text summarization. * Vietnamese machine translation. * And other Vietnamese text generation tasks. **Limitations:** While fine-tuned for Vietnamese, vi-gemma-2b-RAG may still have some limitations: * It may generate incorrect or misleading information. * It may exhibit biases or inappropriate opinions. * Its performance may be affected by the quality of the input data. **How to Use:** ### Usage Below we share some code snippets on how to get quickly started with running the model. First make sure to `pip install -U transformers`, then copy the snippet from the section that is relevant for your usecase. We recommend `torch.bfloat16` as the default dtype. ```python # pip install transformers torch accelerate from transformers import AutoTokenizer, AutoModelForCausalLM import torch # Initialize the tokenizer and model from the saved checkpoint tokenizer = AutoTokenizer.from_pretrained("himmeow/vi-gemma-2b-RAG") model = AutoModelForCausalLM.from_pretrained( "himmeow/vi-gemma-2b-RAG", device_map="auto", torch_dtype=torch.bfloat16 ) # Use GPU if available if torch.cuda.is_available(): model.to("cuda") # Define the prompt format for the model prompt = """ ### Instruction and Input: Based on the following context/document: {} Please answer the question: {} ### Response: {} """ # Prepare the input data input_data = """ Short Tandem Repeats (STRs) are short (2-6 nucleotides) repeating DNA sequences that are widespread in the human genome. These sequences are highly polymorphic in nature, which makes STRs very important genetic markers in human gene mapping and diagnosis of hereditary diseases as well as identification in the field of forensics. STRs have become popular in forensic laboratories because the replication and analysis of STRs requires very small amounts of DNA, even in decomposed form, identification can still be performed successfully. Furthermore, the detection and assessment of sample DNA contamination in specimens can be quickly resolved with STR analysis results. In the United States today, the set of 13 markers has now been increased to 20 main markers being used to create a nationwide DNA database called The FBI Combined DNA Index System (Expaned CODIS). CODIS and similar DNA databases are being used very successfully in linking DNA records from criminals and crime scene evidence. STR identification results are also used to support hundreds of thousands of paternity test cases each year.' """ query = "Tell me what are some properties of STRs used for?" # Format the input text input_text = prompt.format(input_data, query," ") # Encode the input text into input ids input_ids = tokenizer(input_text, return_tensors="pt") # Use GPU for input ids if available if torch.cuda.is_available(): input_ids = input_ids.to("cuda") # Generate text using the model outputs = model.generate( **input_ids, max_new_tokens=500, # Limit the number of tokens generated no_repeat_ngram_size=5, # Prevent repetition of 5-gram phrases # do_sample=True, # temperature=0.7, # Adjust the randomness of the generated text # early_stopping=True, # Stop generating text when a suitable ending is found ) # Decode and print the results print(tokenizer.decode(outputs[0])) ``` **Training:** * **Base Model:** google/gemma-1.1-2b-it * **Dataset:** lamhieu/mabrycodes_dialogue_vi * **Fine-tuning Method:** LoRA, PEFT and Unsloth **Using example repository:** https://github.com/Martincrux/Vietnamese-RAG-system-building-with-vi-gemma-2b-RAG-and-halong_embedding # Uploaded model - **Developed by:** [hiieu](https://huggingface.co/hiieu), [himmeow the coder](https://viblo.asia/u/MartinCrux), [cuctrinh](https://www.linkedin.com/in/trinh-cuc-5722832b6) - **License:** apache-2.0 - **Finetuned from model :** unsloth/gemma-1.1-2b-it-bnb-4bit This gemma model was trained 2x faster with [Unsloth](https://github.com/unslothai/unsloth) and Huggingface's TRL library. [](https://github.com/unslothai/unsloth)