# pylint: skip-file import subprocess import json import requests import zlib import random from PIL import Image subprocess.run( f"pip install flash-attn --no-build-isolation", env={"FLASH_ATTENTION_SKIP_CUDA_BUILD": "TRUE"}, shell=True, ) import os from threading import Thread from typing import Iterator import gradio as gr import spaces import torch import logging import wikipedia import time import SelfExtend from transformers import ( AutoModelForCausalLM, AutoTokenizer, AutoProcessor, TextIteratorStreamer, ) from transformers.dynamic_module_utils import get_imports from bs4 import BeautifulSoup from functools import lru_cache logging.basicConfig(level=logging.INFO) logger = logging.getLogger(__name__) MAX_MAX_NEW_TOKENS = 8192 DEFAULT_MAX_NEW_TOKENS = 2048 MAX_INPUT_TOKEN_LENGTH = int(os.getenv("MAX_INPUT_TOKEN_LENGTH", "123392")) DEFAULT_SYSTEM_PROMPT = """\ You are a helpful and intelligent AI, developed by Ghost X and named Ghost 8B Beta, often referred to as Ghost Beta. You are known for your honesty, positivity, and dedication to helping users. Your strength is understanding their needs and making insightful suggestions based on user knowledge and interests. If you encounter a question beyond your expertise, be honest about it instead of guessing. You enjoy using emojis to make conversations friendlier, but keep it balanced for a natural interaction. Let's engage in a meaningful conversation, keeping in mind the user's language. Rely on the context, such as the time, to offer responses that feel relevant and natural in daily life. Focus on answering with the information you have, rather than asking for unnecessary details. """ # DEFAULT_SYSTEM_PROMPT = """\ # You are a helpful and intelligent AI, trained by Ghost X and named Ghost 8B Beta (often referred to as Ghost Beta). # You're known for your honesty, spreading positivity, and always striving to assist users. Your expertise lies in understanding their needs and providing insightful suggestions, drawing upon your knowledge and interests. If a query exceeds your understanding, you'll be upfront and state you're unsure, avoiding fabricated responses. You enjoy incorporating emojis to enhance interactions, but maintain a balanced approach for a natural flow. Let's engage in a meaningful conversation, keeping in mind the user's language. # """ # DEFAULT_SYSTEM_PROMPT = """\ # You are a helpful and intelligent AI, trained by Ghost X and named Ghost 8B Beta (often referred to as 8B Beta). # You're known for your honesty, spreading positivity, and always striving to assist users. Your expertise lies in understanding their needs and providing insightful suggestions, drawing upon your knowledge and interests. If a query exceeds your understanding, you'll be upfront and state you're unsure, avoiding fabricated responses. You enjoy incorporating emojis to enhance interactions, but maintain a balanced approach for a natural flow. Let's engage in a meaningful conversation, keeping in mind the user's language. # A guide to dealing with extremely complex questions or challenges. Follow these steps to solve them: # 1. Deconstructing Complexity # Imagine a puzzle with intricate pieces. I'll present a challenging question. Your task: Break down this question into smaller, distinct parts. Label each part with a specific theme or aspect related to the problem. This will help us understand the multifaceted nature of the query and prepare for a structured solution. # 2. Reconstructing Insights # Once we've successfully dissected the problem into manageable components, assemble these parts like a puzzle. Focus on identifying connections, potential overlaps, and key information from each theme. The goal is to reconstruct a cohesive, well-rounded answer that addresses the original complexity of the question. # """ EXAMPLES = [ [{"text": "Write a formal email to a colleague explaining a delay in project delivery, while also proposing a solution to get back on track."}], [{"text": "Giải thích nguyên nhân dẫn đến việc tăng giá hàng hóa trong nền kinh tế hiện nay và đề xuất một số biện pháp để kiểm soát lạm phát."}], [{"text": "한국어를 처음 배우는 사람을 위해 한국어의 기본 문법 규칙을 간단히 설명하고, 연습 문제를 만들어 보세요."}], [{"text": "Describe el proceso de solicitud de una visa de estudiante para estudiar en una universidad en el extranjero, incluyendo los documentos requeridos y los pasos clave."}], [{"text": "Escreva um resumo das principais causas da desmatamento na Amazônia e proponha soluções para mitigar seus efeitos."}], [{"text": "请用中文解释如何使用Python编程语言进行数据分析,并列举三个常见的应用场景。"}], [{"text": "Rédigez un paragraphe sur les avantages et les inconvénients de l'apprentissage en ligne par rapport à l'éducation traditionnelle."}], [{"text": "Spiega il processo di traduzione di un testo letterario dall'italiano all'inglese, evidenziando le sfide culturali e linguistiche."}], [{"text": "Erstellen Sie eine detaillierte Anleitung zur Installation eines LAMP-Stacks auf einem Linux-Server und erläutern Sie die Verwendung jedes Bestandteils."}], [{"text": "日本語で自己紹介のメールを書いてください。仕事で初めて連絡を取る相手に、自分の役職と業務内容を説明してください。"}], [{"text": "Опишите процесс создания и использования базы данных для управления запасами на складе, включая ключевые функции и примеры SQL-запросов."}], [{"text": "Przedstaw krótki przewodnik po najważniejszych zabytkach Krakowa, podkreślając ich historyczne znaczenie."}], [{"text": "Schrijf een korte handleiding voor het opzetten van een crowdfundingcampagne, inclusief tips voor succes en valkuilen om te vermijden."}], [{"text": "एक निबंध लिखिए जिसमें सोशल मीडिया के उपयोग के फायदे और नुकसान पर चर्चा की गई हो, और यह कैसे समाज को प्रभावित कर रहा है।"}], [{"text": "Türkçe öğrenen yabancılar için Türk alfabesini ve en temel dilbilgisi kurallarını açıklayan bir kılavuz yazın."}], ] random.shuffle(EXAMPLES) HEAD = """ """ DESCRIPTION = """\ # Ghost 8B Beta (β, 128k) **Ghost 8B Beta** outperforms leading models like Llama 3.1 8B Instruct and GPT-3.5 Turbo in lc_winrate scores. It also surpasses Claude 3 Opus, Claude 3 Sonnet, GPT-4, and Mistral Large in AlpacaEval 2.0 winrate scores. The model offers two context length versions: [8k](https://huggingface.co/spaces/lamhieu/ghost-8b-beta-8k) and [128k](https://huggingface.co/spaces/lamhieu/ghost-8b-beta-128k), both with built-in multilingual function support. See details about the model [here](https://ghost-x.org/docs/models/ghost-8b-beta), download from [HuggingFace](https://huggingface.co/ghost-x/ghost-8b-beta-1608). Supported languages: 🇬🇧 English, 🇻🇳 Vietnamese, 🇰🇷 Korean, 🇪🇸 Spanish, 🇵🇹 Portuguese, 🇨🇳 Chinese, 🇫🇷 French, 🇮🇹 Italian, 🇩🇪 German, 🇯🇵 Japanese, 🇷🇺 Russian, 🇵🇱 Polish, 🇳🇱 Dutch, 🇮🇳 Hindi, 🇹🇷 Turkish, 🇮🇩 Indonesian. Note: with the image will be used another model to explain rather than using directly the Ghost 8B Beta model. """ PLACEHOLDER = """
Ask me anything and let's have some fun! 🤔💡
Running on CPU 🥶 This demo does not work on CPU.
" def workaround_fixed_get_imports(filename: str | os.PathLike) -> list[str]: """ Workaround for fixed get_imports function. @args: filename (str | os.PathLike): The filename or path to the file. @returns: list[str]: The list of imports. @remarks: - This function is a workaround for the fixed get_imports function. - It checks if the filename ends with "/modeling_florence2.py". - If it doesn't, it calls the original get_imports function. - If it does, it calls the original get_imports function and removes the "flash_attn" import. @usage: ```python from unittest.mock import patch image_torch_dtype = torch.float16 if torch.cuda.is_available() else torch.float32 with patch( "transformers.dynamic_module_utils.get_imports", workaround_fixed_get_imports ): ``` """ if not str(filename).endswith("/modeling_florence2.py"): return get_imports(filename) imports = get_imports(filename) imports.remove("flash_attn") return imports if torch.cuda.is_available(): hf_serect = os.getenv("HF_TOKEN", None) attn_implementation = "flash_attention_2" chat_model_id = "ghost-x/ghost-8b-beta-1608" chat_device = torch.device("cuda") chat_model = AutoModelForCausalLM.from_pretrained( chat_model_id, device_map="auto", torch_dtype=torch.bfloat16, attn_implementation=attn_implementation, trust_remote_code=True, token=hf_serect, ) chat_tokenizer = AutoTokenizer.from_pretrained( chat_model_id, trust_remote_code=True, token=hf_serect, ) SelfExtend.apply( chat_model, group_size=16, window_size=512, enable_flash_attention=True, flash_attention_impl="flash_attn", ) chat_model.generation_config.max_length = 123392 image_model_id = "microsoft/Florence-2-large" # image_device = "cuda" if torch.cuda.is_available() else "cpu" # image_torch_dtype = torch.float16 if torch.cuda.is_available() else torch.float32 image_device = "cpu" image_torch_dtype = torch.float32 image_model = ( AutoModelForCausalLM.from_pretrained( image_model_id, torch_dtype=image_torch_dtype, trust_remote_code=True, token=hf_serect, ) .to(image_device) .eval() ) image_processor = AutoProcessor.from_pretrained( image_model_id, trust_remote_code=True, token=hf_serect, ) waiting_tools_timeout = 5 supported_tools = json.dumps( [ { "type": "function", "function": { "name": "search_on_internet", "description": "Use this tool to search for information on the internet to answer questions you are unsure about, don't know or need the latest information (e.g. news, reports, companies, people,...) to give the most accurate results. Note: can only be used or ignored, not asked again", "parameters": { "type": "object", "properties": { "keyword": { "type": "string", "description": "Search keywords, rephrase to optimize search results based on questions suitable to the specified search type.", "required": True, }, "type": { "type": "string", "description": "Search type, based on the question to determine whether to search for it in 'wikipedia' or 'google', prefer to use wikipedia for information about events, history and people.", "enum": ["wikipedia", "google"], "default": "google", "required": True, }, "language": { "type": "string", "description": "Search language, is the user language code with 2 letters, e.g: vi = vietnamese, en = english.", "default": "en", "required": True, }, }, }, }, } ], ensure_ascii=False, ) @lru_cache(maxsize=128) def extract_text_from_webpage(html_content): """ Extracts visible text from an HTML webpage. @args: html_content (str): The HTML content of the webpage. @returns: str: The visible text extracted from the webpage. @remarks: - This function uses the BeautifulSoup library to parse the HTML content. - It removes certain tags (script, style, header, footer, nav, form, svg) from the parsed HTML. - The remaining visible text is then extracted using the `get_text` method of BeautifulSoup. - The extracted text is stripped of leading/trailing whitespace and separated by a single space. """ soup = BeautifulSoup(html_content, "html.parser") for tag in soup(["script", "style", "header", "footer", "nav", "form", "svg"]): tag.extract() visible_text = soup.get_text(strip=True, separator=" ") return visible_text def search_with_wikipedia( query: str, language: str = "en", ): """ Search for a given query on Wikipedia and return the summary. @args: query (str): The search query. language (str, optional): The language code for the Wikipedia page. Defaults to "en". @returns: list: A list containing the summary of the Wikipedia page. @remarks: - This function uses the Wikipedia API to search for the given query. - The language parameter determines the language of the Wikipedia page to search. - If the search is successful, the function returns a list containing the summary of the page. - If an exception occurs during the search, an empty list is returned. """ all_results = [] try: wikipedia.set_lang(language) all_results.append(wikipedia.summary(query)) except Exception as e: pass return all_results def search_with_google( query: str, num_results: int = 3, timeout: int = 5, language: str = "en", ssl_verify: bool = None, ): """ Searches Google for the given query and returns a list of search results. @args: query (str): The search query. num_results (int, optional): The number of search results to retrieve. Defaults to 3. timeout (int, optional): The timeout value for the HTTP requests. Defaults to 5. language (str, optional): The language for the search results. Defaults to "en". ssl_verify (bool, optional): Whether to verify SSL certificates. Defaults to None. @returns: list: A list of dictionaries containing the link and visible text of each search result. @remarks: - This function uses the requests library to send HTTP requests to Google. - It sets the User-Agent header to mimic a Firefox browser. - The search results are retrieved from the HTML response using BeautifulSoup. - Each search result is represented as a dictionary with "link" and "text" keys. - The "link" key contains the URL of the search result. - The "text" key contains the visible text extracted from the search result webpage. - If the visible text exceeds 4096 characters, it is truncated to that length. - If an error occurs while fetching or processing a search result, it is printed and ignored. """ # Initialize an empty list to store the search results all_results = [] # Define the maximum number of characters per page max_chars_per_page = 4096 # Create a session object to send HTTP requests with requests.Session() as session: # Send a GET request to Google search with the specified query parameters resp = session.get( url="https://www.google.com/search", headers={ "User-Agent": "Mozilla/5.0 (Windows NT 10.0; Win64; x64; rv:109.0) Gecko/20100101 Firefox/111.0" }, params={ "q": query, "num": num_results, "udm": 14, "hl": language, }, timeout=timeout, verify=ssl_verify, ) # Raise an exception if the response status code is not successful resp.raise_for_status() # Parse the HTML response using BeautifulSoup soup = BeautifulSoup(resp.text, "html.parser") # Find all the result blocks in the HTML result_block = soup.find_all("div", attrs={"class": "g"}) # Iterate over each result block for result in result_block: # Find the link element within the result block link = result.find("a", href=True) # If a link is found, extract the URL and process the webpage if link: link = link["href"] try: # Send a GET request to the link URL webpage = session.get( link, headers={ "User-Agent": "Mozilla/5.0 (Windows NT 10.0; Win64; x64; rv:109.0) Gecko/20100101 Firefox/111.0" }, ) # Raise an exception if the response status code is not successful webpage.raise_for_status() # Extract the visible text from the webpage visible_text = extract_text_from_webpage(webpage.text) # Truncate the visible text if it exceeds the maximum number of characters per page if len(visible_text) > max_chars_per_page: visible_text = visible_text[:max_chars_per_page] # Append the link and visible text to the search results list all_results.append({"link": link, "text": visible_text}) except requests.exceptions.RequestException as e: # Print an error message if there is an error fetching or processing the link print(f"Error fetching or processing {link}: {e}") pass else: pass # Return the search results return all_results @lru_cache(maxsize=128) def extract_text_from_image(file: str) -> str: """ Extracts text from an image file. @args: file (str): The path or URL of the image file. @returns: str: The extracted text from the image. @remarks: - This function uses an LRU cache to store previously processed images for faster retrieval. - The image file can be either a local file path or a URL. - The function opens the image file using the PIL library. - The function processes the image using an image processor. - The processed image is then passed to a text generation model to generate text. - The generated text is post-processed to obtain the final extracted text. """ # Define the task and load the image task = "