Spaces:
				
			
			
	
			
			
		Paused
		
	
	
	
			
			
	
	
	
	
		
		
		Paused
		
	| # coding: utf-8 | |
| import os | |
| os.environ['CURL_CA_BUNDLE'] = '' | |
| from pathlib import Path | |
| import sys | |
| sys.path.insert(0, str(Path(__file__).resolve().parent / "third-party" / "lama")) | |
| try: | |
| import detectron | |
| except: | |
| os.system('pip install git+https://github.com/facebookresearch/detectron2.git') | |
| import random | |
| import torch | |
| import cv2 | |
| import re | |
| import uuid | |
| from PIL import Image, ImageOps | |
| import math | |
| import numpy as np | |
| import argparse | |
| import inspect | |
| from functools import partial | |
| import shutil | |
| import whisper | |
| import gradio as gr | |
| import gradio.themes.base as ThemeBase | |
| from gradio.themes.utils import colors, fonts, sizes | |
| from transformers import pipeline, BlipProcessor, BlipForConditionalGeneration, BlipForQuestionAnswering | |
| from diffusers import StableDiffusionPipeline, StableDiffusionInpaintPipeline, StableDiffusionInstructPix2PixPipeline | |
| from diffusers import EulerAncestralDiscreteScheduler | |
| from diffusers import StableDiffusionControlNetPipeline, ControlNetModel, UniPCMultistepScheduler | |
| from controlnet_aux import OpenposeDetector, MLSDdetector, HEDdetector | |
| from langchain.agents.initialize import initialize_agent | |
| from langchain.agents.tools import Tool | |
| from langchain.chains.conversation.memory import ConversationBufferMemory | |
| from langchain.llms.openai import OpenAI | |
| from iChat.models import VideoCaption, ActionRecognition, DenseCaption, GenerateTikTokVideo | |
| from iChat.models import HuskyVQA, LDMInpainting | |
| from iChat.models.utils import (cal_dilate_factor, dilate_mask, gen_new_name, | |
| seed_everything, prompts, blend_gt2pt) | |
| from segment_anything.utils.amg import remove_small_regions | |
| from segment_anything import build_sam, sam_model_registry, SamAutomaticMaskGenerator, SamPredictor | |
| from bark import SAMPLE_RATE, generate_audio | |
| import matplotlib.pyplot as plt | |
| # Please DO NOT MOVE THE IMPORT ORDER FOR easyocr. | |
| import easyocr | |
| from saicinpainting.evaluation.utils import move_to_device | |
| from saicinpainting.training.trainers import load_checkpoint | |
| from saicinpainting.evaluation.data import pad_tensor_to_modulo | |
| # openai.api_base = 'https://closeai.deno.dev/v1' | |
| GLOBAL_SEED=1912 | |
| INTERN_CHAT_PREFIX = """InternChat is designed to be able to assist with a wide range of text and visual related tasks, from answering simple questions to providing in-depth explanations and discussions on a wide range of topics. InternChat is able to generate human-like text based on the input it receives, allowing it to engage in natural-sounding conversations and provide responses that are coherent and relevant to the topic at hand. | |
| InternChat is able to process and understand large amounts of text and images. As a language model, InternChat can not directly read images, but it has a list of tools to finish different visual tasks. Each image will have a file name formed as "image/xxx.png", and InternChat can invoke different tools to indirectly understand pictures. When talking about images, InternChat is very strict to the file name and will never fabricate nonexistent files. When using tools to generate new image files, InternChat is also known that the image may not be the same as the user's demand, and will use other visual question answering tools or description tools to observe the real image. InternChat is able to use tools in a sequence, and is loyal to the tool observation outputs rather than faking the image content and image file name. It will remember to provide the file name from the last tool observation, if a new image is generated. | |
| Human may provide new figures to InternChat with a description. The description helps InternChat to understand this image, but InternChat should use tools to finish following tasks, rather than directly imagine from the description. | |
| Overall, InternChat is a powerful visual dialogue assistant tool that can help with a wide range of tasks and provide valuable insights and information on a wide range of topics. | |
| TOOLS: | |
| ------ | |
| InternChat has access to the following tools:""" | |
| INTERN_CHAT_FORMAT_INSTRUCTIONS = """To use a tool, please use the following format: | |
| ``` | |
| Thought: Do I need to use a tool? Yes | |
| Action: the action to take, should be one of [{tool_names}] | |
| Action Input: the input to the action, you can find all input paths in the history but can not feed the tool's description into the tool. | |
| Observation: the result of the action | |
| ``` | |
| When you have a response to say to the Human, or if you do not need to use a tool, you MUST use the format: | |
| ``` | |
| Thought: Do I need to use a tool? No | |
| {ai_prefix}: [your response here] | |
| ``` | |
| """ | |
| INTERN_CHAT_SUFFIX = """You are very strict to the filename correctness and will never fake a file name if it does not exist. | |
| You will remember to provide the image file name loyally if it's provided in the last tool observation. | |
| Begin! | |
| Previous conversation history: | |
| {chat_history} | |
| New input: {input} | |
| Since InternChat is a text language model, InternChat must use tools to observe images rather than imagination. | |
| The thoughts and observations are only visible for InternChat, InternChat should remember to repeat important information in the final response for Human. | |
| Thought: Do I need to use a tool? {agent_scratchpad} Let's think step by step. | |
| """ | |
| INTERN_CHAT_PREFIX_CN = """InternChat ๆจๅจ่ฝๅคๅๅฉๅฎๆ่ๅดๅนฟๆณ็ๆๆฌๅ่ง่ง็ธๅ ณไปปๅก๏ผไปๅ็ญ็ฎๅ็้ฎ้ขๅฐๆไพๅฏนๅนฟๆณไธป้ข็ๆทฑๅ ฅ่งฃ้ๅ่ฎจ่ฎบใ InternChat ่ฝๅคๆ นๆฎๆถๅฐ็่พๅ ฅ็ๆ็ฑปไผผไบบ็ฑป็ๆๆฌ๏ผไฝฟๅ ถ่ฝๅค่ฟ่กๅฌ่ตทๆฅ่ช็ถ็ๅฏน่ฏ๏ผๅนถๆไพ่ฟ่ดฏไธไธๆๅคดไธป้ข็ธๅ ณ็ๅๅบใ | |
| InternChat ่ฝๅคๅค็ๅ็่งฃๅคง้ๆๆฌๅๅพๅใไฝไธบไธ็ง่ฏญ่จๆจกๅ๏ผInternChat ไธ่ฝ็ดๆฅ่ฏปๅๅพๅ๏ผไฝๅฎๆไธ็ณปๅๅทฅๅ ทๆฅๅฎๆไธๅ็่ง่งไปปๅกใๆฏๅผ ๅพ็้ฝไผๆไธไธชๆไปถๅ๏ผๆ ผๅผไธบโimage/xxx.pngโ๏ผInternChatๅฏไปฅ่ฐ็จไธๅ็ๅทฅๅ ทๆฅ้ดๆฅ็่งฃๅพ็ใๅจ่ฐ่ฎบๅพ็ๆถ๏ผInternChat ๅฏนๆไปถๅ็่ฆๆฑ้ๅธธไธฅๆ ผ๏ผ็ปไธไผไผช้ ไธๅญๅจ็ๆไปถใๅจไฝฟ็จๅทฅๅ ท็ๆๆฐ็ๅพๅๆไปถๆถ๏ผInternChatไน็ฅ้ๅพๅๅฏ่ฝไธ็จๆท้ๆฑไธไธๆ ท๏ผไผไฝฟ็จๅ ถไป่ง่ง้ฎ็ญๅทฅๅ ทๆๆ่ฟฐๅทฅๅ ทๆฅ่งๅฏ็ๅฎๅพๅใ InternChat ่ฝๅคๆ้กบๅบไฝฟ็จๅทฅๅ ท๏ผๅนถไธๅฟ ไบๅทฅๅ ท่งๅฏ่พๅบ๏ผ่ไธๆฏไผช้ ๅพๅๅ ๅฎนๅๅพๅๆไปถๅใๅฆๆ็ๆๆฐๅพๅ๏ผๅฎๅฐ่ฎฐๅพๆไพไธๆฌกๅทฅๅ ท่งๅฏ็ๆไปถๅใ | |
| Human ๅฏ่ฝไผๅ InternChat ๆไพๅธฆๆๆ่ฟฐ็ๆฐๅพๅฝขใๆ่ฟฐๅธฎๅฉ InternChat ็่งฃ่ฟไธชๅพๅ๏ผไฝ InternChat ๅบ่ฏฅไฝฟ็จๅทฅๅ ทๆฅๅฎๆไปฅไธไปปๅก๏ผ่ไธๆฏ็ดๆฅไปๆ่ฟฐไธญๆณ่ฑกใๆไบๅทฅๅ ทๅฐไผ่ฟๅ่ฑๆๆ่ฟฐ๏ผไฝไฝ ๅฏน็จๆท็่ๅคฉๅบๅฝ้็จไธญๆใ | |
| ๆป็ๆฅ่ฏด๏ผInternChat ๆฏไธไธชๅผบๅคง็ๅฏ่งๅๅฏน่ฏ่พ ๅฉๅทฅๅ ท๏ผๅฏไปฅๅธฎๅฉๅค็่ๅดๅนฟๆณ็ไปปๅก๏ผๅนถๆไพๅ ณไบ่ๅดๅนฟๆณ็ไธป้ข็ๆไปทๅผ็่ง่งฃๅไฟกๆฏใ | |
| ๅทฅๅ ทๅ่กจ: | |
| ------ | |
| InternChat ๅฏไปฅไฝฟ็จ่ฟไบๅทฅๅ ท:""" | |
| INTERN_CHAT_FORMAT_INSTRUCTIONS_CN = """็จๆทไฝฟ็จไธญๆๅไฝ ่ฟ่ก่ๅคฉ๏ผไฝๆฏๅทฅๅ ท็ๅๆฐๅบๅฝไฝฟ็จ่ฑๆใๅฆๆ่ฆ่ฐ็จๅทฅๅ ท๏ผไฝ ๅฟ ้กป้ตๅพชๅฆไธๆ ผๅผ: | |
| ``` | |
| Thought: Do I need to use a tool? Yes | |
| Action: the action to take, should be one of [{tool_names}] | |
| Action Input: the input to the action | |
| Observation: the result of the action | |
| ``` | |
| ๅฝไฝ ไธๅ้่ฆ็ปง็ปญ่ฐ็จๅทฅๅ ท๏ผ่ๆฏๅฏน่งๅฏ็ปๆ่ฟ่กๆป็ปๅๅคๆถ๏ผไฝ ๅฟ ้กปไฝฟ็จๅฆไธๆ ผๅผ๏ผ | |
| ``` | |
| Thought: Do I need to use a tool? No | |
| {ai_prefix}: [your response here] | |
| ``` | |
| """ | |
| INTERN_CHAT_SUFFIX_CN = """ไฝ ๅฏนๆไปถๅ็ๆญฃ็กฎๆง้ๅธธไธฅๆ ผ๏ผ่ไธๆฐธ่ฟไธไผไผช้ ไธๅญๅจ็ๆไปถใ | |
| ๅผๅง! | |
| ๅ ไธบInternChatๆฏไธไธชๆๆฌ่ฏญ่จๆจกๅ๏ผๅฟ ้กปไฝฟ็จๅทฅๅ ทๅป่งๅฏๅพ็่ไธๆฏไพ้ ๆณ่ฑกใ | |
| ๆจ็ๆณๆณๅ่งๅฏ็ปๆๅชๅฏนInternChatๅฏ่ง๏ผ้่ฆ่ฎฐๅพๅจๆ็ปๅๅคๆถๆ้่ฆ็ไฟกๆฏ้ๅค็ป็จๆท๏ผไฝ ๅช่ฝ็ป็จๆท่ฟๅไธญๆๅฅๅญใๆไปฌไธๆญฅไธๆญฅๆ่ใๅจไฝ ไฝฟ็จๅทฅๅ ทๆถ๏ผๅทฅๅ ท็ๅๆฐๅช่ฝๆฏ่ฑๆใ | |
| ่ๅคฉๅๅฒ: | |
| {chat_history} | |
| ๆฐ่พๅ ฅ: {input} | |
| Thought: Do I need to use a tool? {agent_scratchpad} | |
| """ | |
| os.makedirs('image', exist_ok=True) | |
| def cut_dialogue_history(history_memory, keep_last_n_words=500): | |
| if history_memory is None or len(history_memory) == 0: | |
| return history_memory | |
| tokens = history_memory.split() | |
| n_tokens = len(tokens) | |
| print(f"history_memory:{history_memory}, n_tokens: {n_tokens}") | |
| if n_tokens < keep_last_n_words: | |
| return history_memory | |
| paragraphs = history_memory.split('\n') | |
| last_n_tokens = n_tokens | |
| while last_n_tokens >= keep_last_n_words: | |
| last_n_tokens -= len(paragraphs[0].split(' ')) | |
| paragraphs = paragraphs[1:] | |
| return '\n' + '\n'.join(paragraphs) | |
| def login_with_key(bot, debug, api_key): | |
| # Just for debug | |
| print('===>logging in') | |
| if debug: | |
| bot.init_agent() | |
| return gr.update(visible=True), gr.update(visible=False), gr.update(visible=False, value='') | |
| else: | |
| import openai | |
| from langchain.llms.openai import OpenAI | |
| if api_key and len(api_key) > 30: | |
| os.environ["OPENAI_API_KEY"] = api_key | |
| openai.api_key = api_key | |
| try: | |
| llm = OpenAI(temperature=0) | |
| llm('Hi!') | |
| response = 'Success!' | |
| is_error = False | |
| bot.init_agent() | |
| except: | |
| # gr.update(visible=True) | |
| response = 'Incorrect key, please input again' | |
| is_error = True | |
| else: | |
| is_error = True | |
| response = 'Incorrect key, please input again' | |
| return gr.update(visible=not is_error), gr.update(visible=is_error), gr.update(visible=is_error, value=response) | |
| class InstructPix2Pix: | |
| def __init__(self, device): | |
| print(f"Initializing InstructPix2Pix to {device}") | |
| self.device = device | |
| self.torch_dtype = torch.float16 if 'cuda' in device else torch.float32 | |
| self.pipe = StableDiffusionInstructPix2PixPipeline.from_pretrained("timbrooks/instruct-pix2pix", | |
| safety_checker=None, | |
| torch_dtype=self.torch_dtype).to(device) | |
| self.pipe.scheduler = EulerAncestralDiscreteScheduler.from_config(self.pipe.scheduler.config) | |
| def inference(self, inputs): | |
| """Change style of image.""" | |
| print("===>Starting InstructPix2Pix Inference") | |
| image_path, text = inputs.split(",")[0], ','.join(inputs.split(',')[1:]) | |
| original_image = Image.open(image_path) | |
| image = self.pipe(text, image=original_image, num_inference_steps=40, image_guidance_scale=1.2).images[0] | |
| # updated_image_path = get_new_image_name(image_path, func_name="pix2pix") | |
| updated_image_path = gen_new_name(image_path, f'{type(self).__name__}') | |
| image.save(updated_image_path) | |
| print(f"\nProcessed InstructPix2Pix, Input Image: {image_path}, Instruct Text: {text}, " | |
| f"Output Image: {updated_image_path}") | |
| return updated_image_path | |
| class Text2Image: | |
| def __init__(self, device): | |
| print(f"Initializing Text2Image to {device}") | |
| self.device = device | |
| self.torch_dtype = torch.float16 if 'cuda' in device else torch.float32 | |
| self.pipe = StableDiffusionPipeline.from_pretrained("runwayml/stable-diffusion-v1-5", | |
| torch_dtype=self.torch_dtype) | |
| self.pipe.to(device) | |
| self.a_prompt = 'best quality, extremely detailed' | |
| self.n_prompt = 'longbody, lowres, bad anatomy, bad hands, missing fingers, extra digit, ' \ | |
| 'fewer digits, cropped, worst quality, low quality' | |
| def inference(self, text): | |
| image_filename = os.path.join('image', f"{str(uuid.uuid4())[:6]}.png") | |
| image_filename = gen_new_name(image_filename) | |
| prompt = text + ', ' + self.a_prompt | |
| image = self.pipe(prompt, negative_prompt=self.n_prompt).images[0] | |
| image.save(image_filename) | |
| print( | |
| f"\nProcessed Text2Image, Input Text: {text}, Output Image: {image_filename}") | |
| return image_filename | |
| class Image2Canny: | |
| def __init__(self, device): | |
| print("Initializing Image2Canny") | |
| self.low_threshold = 100 | |
| self.high_threshold = 200 | |
| def inference(self, inputs): | |
| image = Image.open(inputs) | |
| image = np.array(image) | |
| canny = cv2.Canny(image, self.low_threshold, self.high_threshold) | |
| canny = canny[:, :, None] | |
| canny = np.concatenate([canny, canny, canny], axis=2) | |
| canny = Image.fromarray(canny) | |
| # updated_image_path = get_new_image_name(inputs, func_name="edge") | |
| updated_image_path = gen_new_name(inputs, f'{type(self).__name__}') | |
| canny.save(updated_image_path) | |
| print(f"\nProcessed Image2Canny, Input Image: {inputs}, Output Text: {updated_image_path}") | |
| return updated_image_path | |
| class CannyText2Image: | |
| def __init__(self, device): | |
| print(f"Initializing CannyText2Image to {device}") | |
| self.torch_dtype = torch.float16 if 'cuda' in device else torch.float32 | |
| self.controlnet = ControlNetModel.from_pretrained("fusing/stable-diffusion-v1-5-controlnet-canny", | |
| torch_dtype=self.torch_dtype) | |
| self.pipe = StableDiffusionControlNetPipeline.from_pretrained( | |
| "runwayml/stable-diffusion-v1-5", controlnet=self.controlnet, safety_checker=None, | |
| torch_dtype=self.torch_dtype) | |
| self.pipe.scheduler = UniPCMultistepScheduler.from_config(self.pipe.scheduler.config) | |
| self.pipe.to(device) | |
| self.seed = -1 | |
| self.a_prompt = 'best quality, extremely detailed' | |
| self.n_prompt = 'longbody, lowres, bad anatomy, bad hands, missing fingers, extra digit, ' \ | |
| 'fewer digits, cropped, worst quality, low quality' | |
| def inference(self, inputs): | |
| image_path, instruct_text = inputs.split(",")[0], ','.join(inputs.split(',')[1:]) | |
| image = Image.open(image_path) | |
| self.seed = random.randint(0, 65535) | |
| seed_everything(self.seed) | |
| prompt = f'{instruct_text}, {self.a_prompt}' | |
| image = self.pipe(prompt, image, num_inference_steps=20, eta=0.0, negative_prompt=self.n_prompt, | |
| guidance_scale=9.0).images[0] | |
| # updated_image_path = get_new_image_name(image_path, func_name="canny2image") | |
| updated_image_path = gen_new_name(image_path, f'{type(self).__name__}') | |
| image.save(updated_image_path) | |
| print(f"\nProcessed CannyText2Image, Input Canny: {image_path}, Input Text: {instruct_text}, " | |
| f"Output Text: {updated_image_path}") | |
| return updated_image_path | |
| class Image2Line: | |
| def __init__(self, device): | |
| print("Initializing Image2Line") | |
| self.detector = MLSDdetector.from_pretrained('lllyasviel/ControlNet') | |
| def inference(self, inputs): | |
| image = Image.open(inputs) | |
| mlsd = self.detector(image) | |
| # updated_image_path = get_new_image_name(inputs, func_name="line-of") | |
| updated_image_path = gen_new_name(inputs, f'{type(self).__name__}') | |
| mlsd.save(updated_image_path) | |
| print(f"\nProcessed Image2Line, Input Image: {inputs}, Output Line: {updated_image_path}") | |
| return updated_image_path | |
| class LineText2Image: | |
| def __init__(self, device): | |
| print(f"Initializing LineText2Image to {device}") | |
| self.torch_dtype = torch.float16 if 'cuda' in device else torch.float32 | |
| self.controlnet = ControlNetModel.from_pretrained("fusing/stable-diffusion-v1-5-controlnet-mlsd", | |
| torch_dtype=self.torch_dtype) | |
| self.pipe = StableDiffusionControlNetPipeline.from_pretrained( | |
| "runwayml/stable-diffusion-v1-5", controlnet=self.controlnet, safety_checker=None, | |
| torch_dtype=self.torch_dtype | |
| ) | |
| self.pipe.scheduler = UniPCMultistepScheduler.from_config(self.pipe.scheduler.config) | |
| self.pipe.to(device) | |
| self.seed = -1 | |
| self.a_prompt = 'best quality, extremely detailed' | |
| self.n_prompt = 'longbody, lowres, bad anatomy, bad hands, missing fingers, extra digit, ' \ | |
| 'fewer digits, cropped, worst quality, low quality' | |
| def inference(self, inputs): | |
| image_path, instruct_text = inputs.split(",")[0], ','.join(inputs.split(',')[1:]) | |
| image = Image.open(image_path) | |
| self.seed = random.randint(0, 65535) | |
| seed_everything(self.seed) | |
| prompt = f'{instruct_text}, {self.a_prompt}' | |
| image = self.pipe(prompt, image, num_inference_steps=20, eta=0.0, negative_prompt=self.n_prompt, | |
| guidance_scale=9.0).images[0] | |
| # updated_image_path = get_new_image_name(image_path, func_name="line2image") | |
| updated_image_path = gen_new_name(image_path, f'{type(self).__name__}') | |
| image.save(updated_image_path) | |
| print(f"\nProcessed LineText2Image, Input Line: {image_path}, Input Text: {instruct_text}, " | |
| f"Output Text: {updated_image_path}") | |
| return updated_image_path | |
| class Image2Hed: | |
| def __init__(self, device): | |
| print("Initializing Image2Hed") | |
| self.detector = HEDdetector.from_pretrained('lllyasviel/ControlNet') | |
| def inference(self, inputs): | |
| image = Image.open(inputs) | |
| hed = self.detector(image) | |
| # updated_image_path = get_new_image_name(inputs, func_name="hed-boundary") | |
| updated_image_path = gen_new_name(inputs, f'{type(self).__name__}') | |
| hed.save(updated_image_path) | |
| print(f"\nProcessed Image2Hed, Input Image: {inputs}, Output Hed: {updated_image_path}") | |
| return updated_image_path | |
| class HedText2Image: | |
| def __init__(self, device): | |
| print(f"Initializing HedText2Image to {device}") | |
| self.torch_dtype = torch.float16 if 'cuda' in device else torch.float32 | |
| self.controlnet = ControlNetModel.from_pretrained("fusing/stable-diffusion-v1-5-controlnet-hed", | |
| torch_dtype=self.torch_dtype) | |
| self.pipe = StableDiffusionControlNetPipeline.from_pretrained( | |
| "runwayml/stable-diffusion-v1-5", controlnet=self.controlnet, safety_checker=None, | |
| torch_dtype=self.torch_dtype | |
| ) | |
| self.pipe.scheduler = UniPCMultistepScheduler.from_config(self.pipe.scheduler.config) | |
| self.pipe.to(device) | |
| self.seed = -1 | |
| self.a_prompt = 'best quality, extremely detailed' | |
| self.n_prompt = 'longbody, lowres, bad anatomy, bad hands, missing fingers, extra digit, ' \ | |
| 'fewer digits, cropped, worst quality, low quality' | |
| def inference(self, inputs): | |
| image_path, instruct_text = inputs.split(",")[0], ','.join(inputs.split(',')[1:]) | |
| image = Image.open(image_path) | |
| self.seed = random.randint(0, 65535) | |
| seed_everything(self.seed) | |
| prompt = f'{instruct_text}, {self.a_prompt}' | |
| image = self.pipe(prompt, image, num_inference_steps=20, eta=0.0, negative_prompt=self.n_prompt, | |
| guidance_scale=9.0).images[0] | |
| # updated_image_path = get_new_image_name(image_path, func_name="hed2image") | |
| updated_image_path = gen_new_name(image_path, f'{type(self).__name__}') | |
| image.save(updated_image_path) | |
| print(f"\nProcessed HedText2Image, Input Hed: {image_path}, Input Text: {instruct_text}, " | |
| f"Output Image: {updated_image_path}") | |
| return updated_image_path | |
| class Image2Scribble: | |
| def __init__(self, device): | |
| print("Initializing Image2Scribble") | |
| self.detector = HEDdetector.from_pretrained('lllyasviel/ControlNet') | |
| def inference(self, inputs): | |
| image = Image.open(inputs) | |
| scribble = self.detector(image, scribble=True) | |
| # updated_image_path = get_new_image_name(inputs, func_name="scribble") | |
| updated_image_path = gen_new_name(inputs, f'{type(self).__name__}') | |
| scribble.save(updated_image_path) | |
| print(f"\nProcessed Image2Scribble, Input Image: {inputs}, Output Scribble: {updated_image_path}") | |
| return updated_image_path | |
| class ScribbleText2Image: | |
| def __init__(self, device): | |
| print(f"Initializing ScribbleText2Image to {device}") | |
| self.torch_dtype = torch.float16 if 'cuda' in device else torch.float32 | |
| self.controlnet = ControlNetModel.from_pretrained("fusing/stable-diffusion-v1-5-controlnet-scribble", | |
| torch_dtype=self.torch_dtype) | |
| self.pipe = StableDiffusionControlNetPipeline.from_pretrained( | |
| "runwayml/stable-diffusion-v1-5", controlnet=self.controlnet, safety_checker=None, | |
| torch_dtype=self.torch_dtype | |
| ) | |
| self.pipe.scheduler = UniPCMultistepScheduler.from_config(self.pipe.scheduler.config) | |
| self.pipe.to(device) | |
| self.seed = -1 | |
| self.a_prompt = 'best quality, extremely detailed' | |
| self.n_prompt = 'longbody, lowres, bad anatomy, bad hands, missing fingers, extra digit, ' \ | |
| 'fewer digits, cropped, worst quality, low quality' | |
| def inference(self, inputs): | |
| image_path, instruct_text = inputs.split(",")[0], ','.join(inputs.split(',')[1:]) | |
| image = Image.open(image_path) | |
| seed_everything(GLOBAL_SEED) | |
| prompt = f'{instruct_text}, {self.a_prompt}' | |
| image = self.pipe(prompt, image, num_inference_steps=20, eta=0.0, negative_prompt=self.n_prompt, | |
| guidance_scale=9.0).images[0] | |
| # updated_image_path = get_new_image_name(image_path, func_name="scribble2image") | |
| updated_image_path = gen_new_name(image_path, f'{type(self).__name__}') | |
| image.save(updated_image_path) | |
| print(f"\nProcessed ScribbleText2Image, Input Scribble: {image_path}, Input Text: {instruct_text}, " | |
| f"Output Image: {updated_image_path}") | |
| return updated_image_path | |
| class Image2Pose: | |
| def __init__(self, device): | |
| print("Initializing Image2Pose") | |
| self.detector = OpenposeDetector.from_pretrained('lllyasviel/ControlNet') | |
| def inference(self, inputs): | |
| image = Image.open(inputs) | |
| pose = self.detector(image) | |
| # updated_image_path = get_new_image_name(inputs, func_name="human-pose") | |
| updated_image_path = gen_new_name(inputs, f'{type(self).__name__}') | |
| pose.save(updated_image_path) | |
| print(f"\nProcessed Image2Pose, Input Image: {inputs}, Output Pose: {updated_image_path}") | |
| return updated_image_path | |
| class PoseText2Image: | |
| def __init__(self, device): | |
| print(f"Initializing PoseText2Image to {device}") | |
| self.torch_dtype = torch.float16 if 'cuda' in device else torch.float32 | |
| self.controlnet = ControlNetModel.from_pretrained("fusing/stable-diffusion-v1-5-controlnet-openpose", | |
| torch_dtype=self.torch_dtype) | |
| self.pipe = StableDiffusionControlNetPipeline.from_pretrained( | |
| "runwayml/stable-diffusion-v1-5", controlnet=self.controlnet, safety_checker=None, | |
| torch_dtype=self.torch_dtype) | |
| self.pipe.scheduler = UniPCMultistepScheduler.from_config(self.pipe.scheduler.config) | |
| self.pipe.to(device) | |
| self.num_inference_steps = 20 | |
| self.seed = -1 | |
| self.unconditional_guidance_scale = 9.0 | |
| self.a_prompt = 'best quality, extremely detailed' | |
| self.n_prompt = 'longbody, lowres, bad anatomy, bad hands, missing fingers, extra digit,' \ | |
| ' fewer digits, cropped, worst quality, low quality' | |
| def inference(self, inputs): | |
| image_path, instruct_text = inputs.split(",")[0], ','.join(inputs.split(',')[1:]) | |
| image = Image.open(image_path) | |
| self.seed = random.randint(0, 65535) | |
| seed_everything(self.seed) | |
| prompt = f'{instruct_text}, {self.a_prompt}' | |
| image = self.pipe(prompt, image, num_inference_steps=20, eta=0.0, negative_prompt=self.n_prompt, | |
| guidance_scale=9.0).images[0] | |
| # updated_image_path = get_new_image_name(image_path, func_name="pose2image") | |
| updated_image_path = gen_new_name(image_path, f'{type(self).__name__}') | |
| image.save(updated_image_path) | |
| print(f"\nProcessed PoseText2Image, Input Pose: {image_path}, Input Text: {instruct_text}, " | |
| f"Output Image: {updated_image_path}") | |
| return updated_image_path | |
| class SegText2Image: | |
| def __init__(self, device): | |
| print(f"Initializing SegText2Image to {device}") | |
| self.torch_dtype = torch.float16 if 'cuda' in device else torch.float32 | |
| self.controlnet = ControlNetModel.from_pretrained("fusing/stable-diffusion-v1-5-controlnet-seg", | |
| torch_dtype=self.torch_dtype) | |
| self.pipe = StableDiffusionControlNetPipeline.from_pretrained( | |
| "runwayml/stable-diffusion-v1-5", controlnet=self.controlnet, safety_checker=None, | |
| torch_dtype=self.torch_dtype) | |
| self.pipe.scheduler = UniPCMultistepScheduler.from_config(self.pipe.scheduler.config) | |
| self.pipe.to(device) | |
| self.seed = -1 | |
| self.a_prompt = 'best quality, extremely detailed' | |
| self.n_prompt = 'longbody, lowres, bad anatomy, bad hands, missing fingers, extra digit,' \ | |
| ' fewer digits, cropped, worst quality, low quality' | |
| def inference(self, inputs): | |
| image_path, instruct_text = inputs.split(",")[0], ','.join(inputs.split(',')[1:]) | |
| image = Image.open(image_path) | |
| self.seed = random.randint(0, 65535) | |
| seed_everything(self.seed) | |
| prompt = f'{instruct_text}, {self.a_prompt}' | |
| image = self.pipe(prompt, image, num_inference_steps=20, eta=0.0, negative_prompt=self.n_prompt, | |
| guidance_scale=9.0).images[0] | |
| # updated_image_path = get_new_image_name(image_path, func_name="segment2image") | |
| updated_image_path = gen_new_name(image_path, f'{type(self).__name__}') | |
| image.save(updated_image_path) | |
| print(f"\nProcessed SegText2Image, Input Seg: {image_path}, Input Text: {instruct_text}, " | |
| f"Output Image: {updated_image_path}") | |
| return updated_image_path | |
| # ''' | |
| class ImageText2Image: | |
| template_model=True | |
| def __init__(self, SegText2Image, SegmentAnything): | |
| # print(f"Initializing SegText2Image to {device}") | |
| # self.torch_dtype = torch.float16 if 'cuda' in device else torch.float32 | |
| self.SegText2Image = SegText2Image | |
| self.SegmentAnything = SegmentAnything | |
| self.seed = -1 | |
| self.a_prompt = 'best quality, extremely detailed' | |
| self.n_prompt = 'longbody, lowres, bad anatomy, bad hands, missing fingers, extra digit,' \ | |
| ' fewer digits, cropped, worst quality, low quality' | |
| def inference(self, inputs): | |
| img_path, prompt = inputs.split(',')[0], inputs.split(',')[1] | |
| seg_path = self.SegmentAnything.inference(img_path) | |
| res_path = self.SegText2Image.inference(f'{seg_path},{prompt}') | |
| print(f"\nProcessed SegText2Image, Input Seg: {img_path}, Input Text: {res_path}, " | |
| f"Output Image: {res_path}") | |
| return res_path | |
| # ''' | |
| class Image2Depth: | |
| def __init__(self, device): | |
| print("Initializing Image2Depth") | |
| self.depth_estimator = pipeline('depth-estimation') | |
| def inference(self, inputs): | |
| image = Image.open(inputs) | |
| depth = self.depth_estimator(image)['depth'] | |
| depth = np.array(depth) | |
| depth = depth[:, :, None] | |
| depth = np.concatenate([depth, depth, depth], axis=2) | |
| depth = Image.fromarray(depth) | |
| # updated_image_path = get_new_image_name(inputs, func_name="depth") | |
| updated_image_path = gen_new_name(inputs, f'{type(self).__name__}') | |
| depth.save(updated_image_path) | |
| print(f"\nProcessed Image2Depth, Input Image: {inputs}, Output Depth: {updated_image_path}") | |
| return updated_image_path | |
| class DepthText2Image: | |
| def __init__(self, device): | |
| print(f"Initializing DepthText2Image to {device}") | |
| self.torch_dtype = torch.float16 if 'cuda' in device else torch.float32 | |
| self.controlnet = ControlNetModel.from_pretrained( | |
| "fusing/stable-diffusion-v1-5-controlnet-depth", torch_dtype=self.torch_dtype) | |
| self.pipe = StableDiffusionControlNetPipeline.from_pretrained( | |
| "runwayml/stable-diffusion-v1-5", controlnet=self.controlnet, safety_checker=None, | |
| torch_dtype=self.torch_dtype) | |
| self.pipe.scheduler = UniPCMultistepScheduler.from_config(self.pipe.scheduler.config) | |
| self.pipe.to(device) | |
| self.seed = -1 | |
| self.a_prompt = 'best quality, extremely detailed' | |
| self.n_prompt = 'longbody, lowres, bad anatomy, bad hands, missing fingers, extra digit,' \ | |
| ' fewer digits, cropped, worst quality, low quality' | |
| def inference(self, inputs): | |
| image_path, instruct_text = inputs.split(",")[0], ','.join(inputs.split(',')[1:]) | |
| image = Image.open(image_path) | |
| self.seed = random.randint(0, 65535) | |
| seed_everything(self.seed) | |
| prompt = f'{instruct_text}, {self.a_prompt}' | |
| image = self.pipe(prompt, image, num_inference_steps=20, eta=0.0, negative_prompt=self.n_prompt, | |
| guidance_scale=9.0).images[0] | |
| # updated_image_path = get_new_image_name(image_path, func_name="depth2image") | |
| updated_image_path = gen_new_name(image_path, f'{type(self).__name__}') | |
| image.save(updated_image_path) | |
| print(f"\nProcessed DepthText2Image, Input Depth: {image_path}, Input Text: {instruct_text}, " | |
| f"Output Image: {updated_image_path}") | |
| return updated_image_path | |
| class Image2Normal: | |
| def __init__(self, device): | |
| print("Initializing Image2Normal") | |
| self.depth_estimator = pipeline("depth-estimation", model="Intel/dpt-hybrid-midas") | |
| self.bg_threhold = 0.4 | |
| def inference(self, inputs): | |
| image = Image.open(inputs) | |
| original_size = image.size | |
| image = self.depth_estimator(image)['predicted_depth'][0] | |
| image = image.numpy() | |
| image_depth = image.copy() | |
| image_depth -= np.min(image_depth) | |
| image_depth /= np.max(image_depth) | |
| x = cv2.Sobel(image, cv2.CV_32F, 1, 0, ksize=3) | |
| x[image_depth < self.bg_threhold] = 0 | |
| y = cv2.Sobel(image, cv2.CV_32F, 0, 1, ksize=3) | |
| y[image_depth < self.bg_threhold] = 0 | |
| z = np.ones_like(x) * np.pi * 2.0 | |
| image = np.stack([x, y, z], axis=2) | |
| image /= np.sum(image ** 2.0, axis=2, keepdims=True) ** 0.5 | |
| image = (image * 127.5 + 127.5).clip(0, 255).astype(np.uint8) | |
| image = Image.fromarray(image) | |
| image = image.resize(original_size) | |
| updated_image_path = get_new_image_name(inputs, func_name="normal-map") | |
| updated_image_path = gen_new_name(inputs, f'{type(self).__name__}') | |
| image.save(updated_image_path) | |
| print(f"\nProcessed Image2Normal, Input Image: {inputs}, Output Depth: {updated_image_path}") | |
| return updated_image_path | |
| class NormalText2Image: | |
| def __init__(self, device): | |
| print(f"Initializing NormalText2Image to {device}") | |
| self.torch_dtype = torch.float16 if 'cuda' in device else torch.float32 | |
| self.controlnet = ControlNetModel.from_pretrained( | |
| "fusing/stable-diffusion-v1-5-controlnet-normal", torch_dtype=self.torch_dtype) | |
| self.pipe = StableDiffusionControlNetPipeline.from_pretrained( | |
| "runwayml/stable-diffusion-v1-5", controlnet=self.controlnet, safety_checker=None, | |
| torch_dtype=self.torch_dtype) | |
| self.pipe.scheduler = UniPCMultistepScheduler.from_config(self.pipe.scheduler.config) | |
| self.pipe.to(device) | |
| self.seed = -1 | |
| self.a_prompt = 'best quality, extremely detailed' | |
| self.n_prompt = 'longbody, lowres, bad anatomy, bad hands, missing fingers, extra digit,' \ | |
| ' fewer digits, cropped, worst quality, low quality' | |
| def inference(self, inputs): | |
| image_path, instruct_text = inputs.split(",")[0], ','.join(inputs.split(',')[1:]) | |
| image = Image.open(image_path) | |
| self.seed = random.randint(0, 65535) | |
| seed_everything(self.seed) | |
| prompt = f'{instruct_text}, {self.a_prompt}' | |
| image = self.pipe(prompt, image, num_inference_steps=20, eta=0.0, negative_prompt=self.n_prompt, | |
| guidance_scale=9.0).images[0] | |
| updated_image_path = get_new_image_name(image_path, func_name="normal2image") | |
| updated_image_path = gen_new_name(image_path, f'{type(self).__name__}') | |
| image.save(updated_image_path) | |
| print(f"\nProcessed NormalText2Image, Input Normal: {image_path}, Input Text: {instruct_text}, " | |
| f"Output Image: {updated_image_path}") | |
| return updated_image_path | |
| class InfinityOutPainting: | |
| template_model = True # Add this line to show this is a template model. | |
| def __init__(self, ImageCaptioning, ImageEditing, VisualQuestionAnswering): | |
| self.llm = OpenAI(temperature=0) | |
| self.ImageCaption = ImageCaptioning | |
| self.ImageEditing = ImageEditing | |
| self.ImageVQA = VisualQuestionAnswering | |
| self.a_prompt = 'best quality, extremely detailed' | |
| self.n_prompt = 'longbody, lowres, bad anatomy, bad hands, missing fingers, extra digit, ' \ | |
| 'fewer digits, cropped, worst quality, low quality' | |
| def get_BLIP_vqa(self, image, question): | |
| inputs = self.ImageVQA.processor(image, question, return_tensors="pt").to(self.ImageVQA.device, | |
| self.ImageVQA.torch_dtype) | |
| out = self.ImageVQA.model.generate(**inputs) | |
| answer = self.ImageVQA.processor.decode(out[0], skip_special_tokens=True) | |
| print(f"\nProcessed VisualQuestionAnswering, Input Question: {question}, Output Answer: {answer}") | |
| return answer | |
| def get_BLIP_caption(self, image): | |
| inputs = self.ImageCaption.processor(image, return_tensors="pt").to(self.ImageCaption.device, | |
| self.ImageCaption.torch_dtype) | |
| out = self.ImageCaption.model.generate(**inputs) | |
| BLIP_caption = self.ImageCaption.processor.decode(out[0], skip_special_tokens=True) | |
| return BLIP_caption | |
| def check_prompt(self, prompt): | |
| check = f"Here is a paragraph with adjectives. " \ | |
| f"{prompt} " \ | |
| f"Please change all plural forms in the adjectives to singular forms. " | |
| return self.llm(check) | |
| def get_imagine_caption(self, image, imagine): | |
| BLIP_caption = self.get_BLIP_caption(image) | |
| background_color = self.get_BLIP_vqa(image, 'what is the background color of this image') | |
| style = self.get_BLIP_vqa(image, 'what is the style of this image') | |
| imagine_prompt = f"let's pretend you are an excellent painter and now " \ | |
| f"there is an incomplete painting with {BLIP_caption} in the center, " \ | |
| f"please imagine the complete painting and describe it" \ | |
| f"you should consider the background color is {background_color}, the style is {style}" \ | |
| f"You should make the painting as vivid and realistic as possible" \ | |
| f"You can not use words like painting or picture" \ | |
| f"and you should use no more than 50 words to describe it" | |
| caption = self.llm(imagine_prompt) if imagine else BLIP_caption | |
| caption = self.check_prompt(caption) | |
| print(f'BLIP observation: {BLIP_caption}, ChatGPT imagine to {caption}') if imagine else print( | |
| f'Prompt: {caption}') | |
| return caption | |
| def resize_image(self, image, max_size=1000000, multiple=8): | |
| aspect_ratio = image.size[0] / image.size[1] | |
| new_width = int(math.sqrt(max_size * aspect_ratio)) | |
| new_height = int(new_width / aspect_ratio) | |
| new_width, new_height = new_width - (new_width % multiple), new_height - (new_height % multiple) | |
| return image.resize((new_width, new_height)) | |
| def dowhile(self, original_img, tosize, expand_ratio, imagine, usr_prompt): | |
| old_img = original_img | |
| while (old_img.size != tosize): | |
| prompt = self.check_prompt(usr_prompt) if usr_prompt else self.get_imagine_caption(old_img, imagine) | |
| crop_w = 15 if old_img.size[0] != tosize[0] else 0 | |
| crop_h = 15 if old_img.size[1] != tosize[1] else 0 | |
| old_img = ImageOps.crop(old_img, (crop_w, crop_h, crop_w, crop_h)) | |
| temp_canvas_size = (expand_ratio * old_img.width if expand_ratio * old_img.width < tosize[0] else tosize[0], | |
| expand_ratio * old_img.height if expand_ratio * old_img.height < tosize[1] else tosize[ | |
| 1]) | |
| temp_canvas, temp_mask = Image.new("RGB", temp_canvas_size, color="white"), Image.new("L", temp_canvas_size, | |
| color="white") | |
| x, y = (temp_canvas.width - old_img.width) // 2, (temp_canvas.height - old_img.height) // 2 | |
| temp_canvas.paste(old_img, (x, y)) | |
| temp_mask.paste(0, (x, y, x + old_img.width, y + old_img.height)) | |
| resized_temp_canvas, resized_temp_mask = self.resize_image(temp_canvas), self.resize_image(temp_mask) | |
| image = self.ImageEditing.inpaint(prompt=prompt, image=resized_temp_canvas, mask_image=resized_temp_mask, | |
| height=resized_temp_canvas.height, width=resized_temp_canvas.width, | |
| num_inference_steps=50).images[0].resize( | |
| (temp_canvas.width, temp_canvas.height), Image.ANTIALIAS) | |
| image = blend_gt2pt(old_img, image) | |
| old_img = image | |
| return old_img | |
| def inference(self, inputs): | |
| image_path, resolution = inputs.split(',') | |
| width, height = resolution.split('x') | |
| tosize = (int(width), int(height)) | |
| image = Image.open(image_path) | |
| image = ImageOps.crop(image, (10, 10, 10, 10)) | |
| out_painted_image = self.dowhile(image, tosize, 4, True, False) | |
| # updated_image_path = get_new_image_name(image_path, func_name="outpainting") | |
| updated_image_path = gen_new_name(image_path, f'{type(self).__name__}') | |
| out_painted_image.save(updated_image_path) | |
| print(f"\nProcessed InfinityOutPainting, Input Image: {image_path}, Input Resolution: {resolution}, " | |
| f"Output Image: {updated_image_path}") | |
| return updated_image_path | |
| ##################### New Models ##################### | |
| class SegmentAnything: | |
| def __init__(self, device): | |
| print(f"Initializing SegmentAnything to {device}") | |
| self.device = device | |
| sam_checkpoint = "model_zoo/sam_vit_h_4b8939.pth" | |
| model_type = "vit_h" | |
| self.sam = sam_model_registry[model_type](checkpoint=sam_checkpoint) | |
| self.predictor = SamPredictor(self.sam) | |
| self.sam.to(device=device) | |
| self.clicked_region = None | |
| self.img_path = None | |
| self.history_mask_res = None | |
| def inference(self, inputs): | |
| print("Inputs: ", inputs) | |
| img_path = inputs.strip() | |
| self.img_path = img_path | |
| annos = self.segment_anything(img_path) | |
| full_img, _ = self.show_annos(annos) | |
| # full_img = Image.fromarray(full_img) | |
| # res = Image.fromarray(res) | |
| # print(os.path.splitext(img_path)) | |
| seg_all_image_path = gen_new_name(img_path, 'seg') | |
| full_img.save(seg_all_image_path, "PNG") | |
| print(f"\nProcessed SegmentAnything, Input Image: {inputs}, Output Depth: {seg_all_image_path}") | |
| return seg_all_image_path | |
| def inference_by_mask(self, inputs=None): | |
| # mask = np.array(Image.open(mask_path).convert('L')) | |
| res_mask = self.segment_by_mask(self.clicked_region) | |
| if self.history_mask_res is None: | |
| self.history_mask_res = res_mask | |
| else: | |
| self.history_mask_res = np.logical_or(self.history_mask_res, res_mask) | |
| res_mask = self.history_mask_res.astype(np.uint8)*255 | |
| # res_mask = self.dilate_mask(res_mask) | |
| filaname = gen_new_name(self.img_path, 'mask') | |
| mask_img = Image.fromarray(res_mask) | |
| mask_img.save(filaname, "PNG") | |
| return filaname | |
| def segment_by_mask(self, mask=None): | |
| random.seed(GLOBAL_SEED) | |
| if mask is None: | |
| mask = self.clicked_region | |
| idxs = np.nonzero(mask) | |
| num_points = min(max(1, int(len(idxs[0]) * 0.01)), 16) | |
| sampled_idx = random.sample(range(0, len(idxs[0])), num_points) | |
| new_mask = [] | |
| for i in range(len(idxs)): | |
| new_mask.append(idxs[i][sampled_idx]) | |
| points = np.array(new_mask).reshape(2, -1).transpose(1, 0)[:, ::-1] | |
| labels = np.array([1] * num_points) | |
| res_masks, scores, _ = self.predictor.predict( | |
| point_coords=points, | |
| point_labels=labels, | |
| multimask_output=True, | |
| ) | |
| return res_masks[np.argmax(scores), :, :] | |
| def segment_anything(self, img_path): | |
| img = cv2.imread(img_path) | |
| img = cv2.cvtColor(img, cv2.COLOR_BGR2RGB) | |
| mask_generator = SamAutomaticMaskGenerator(self.sam) | |
| annos = mask_generator.generate(img) | |
| return annos | |
| def get_detection_map(self, img_path): | |
| annos = self.segment_anything(img_path) | |
| _, detection_map = self.show_anns(annos) | |
| return detection_map | |
| def preprocess(self, img, img_path): | |
| self.predictor.set_image(img) | |
| self.img_path = img_path | |
| def reset(self): | |
| self.predictor.reset_image() | |
| self.clicked_region = None | |
| self.img_path = None | |
| self.history_mask_res = None | |
| def show_annos(self, anns): | |
| # From https://github.com/sail-sg/EditAnything/blob/main/sam2image.py#L91 | |
| if len(anns) == 0: | |
| return | |
| sorted_anns = sorted(anns, key=(lambda x: x['area']), reverse=True) | |
| full_img = None | |
| # for ann in sorted_anns: | |
| for i in range(len(sorted_anns)): | |
| ann = anns[i] | |
| m = ann['segmentation'] | |
| if full_img is None: | |
| full_img = np.zeros((m.shape[0], m.shape[1], 3)) | |
| map = np.zeros((m.shape[0], m.shape[1]), dtype=np.uint16) | |
| map[m != 0] = i + 1 | |
| color_mask = np.random.random((1, 3)).tolist()[0] | |
| full_img[m != 0] = color_mask | |
| full_img = full_img * 255 | |
| # anno encoding from https://github.com/LUSSeg/ImageNet-S | |
| res = np.zeros((map.shape[0], map.shape[1], 3)) | |
| res[:, :, 0] = map % 256 | |
| res[:, :, 1] = map // 256 | |
| res.astype(np.float32) | |
| full_img = Image.fromarray(np.uint8(full_img)) | |
| return full_img, res | |
| def segment_by_points(self, img, points, lables): | |
| # TODO | |
| # masks, _, _ = self.predictor.predict( | |
| # point_coords=np.array(points[-1]), | |
| # point_labels=np.array(lables[-1]), | |
| # # mask_input=mask_input[-1], | |
| # multimask_output=True, # SAM outputs 3 masks, we choose the one with highest score | |
| # ) | |
| # # return masks_[np.argmax(scores_), :, :] | |
| # return masks | |
| pass | |
| class ExtractMaskedAnything: | |
| """ | |
| prepare: | |
| ``` | |
| curl -L $(yadisk-direct https://disk.yandex.ru/d/ouP6l8VJ0HpMZg) -o big-lama.zip | |
| unzip big-lama.zip | |
| ``` | |
| """ | |
| template_model=True # Add this line to show this is a template model. | |
| def __init__(self, SegmentAnything): | |
| self.SegmentAnything = SegmentAnything | |
| self.a_prompt = 'best quality, extremely detailed' | |
| self.n_prompt = 'longbody, lowres, bad anatomy, bad hands, missing fingers, extra digit, ' \ | |
| 'fewer digits, cropped, worst quality, low quality' | |
| def inference(self, inputs): | |
| print("Inputs: ", inputs) | |
| image_path, seg_mask_path = inputs.split(',') | |
| image_path = image_path.strip() | |
| seg_mask_path = seg_mask_path.strip() | |
| img = np.array(Image.open(image_path).convert("RGB")) | |
| seg_mask = Image.open(seg_mask_path).convert('RGB') | |
| seg_mask = np.array(seg_mask, dtype=np.uint8) | |
| new_img = img * (seg_mask // 255) | |
| rgba_img = np.concatenate((new_img, seg_mask[:, :, :1]), axis=-1).astype(np.uint8) | |
| rgba_img = Image.fromarray(rgba_img).convert("RGBA") | |
| new_name = gen_new_name(image_path, "ExtractMaskedAnything") | |
| rgba_img.save(new_name, 'PNG') | |
| print(f"\nProcessed ExtractMaskedAnything, Input Image: {inputs}, Output Image: {new_name}") | |
| return new_name | |
| class ReplaceMaskedAnything: | |
| def __init__(self, device): | |
| print(f"Initializing ReplaceMaskedAnything to {device}") | |
| self.device=device | |
| self.revision = 'fp16' if 'cuda' in device else None | |
| self.torch_dtype = torch.float16 if 'cuda' in device else torch.float32 | |
| self.inpaint = StableDiffusionInpaintPipeline.from_pretrained( | |
| "runwayml/stable-diffusion-inpainting", revision=self.revision, torch_dtype=self.torch_dtype).to(device) | |
| def inference(self, inputs): | |
| print("Inputs: ", inputs) | |
| image_path, mask_path = inputs.split(',')[:2] | |
| image_path = image_path.strip() | |
| mask_path = mask_path.strip() | |
| prompt = ','.join(inputs.split(',')[2:]).strip() | |
| img = Image.open(image_path) | |
| original_shape = img.size | |
| img = img.resize((512, 512)) | |
| mask_img = Image.open(mask_path).convert("L").resize((512, 512)) | |
| mask = np.array(mask_img, dtype=np.uint8) | |
| dilate_factor = cal_dilate_factor(mask) | |
| mask = dilate_mask(mask, dilate_factor) | |
| gen_img = self.inpaint(prompt=prompt, image=img, mask_image=mask_img).images[0] | |
| # gen_img = resize_image(np.array(gen_img), 512) | |
| gen_img = gen_img.resize(original_shape) | |
| gen_img_path = gen_new_name(image_path, 'ReplaceMaskedAnything') | |
| gen_img.save(gen_img_path, 'PNG') | |
| print(f"\nProcessed ReplaceMaskedAnything, Input Image: {inputs}, Output Depth: {gen_img_path}.") | |
| return gen_img_path | |
| class ImageOCRRecognition: | |
| def __init__(self, device): | |
| print(f"Initializing ImageOCRRecognition to {device}") | |
| self.device = device | |
| self.reader = easyocr.Reader(['ch_sim', 'en'], gpu=device) # this needs to run only once to load the model into memory | |
| self.result = None | |
| self.image_path=None | |
| self.clicked_region = None | |
| def inference_by_mask(self, inputs=None): | |
| mask = self.clicked_region | |
| inds =np.where(mask != 0) | |
| inds = (inds[0][::8], inds[1][::8]) | |
| if self.image_path is None or len(inds[0]) == 0: | |
| # self.result = self.reader.readtext(image_path) | |
| return 'No characters in the image' | |
| # stat = [100, 595] # todo | |
| # reader = easyocr.Reader(['ch_sim', 'en', 'fr', 'it', 'ja', 'ko', 'ru', 'de', 'pt']) # this needs to run only once to load the model into memory | |
| ocr_text_list = [] | |
| for i in range(len(inds[0])): | |
| res = self.search((inds[1][i], inds[0][i])) | |
| if res is not None and len(res) > 0: | |
| ocr_text_list.append(res) | |
| ocr_text_list = list(dict.fromkeys(ocr_text_list)) | |
| ocr_text = '\n'.join(ocr_text_list) | |
| if ocr_text is None or len(ocr_text.strip()) == 0: | |
| ocr_text = 'No characters in the image' | |
| else: | |
| ocr_text = '\n' + ocr_text | |
| print( | |
| f"\nProcessed ImageOCRRecognition, Input Image: {self.image_path}, " | |
| f"Output Text: {ocr_text}.") | |
| return ocr_text | |
| def inference(self, inputs): | |
| image_path = inputs.strip() | |
| if self.image_path != image_path: | |
| self.result = self.reader.readtext(image_path) | |
| self.image_path = image_path | |
| # print(self.result) | |
| res_text = [] | |
| for item in self.result: | |
| # ([[x, y], [x, y], [x, y], [x, y]], text, confidence) | |
| res_text.append(item[1]) | |
| print( | |
| f"\nProcessed ImageOCRRecognition, Input Image: {self.image_path}, " | |
| f"Output Text: {res_text}") | |
| return res_text | |
| def preprocess(self, img, img_path): | |
| self.image_path = img_path | |
| self.result = self.reader.readtext(self.image_path) | |
| def search(self, coord): | |
| for item in self.result: | |
| left_top = item[0][0] | |
| right_bottom=item[0][-2] | |
| if (coord[0] >= left_top[0] and coord[1] >= left_top[1]) and \ | |
| (coord[0] <= right_bottom[0] and coord[1] <= right_bottom[1]): | |
| return item[1] | |
| return '' | |
| def reset(self): | |
| self.image_path = None | |
| self.result = None | |
| self.mask = None | |
| class ConversationBot: | |
| def __init__(self, load_dict): | |
| # load_dict = {'VisualQuestionAnswering':'cuda:0', 'ImageCaptioning':'cuda:1',...} | |
| print(f"Initializing VisualChatGPT, load_dict={load_dict}") | |
| if 'HuskyVQA' not in load_dict: | |
| raise ValueError("You have to load ImageCaptioning as a basic function for i-GPT") | |
| if 'SegmentAnything' not in load_dict: | |
| raise ValueError("You have to load SegmentAnything as a basic function for i-GPT") | |
| self.models = {} | |
| self.uploaded_image_filename = None | |
| # self.segmented_image_filename = None | |
| self.history_mask = None | |
| # Load Basic Foundation Models | |
| for class_name, device in load_dict.items(): | |
| self.models[class_name] = globals()[class_name](device=device) | |
| # Load Template Foundation Models | |
| for class_name, module in globals().items(): | |
| if getattr(module, 'template_model', False): | |
| template_required_names = {k for k in inspect.signature(module.__init__).parameters.keys() if k!='self'} | |
| loaded_names = set([type(e).__name__ for e in self.models.values()]) | |
| if template_required_names.issubset(loaded_names): | |
| self.models[class_name] = globals()[class_name]( | |
| **{name: self.models[name] for name in template_required_names}) | |
| self.tools = [] | |
| for instance in self.models.values(): | |
| for e in dir(instance): | |
| if e.startswith('inference'): | |
| func = getattr(instance, e) | |
| self.tools.append(Tool(name=func.name, description=func.description, func=func)) | |
| self.llm = None | |
| self.memory = None | |
| self.audio_model = None | |
| def init_agent(self): | |
| if self.memory is not None: | |
| self.memory.clear() #clear previous history | |
| else: | |
| self.memory = ConversationBufferMemory(memory_key="chat_history", output_key='output') | |
| self.reset() | |
| self.llm = OpenAI(temperature=0) | |
| self.agent = initialize_agent( | |
| self.tools, | |
| self.llm, | |
| agent="conversational-react-description", | |
| verbose=True, | |
| memory=self.memory, | |
| return_intermediate_steps=True, | |
| agent_kwargs={'prefix': INTERN_CHAT_PREFIX, 'format_instructions': INTERN_CHAT_FORMAT_INSTRUCTIONS, | |
| 'suffix': INTERN_CHAT_SUFFIX}, ) | |
| def find_latest_image(self, file_list): | |
| res = None | |
| prev_mtime = None | |
| for file_item in file_list: | |
| file_path = os.path.basename(file_item[0]) | |
| if not os.path.exists(file_item[0]): | |
| continue | |
| if res is None: | |
| res = file_item[0] | |
| ms = int(file_path.split('_')[0][3:]) * 0.001 | |
| prev_mtime = int(os.path.getmtime(file_item[0])) + ms | |
| else: | |
| ms = int(file_path.split('_')[0][3:]) * 0.001 | |
| cur_mtime = int(os.path.getmtime(file_item[0])) + ms | |
| # cur_mtime = cur_mtime + ms | |
| if cur_mtime > prev_mtime: | |
| prev_mtime = cur_mtime | |
| res = file_item[0] | |
| return res | |
| def run_task(self, use_voice, text, audio_path, state): | |
| if use_voice: | |
| state, _ = self.run_audio(audio_path, state) | |
| else: | |
| state, _ = self.run_text(text, state) | |
| return state, state, None | |
| def find_param(self, msg, keyword, excluded=False): | |
| p1 = re.compile(f'(image/[-\\w]*.(png|mp4))') | |
| p2 = re.compile(f'(image/[-\\w]*_{keyword}.(png|mp4))') | |
| if keyword == None or len(keyword) == 0: | |
| out_filenames = p1.findall(msg) | |
| elif not excluded: | |
| out_filenames = p2.findall(msg) | |
| elif excluded: | |
| all_files = p1.findall(msg) | |
| excluded_files = p2.findall(msg) | |
| out_filenames = set(all_files) - set(excluded_files) | |
| res = self.find_latest_image(out_filenames) | |
| return res | |
| def rectify_action(self, inputs, history_msg): | |
| # history_msg = self.agent.memory.buffer.copy() | |
| print('Rectify the action.') | |
| print(inputs) | |
| func = None | |
| func_name = None | |
| func_inputs = None | |
| if 'remove' in inputs.lower() or 'erase' in inputs.lower(): | |
| # func = self.models['RemoveMaskedAnything'] | |
| # cls = self.models.get('RemoveMaskedAnything', None) | |
| cls = self.models.get('LDMInpainting', None) | |
| if cls is not None: | |
| func = cls.inference | |
| mask_path = self.find_param(history_msg+inputs, 'mask') | |
| img_path = self.find_param(history_msg+inputs, 'mask', excluded=True) | |
| func_inputs = f'{img_path},{mask_path}' | |
| func_name = 'RemoveMaskedAnything' | |
| elif 'replace' in inputs.lower(): | |
| cls = self.models.get('ReplaceMaskedAnything', None) | |
| if cls is not None: | |
| func = cls.inference | |
| mask_path = self.find_param(history_msg+inputs, 'mask') | |
| # img_path = self.find_param(history_msg, 'raw') | |
| img_path = self.find_param(history_msg+inputs, 'mask', excluded=True) | |
| prompt = inputs.strip() | |
| func_inputs = f'{img_path},{mask_path},{prompt}' | |
| func_name = 'ReplaceMaskedAnything' | |
| elif 'generate' in inputs.lower() or 'beautify' in inputs.lower(): | |
| # print('*' * 40) | |
| cls = self.models.get('ImageText2Image', None) | |
| if cls is not None: | |
| func = cls.inference | |
| img_path = self.find_param(history_msg+inputs, '') | |
| # img_path = self.find_param(history_msg, 'raw') | |
| prompt = inputs.strip() | |
| func_inputs = f'{img_path},{prompt}' | |
| func_name = 'ImageText2Image' | |
| elif 'describe' in inputs.lower() or 'introduce' in inputs.lower(): | |
| cls = self.models.get('HuskyVQA', None) | |
| func_name = 'HuskyVQA' | |
| if cls is not None and 'mask' in inputs.lower(): | |
| prompt = inputs.strip() | |
| func = cls.inference_by_mask | |
| img_path = self.find_param(history_msg+inputs, 'mask', excluded=True) | |
| mask_path = self.find_param(history_msg+inputs, 'mask') | |
| func_inputs = f'{img_path},{mask_path},{prompt}' | |
| elif cls is not None: | |
| prompt = inputs.strip() | |
| func = cls.inference | |
| img_path = self.find_param(history_msg+inputs, 'mask', excluded=True) | |
| func_inputs = f'{img_path}' | |
| elif 'image' in inputs.lower() or 'figure' in inputs.lower() or 'picture' in inputs.lower(): | |
| cls = self.models.get('HuskyVQA', None) | |
| func_name = 'HuskyVQA' | |
| if cls is not None: | |
| func = cls.inference | |
| img_path = self.find_param(history_msg+inputs, 'mask', excluded=True) | |
| # img_path = self.find_param(history_msg, 'raw') | |
| prompt = inputs.strip() | |
| func_inputs = f'{img_path},{prompt}' | |
| else: | |
| # raise NotImplementedError('Can not find the matched function.') | |
| res = self.agent(f"You can use history message to sanswer this question without using any tools. {inputs}") | |
| res = res['output'].replace("\\", "/") | |
| print(f'{func_name}: {func_inputs}') | |
| return_res = None | |
| if func is None: | |
| res = f"I have tried to use the tool: \"{func_name}\" to acquire the results, but it is not sucessfully loaded." | |
| else: | |
| return_res = func(func_inputs) | |
| if os.path.exists(return_res): | |
| res = f"I have used the tool: \"{func_name}\" to obtain the results. The output image is named {return_res}." | |
| else: | |
| res = f"I have used the tool: \"{func_name}\" to obtain the results. {return_res}" | |
| print(f"I have used the tool: \"{func_name}\" to obtain the results. The Inputs: {func_inputs}. Result: {return_res}.") | |
| return res | |
| def check_illegal_files(self, file_list): | |
| illegal_files = [] | |
| for file_item in file_list: | |
| if not os.path.exists(file_item[0]): | |
| illegal_files.append(file_item[0]) | |
| return illegal_files | |
| def run_text(self, text, state): | |
| if text is None or len(text) == 0: | |
| state += [(None, 'Please input text.')] | |
| return state, state | |
| self.agent.memory.buffer = cut_dialogue_history(self.agent.memory.buffer, keep_last_n_words=500) | |
| pattern = re.compile('(image/[-\\w]*.(png|mp4))') | |
| try: | |
| # new_text = text.strip() + 'You can find all input paths in the history.' | |
| # res = self.agent({"input": new_text}) | |
| response = self.agent({"input": text.strip()})['output'] | |
| # print(f'*******response*********: {response}') | |
| response = response.replace("\\", "/") | |
| out_filenames = pattern.findall(response) | |
| illegal_files = self.check_illegal_files(out_filenames) | |
| if len(illegal_files) > 0: | |
| raise FileNotFoundError(f'{illegal_files} do (does) not exist.') | |
| res = self.find_latest_image(out_filenames) | |
| except Exception as err1: | |
| # state += [(text, 'Sorry, I failed to understand your instruction. You can try it again or turn to more powerful language model.')] | |
| print(f'Error: {err1}') | |
| try: | |
| response = self.rectify_action(text, self.agent.memory.buffer[:]) | |
| # print('response = ', response) | |
| out_filenames = pattern.findall(response) | |
| res = self.find_latest_image(out_filenames) | |
| # print(out_filenames) | |
| self.agent.memory.buffer += f'\nHuman: {text.strip()}\n' + f'AI:{response})' | |
| except Exception as err2: | |
| print(f'Error: {err2}') | |
| state += [(text, 'Sorry, I failed to understand your instruction. You can try it again or turn to more powerful language model.')] | |
| return state, state | |
| if res is not None and self.agent.memory.buffer.count(res) <= 1: | |
| state = state + [(text, response + f' `{res}` is as follows: ')] | |
| state = state + [(None, (res, ))] | |
| else: | |
| state = state + [(text, response)] | |
| print(f"\nProcessed run_text, Input text: {text}\nCurrent state: {state}\n" | |
| f"Current Memory: {self.agent.memory.buffer}") | |
| return state, state | |
| def run_audio(self, audio_path, state): | |
| print(f'audio_path = {audio_path}') | |
| if audio_path is None or not os.path.exists(audio_path): | |
| state += [(None, 'No audio input. Please stop recording first and then send the audio.')] | |
| return state, state | |
| if self.audio_model is None: | |
| self.audio_model = whisper.load_model("small").to('cuda:0') | |
| text = self.audio_model.transcribe(audio_path)["text"] | |
| res = self.run_text(text, state) | |
| print(f"\nProcessed run_audio, Input transcribed audio: {text}\nCurrent state: {state}\n" | |
| f"Current Memory: {self.agent.memory.buffer}") | |
| return res[0], res[1] | |
| def upload_image(self, image, state, txt): | |
| self.reset() | |
| print('upload an image') | |
| img = image['image'] | |
| image_filename = os.path.join('image', f"{str(uuid.uuid4())[:6]}.png") | |
| image_filename = gen_new_name(image_filename, 'raw') | |
| self.uploaded_image_filename = image_filename | |
| img = img.convert('RGB') | |
| img.save(image_filename, "PNG") | |
| # print(f"Resize image form {width}x{height} to {width_new}x{height_new}") | |
| # let some foundation models preprocess image | |
| NEED_PREPROCESSING_LIST = ["SegmentAnything", "ImageOCRRecognition"] | |
| for model_name in NEED_PREPROCESSING_LIST: | |
| if model_name in self.models.keys(): | |
| self.models[model_name].preprocess(np.array(img), image_filename) | |
| # description = self.models['ImageCaptioning'].inference(image_filename) | |
| description = self.models['HuskyVQA'].inference_captioning(image_filename) | |
| # description = 'Debug' | |
| ocr_text = None | |
| if 'ImageOCRRecognition' in self.models.keys(): | |
| ocr_text = self.models['ImageOCRRecognition'].inference(image_filename) | |
| if ocr_text is not None and len(ocr_text) > 0: | |
| Human_prompt = f'\nHuman: provide a image named {image_filename}. The description is: {description}. OCR result is: {ocr_text}. This information helps you to understand this image, but you should use tools to finish following tasks, rather than directly imagine from my description. If you understand, say \"Received\". \n' | |
| else: | |
| Human_prompt = f'\nHuman: provide a image named {image_filename}. The description is: {description}. This information helps you to understand this image, but you should use tools to finish following tasks, rather than directly imagine from my description. If you understand, say \"Received\". \n' | |
| AI_prompt = "Received. " | |
| self.agent.memory.buffer = self.agent.memory.buffer + Human_prompt + ' AI: ' + AI_prompt | |
| state = state + [(f"*{image_filename}*", AI_prompt)] | |
| print(f"\nProcessed upload_image, Input image: {image_filename}\nCurrent state: {state}\n" | |
| f"Current Memory: {self.agent.memory.buffer}") | |
| return state, state, f'{txt}' | |
| def upload_video(self, video_path, state, txt): | |
| self.reset() | |
| print('upload a video') | |
| vid_name = os.path.basename(video_path) | |
| # vid_name = gen_new_name(vid_name, '', vid_name.split('.')[-1]) | |
| new_video_path = os.path.join('./image/', vid_name) | |
| new_video_path = gen_new_name(new_video_path, 'raw', vid_name.split('.')[-1]) | |
| shutil.copy(video_path, new_video_path) | |
| if "VideoCaption" in self.models.keys(): | |
| description = self.models['VideoCaption'].inference(new_video_path) | |
| else: | |
| description = 'A video.' | |
| Human_prompt = f'\nHuman: provide a video named {new_video_path}. The description is: {description}. This information helps you to understand this video, but you should use tools to finish following tasks, rather than directly imagine from my description. If you understand, say \"Received\". \n' | |
| AI_prompt = f"Received video: {new_video_path} " | |
| self.agent.memory.buffer = self.agent.memory.buffer + Human_prompt + 'AI: ' + AI_prompt | |
| # state = state + [(f"*{new_video_path}*", AI_prompt)] | |
| # state = state + [(f"*{new_video_path}*", AI_prompt)] | |
| state = state + [((new_video_path, ), AI_prompt)] | |
| # print('exists = ', os.path.exists("./tmp_files/1e7f_f4236666_tmp.mp4")) | |
| print(f"\nProcessed upload_video, Input video: `{new_video_path}`\nCurrent state: {state}\n" | |
| f"Current Memory: {self.agent.memory.buffer}") | |
| return state, state, f'{txt}' | |
| def blend_mask(self, img, mask): | |
| mask = mask.astype(np.uint8) | |
| transparency_ratio = mask.astype(np.float32) / 255 / 3 | |
| transparency_ratio = transparency_ratio[:, :, np.newaxis] | |
| mask = mask[:, :, np.newaxis] | |
| mask[mask != 0] = 255 | |
| mask= mask.repeat(3, axis=2) | |
| mask[:,:,0] = 0 | |
| mask[:,:,2] = 0 | |
| new_img_arr = img * (1 - transparency_ratio) + mask * transparency_ratio | |
| new_img_arr = np.clip(new_img_arr, 0, 255).astype(np.uint8) | |
| # print(new_img_arr.shape) | |
| return new_img_arr | |
| def process_seg(self, image, state): | |
| if self.uploaded_image_filename is None or \ | |
| not os.path.exists(self.uploaded_image_filename) or \ | |
| image is None: | |
| return state, state, None | |
| if 'SegmentAnything' not in self.models.keys(): | |
| state += [(None, 'Please load the segmentation tool.')] | |
| return state, state, image | |
| img = Image.open(self.uploaded_image_filename).convert('RGB') | |
| # img = image['image'].convert('RGB') | |
| mask = image['mask'].convert('L') | |
| mask = np.array(mask, dtype=np.uint8) | |
| Human_prompt="Please process this image based on given mask." | |
| if self.uploaded_image_filename is None: | |
| AI_prompt = "Please upload an image for processing." | |
| state += [(Human_prompt, AI_prompt)] | |
| return state, state, None | |
| if mask.sum() == 0: | |
| AI_prompt = "You can click the image in the right and ask me some questions." | |
| state += [(Human_prompt, AI_prompt)] | |
| return state, state, image['image'] | |
| if 'SegmentAnything' in self.models.keys(): | |
| self.models['SegmentAnything'].clicked_region = mask | |
| res_mask_path = self.models['SegmentAnything'].inference_by_mask() | |
| res_mask = Image.open(res_mask_path) | |
| res_mask_arr = np.array(res_mask, dtype=np.uint8) | |
| # dilate_factor = self.models['SegmentAnything'].cal_dilate_factor(res_mask_arr) | |
| # res_mask_arr = self.models['SegmentAnything'].dilate_mask(res_mask_arr, dilate_factor) | |
| new_img_arr = self.blend_mask(img, res_mask_arr) | |
| new_img = Image.fromarray(new_img_arr) | |
| new_img_name = gen_new_name(self.uploaded_image_filename, 'blended') | |
| print(new_img_name) | |
| new_img.save(new_img_name) | |
| # AI_prompt = f"I have finished processing. Now, you can ask me some questions." | |
| # state = state + [(Human_prompt, AI_prompt)] | |
| AI_prompt = f"Received. The mask_path is named {res_mask_path}." | |
| self.agent.memory.buffer = self.agent.memory.buffer + '\nHuman: ' + Human_prompt + ' AI: ' + AI_prompt | |
| # state = state + [(Human_prompt, f"*{AI_prompt}*")] | |
| state = state + [(Human_prompt, f'Received. The sgemented figure named `{res_mask_path}` is as follows: ')] | |
| state = state + [(None, (res_mask_path, ))] | |
| print(f"\nProcessed run_image, Input image: `{self.uploaded_image_filename}`\nCurrent state: {state}\n" | |
| f"Current Memory: {self.agent.memory.buffer}") | |
| return state, state, new_img | |
| def process_ocr(self, image, state): | |
| if self.uploaded_image_filename is None or \ | |
| not os.path.exists(self.uploaded_image_filename) or \ | |
| image is None: | |
| return state, state, None | |
| img = Image.open(self.uploaded_image_filename).convert('RGB') | |
| img = np.array(img) | |
| # img[:100+int(time.time() % 50),:100, :] = 0 | |
| img = Image.fromarray(img) | |
| # img = image['image'].convert('RGB') | |
| mask = image['mask'].convert('L') | |
| # mask.save(f'test_{int(time.time()) % 1000}.png') | |
| mask = np.array(mask, dtype=np.uint8) | |
| Human_prompt="Please process this image based on given mask." | |
| if self.uploaded_image_filename is None: | |
| AI_prompt = "Please upload an image for processing." | |
| state += [(Human_prompt, AI_prompt)] | |
| return state, state, None | |
| if mask.sum() == 0: | |
| AI_prompt = "You can click the image in the right and ask me some questions." | |
| state += [(Human_prompt, AI_prompt)] | |
| return state, state, image['image'] | |
| ocr_text = None | |
| if 'ImageOCRRecognition' in self.models.keys(): | |
| self.models['ImageOCRRecognition'].clicked_region = mask | |
| ocr_text = self.models['ImageOCRRecognition'].inference_by_mask() | |
| else: | |
| state += [Human_prompt, f'ImageOCRRecognition is not loaded.'] | |
| if ocr_text is not None and len(ocr_text) > 0: | |
| AI_prompt = f'OCR result: {ocr_text}' | |
| # self.agent.memory.buffer = self.agent.memory.buffer + Human_prompt + ' AI: ' + AI_prompt | |
| else: | |
| AI_prompt = 'I didn\'t find any optical characters at given location.' | |
| state = state + [(Human_prompt, AI_prompt)] | |
| self.agent.memory.buffer = self.agent.memory.buffer + Human_prompt + ' AI: ' + AI_prompt | |
| print(f"\nProcessed process_ocr, Input image: {self.uploaded_image_filename}\nCurrent state: {state}\n" | |
| f"Current Memory: {self.agent.memory.buffer}") | |
| return state, state, image['image'] | |
| def process_save(self, image, state): | |
| if image is None: | |
| return state, state, None | |
| mask_image = image['mask'].convert('RGB') | |
| # mask = np.array(mask, dtype=np.uint8) | |
| # mask_image = Image.fromarray(mask).convert('RGB') | |
| random_name = os.path.join('image', f"{str(uuid.uuid4())[:6]}.png") | |
| mask_image_name = gen_new_name(random_name, 'rawmask') | |
| mask_image.save(mask_image_name, "PNG") | |
| Human_prompt="Please save the given mask." | |
| if np.array(mask_image, dtype=np.uint8).sum() == 0: | |
| AI_prompt = "I can not find the mask. Please operate on the image at first." | |
| state += [(Human_prompt, AI_prompt)] | |
| return state, state, image['image'] | |
| AI_prompt = f'The saved mask is named {mask_image_name}: ' | |
| state = state + [(Human_prompt, AI_prompt)] | |
| state = state + [(None, (mask_image_name, ))] | |
| self.agent.memory.buffer = self.agent.memory.buffer + Human_prompt + ' AI: ' + AI_prompt | |
| print(f"\nProcessed process_ocr, Input image: {self.uploaded_image_filename}\nCurrent state: {state}\n" | |
| f"Current Memory: {self.agent.memory.buffer}") | |
| return state, state, image['image'] | |
| def process_image(self, image, state): | |
| img = Image.open(self.uploaded_image_filename).convert('RGB') | |
| # img = image['image'].convert('RGB') | |
| mask = image['mask'].convert('L') | |
| mask = np.array(mask, dtype=np.uint8) | |
| Human_prompt="Please process this image based on given mask." | |
| if self.uploaded_image_filename is None: | |
| AI_prompt = "Please upload an image for processing." | |
| state += [(Human_prompt, AI_prompt)] | |
| return state, state, None | |
| if mask.sum() == 0: | |
| AI_prompt = "You can click the image in the right and ask me some questions." | |
| state += [(Human_prompt, AI_prompt)] | |
| return state, state, image['image'] | |
| if self.history_mask is None: | |
| self.history_mask = mask | |
| else: | |
| self.history_mask = np.logical_or(self.history_mask, mask) | |
| ocr_text = None | |
| if 'SegmentAnything' in self.models.keys(): | |
| self.models['SegmentAnything'].clicked_region = self.history_mask | |
| if 'ImageOCRRecognition' in self.models.keys(): | |
| self.models['ImageOCRRecognition'].clicked_region = mask | |
| inds = np.where(mask != 0) | |
| coord = (int(np.mean(inds[1])), int(np.mean(inds[0]))) | |
| ocr_text = self.models['ImageOCRRecognition'].search(coord) | |
| # description = self.models['ImageCaptioning'].inference(image_filename) | |
| res_mask = self.models['SegmentAnything'].segment_by_mask(self.history_mask) | |
| mask_image = Image.fromarray(res_mask.astype(np.uint8)*255) | |
| img = self.blend_mask(img, res_mask) | |
| seg_filename = gen_new_name(self.uploaded_image_filename, 'mask') | |
| mask_image.save(seg_filename, "PNG") | |
| AI_prompt = f"Received. The mask_path is named {seg_filename}:" | |
| self.agent.memory.buffer = self.agent.memory.buffer + Human_prompt + ' AI: ' + AI_prompt | |
| # state = state + [(Human_prompt, f"*{AI_prompt}*")] | |
| state = state + [(Human_prompt, f"Received. The segmented image is named {seg_filename}:")] | |
| state = state + [(None, (seg_filename, ))] | |
| if ocr_text is not None and len(ocr_text) > 0: | |
| state = state + [(None, f'OCR result: {ocr_text}')] | |
| print(f"\nProcessed process_image, Input image: {self.uploaded_image_filename}\nCurrent state: {state}\n" | |
| f"Current Memory: {self.agent.memory.buffer}") | |
| return state, state, img | |
| def reset(self, clear_history_memory=False): | |
| print('reset the model cache.') | |
| NEED_RESET_LIST = ['SegmentAnything', 'HuskyVQA'] | |
| for model_name in NEED_RESET_LIST: | |
| if model_name in self.models.keys(): | |
| self.models[model_name].reset() | |
| self.history_mask = None | |
| self.uploaded_image_filename = None | |
| if clear_history_memory and bot.memory is not None: | |
| self.memory.clear() | |
| return None | |
| class ImageSketcher(gr.Image): | |
| """ | |
| Code is from https://github.com/ttengwang/Caption-Anything/blob/main/app.py#L32. | |
| Fix the bug of gradio.Image that cannot upload with tool == 'sketch'. | |
| """ | |
| is_template = True # Magic to make this work with gradio.Block, don't remove unless you know what you're doing. | |
| def __init__(self, **kwargs): | |
| super().__init__(tool="sketch", **kwargs) | |
| def preprocess(self, x): | |
| if x is None: | |
| return x | |
| if self.tool == 'sketch' and self.source in ["upload", "webcam"]: | |
| # assert isinstance(x, dict) | |
| if isinstance(x, dict) and x['mask'] is None: | |
| decode_image = gr.processing_utils.decode_base64_to_image(x['image']) | |
| width, height = decode_image.size | |
| mask = np.zeros((height, width, 4), dtype=np.uint8) | |
| mask[..., -1] = 255 | |
| mask = self.postprocess(mask) | |
| # print(type(mask)) | |
| # print(mask.shape) | |
| x['mask'] = mask | |
| elif not isinstance(x, dict): | |
| # print(x) | |
| print(f'type(x) = {type(x)}') | |
| decode_image = gr.processing_utils.decode_base64_to_image(x) | |
| width, height = decode_image.size | |
| decode_image.save('sketch_test.png') | |
| # print(width, height) | |
| mask = np.zeros((height, width, 4), dtype=np.uint8) | |
| mask[..., -1] = 255 | |
| # print(mask.shape) | |
| mask = self.postprocess(mask) | |
| # print(type(mask)) | |
| x = {'image': x, 'mask': mask} | |
| x = super().preprocess(x) | |
| return x | |
| class Seafoam(ThemeBase.Base): | |
| def __init__( | |
| self, | |
| *, | |
| primary_hue=colors.emerald, | |
| secondary_hue=colors.blue, | |
| neutral_hue=colors.gray, | |
| spacing_size=sizes.spacing_md, | |
| radius_size=sizes.radius_md, | |
| text_size=sizes.text_lg, | |
| font=( | |
| fonts.GoogleFont("Quicksand"), | |
| "ui-sans-serif", | |
| "sans-serif", | |
| ), | |
| font_mono=( | |
| fonts.GoogleFont("IBM Plex Mono"), | |
| "ui-monospace", | |
| "monospace", | |
| ), | |
| ): | |
| super().__init__( | |
| primary_hue=primary_hue, | |
| secondary_hue=secondary_hue, | |
| neutral_hue=neutral_hue, | |
| spacing_size=spacing_size, | |
| radius_size=radius_size, | |
| text_size=text_size, | |
| font=font, | |
| font_mono=font_mono, | |
| ) | |
| super().set( | |
| # body_background_fill="#D8E9EB", | |
| body_background_fill_dark="AAAAAA", | |
| button_primary_background_fill="*primary_300", | |
| button_primary_background_fill_hover="*primary_200", | |
| button_primary_text_color="black", | |
| button_secondary_background_fill="*secondary_300", | |
| button_secondary_background_fill_hover="*secondary_200", | |
| border_color_primary="#0BB9BF", | |
| slider_color="*secondary_300", | |
| slider_color_dark="*secondary_600", | |
| block_title_text_weight="600", | |
| block_border_width="3px", | |
| block_shadow="*shadow_drop_lg", | |
| button_shadow="*shadow_drop_lg", | |
| button_large_padding="10px", | |
| ) | |
| css=''' | |
| #chatbot{min-height: 480px} | |
| #image_upload:{align-items: center; min-width: 640px} | |
| ''' | |
| def change_input_type(flag): | |
| if flag: | |
| print('Using voice input.') | |
| else: | |
| print('Using text input.') | |
| return gr.update(visible=not flag), gr.update(visible=flag) | |
| def ramdom_image(): | |
| root_path = './assets/images' | |
| img_list = os.listdir(root_path) | |
| img_item = random.sample(img_list, 1)[0] | |
| return Image.open(os.path.join(root_path, img_item)) | |
| def ramdom_video(): | |
| root_path = './assets/videos' | |
| img_list = os.listdir(root_path) | |
| img_item = random.sample(img_list, 1)[0] | |
| return os.path.join(root_path, img_item) | |
| def process_video_tab(): | |
| return gr.update(visible=False), gr.update(visible=False), gr.update(visible=True) | |
| def process_image_tab(): | |
| return gr.update(visible=True), gr.update(visible=True), gr.update(visible=False) | |
| def add_whiteboard(): | |
| # wb = np.ones((1080, 1920, 3), dtype=np.uint8) * 255 | |
| # wb = np.ones((540, 960, 3), dtype=np.uint8) * 255 | |
| wb = np.ones((720, 1280, 3), dtype=np.uint8) * 255 | |
| # wb[0, 0, 0] = int(time.time() % 100) | |
| return Image.fromarray(wb) | |
| if __name__ == '__main__': | |
| parser = argparse.ArgumentParser() | |
| parser.add_argument('-p', '--port', type=int, default=7862) | |
| parser.add_argument('-d', '--debug', action='store_true') | |
| parser.add_argument('--https', action='store_true') | |
| parser.add_argument('--load', type=str, default="HuskyVQA_cuda:0,Text2Image_cuda:0") | |
| args = parser.parse_args() | |
| load_dict = {e.split('_')[0].strip(): e.split('_')[1].strip() for e in args.load.split(',')} | |
| bot = ConversationBot(load_dict=load_dict) | |
| # bot.init_agent() | |
| with gr.Blocks(theme=Seafoam(), css=css) as demo: | |
| state = gr.State([]) | |
| gr.HTML("<div align='center'> <img src='/file=./assets/gvlab_logo.png' style='height:70px'/> </div>") | |
| with gr.Row(visible=True, elem_id='login') as login: | |
| with gr.Column(scale=0.6, min_width=0) : | |
| openai_api_key_text = gr.Textbox( | |
| placeholder="Input openAI API key", | |
| show_label=False, | |
| label="OpenAI API Key", | |
| lines=1, | |
| type="password").style(container=False) | |
| with gr.Column(scale=0.4, min_width=0) : | |
| key_submit_button = gr.Button(value="Please log in with your OpenAI API Key", interactive=True, variant='primary').style(container=False) | |
| with gr.Row(visible=False) as user_interface: | |
| with gr.Column(scale=0.5, elem_id="text_input") as chat_part: | |
| chatbot = gr.Chatbot(elem_id="chatbot", label="InternChat").style(height=360) | |
| with gr.Row(visible=True) as input_row: | |
| with gr.Column(scale=0.8, min_width=0) as text_col: | |
| txt = gr.Textbox(show_label=False, placeholder="Enter text and press enter, or upload an image").style( | |
| container=False) | |
| audio_input = gr.Audio(source="microphone", type="filepath", visible=False) | |
| with gr.Column(scale=0.2, min_width=20): | |
| # clear = gr.Button("Clear") | |
| send_btn = gr.Button("๐ค Send", variant="primary", visible=True) | |
| with gr.Column(elem_id="visual_input", scale=0.5) as img_part: | |
| with gr.Row(visible=True): | |
| with gr.Column(scale=0.3, min_width=0): | |
| audio_switch = gr.Checkbox(label="Voice Assistant", elem_id='audio_switch', info=None) | |
| with gr.Column(scale=0.3, min_width=0): | |
| whiteboard_mode = gr.Button("โฌ๏ธ Whiteboard", variant="primary", visible=True) | |
| # whiteboard_mode = gr.Checkbox(label="Whiteboard", elem_id='whiteboard', info=None) | |
| with gr.Column(scale=0.4, min_width=0, visible=True)as img_example: | |
| add_img_example = gr.Button("๐ผ๏ธ Give an Example", variant="primary") | |
| with gr.Column(scale=0.4, min_width=0, visible=False) as vid_example: | |
| add_vid_example = gr.Button("๐ผ๏ธ Give an Example", variant="primary") | |
| with gr.Tab("Image", elem_id='image_tab') as img_tab: | |
| click_img = ImageSketcher(type="pil", interactive=True, brush_radius=15, elem_id="image_upload").style(height=360) | |
| with gr.Row() as vis_btn: | |
| with gr.Column(scale=0.25, min_width=0): | |
| process_seg_btn = gr.Button(value="๐ Pick", variant="primary", elem_id="process_seg_btn") | |
| with gr.Column(scale=0.25, min_width=0): | |
| process_ocr_btn = gr.Button(value="๐ OCR", variant="primary", elem_id="process_ocr_btn") | |
| with gr.Column(scale=0.25, min_width=0): | |
| process_save_btn = gr.Button(value="๐ Save", variant="primary", elem_id="process_save_btn") | |
| with gr.Column(scale=0.25, min_width=0): | |
| clear_btn = gr.Button(value="๐๏ธ Clear All", elem_id="clear_btn") | |
| with gr.Tab("Video", elem_id='video_tab') as video_tab: | |
| video_input = gr.Video(interactive=True, include_audio=True, elem_id="video_upload").style(height=360) | |
| login_func = partial(login_with_key, bot, args.debug) | |
| openai_api_key_text.submit(login_func, [openai_api_key_text], [user_interface, openai_api_key_text, key_submit_button]) | |
| key_submit_button.click(login_func, [openai_api_key_text, ], [user_interface, openai_api_key_text, key_submit_button]) | |
| # txt.submit(bot.run_text, [txt, state], [chatbot, state]) | |
| # txt.submit(lambda: "", None, txt) | |
| txt.submit( | |
| lambda: gr.update(visible=False), [], [send_btn]).then( | |
| lambda: gr.update(visible=False), [], [txt]).then( | |
| bot.run_text, [txt, state], [chatbot, state]).then( | |
| lambda: gr.update(visible=True), [], [send_btn] | |
| ).then(lambda: "", None, [txt, ]).then( | |
| lambda: gr.update(visible=True), [], [txt]) | |
| # send_audio_btn.click(bot.run_audio, [audio_input, state], [chatbot, state]) | |
| send_btn.click( | |
| lambda: gr.update(visible=False), [], [send_btn]).then( | |
| lambda: gr.update(visible=False), [], [txt]).then( | |
| bot.run_task, [audio_switch, txt, audio_input, state], [chatbot, state, txt]).then( | |
| lambda: gr.update(visible=True), [], [send_btn]).then( | |
| lambda: gr.update(visible=True), [], [txt] | |
| ) | |
| audio_switch.change(change_input_type, [audio_switch, ], [txt, audio_input]) | |
| add_img_example.click(ramdom_image, [], [click_img,]).then( | |
| bot.upload_image, [click_img, state, txt], [chatbot, state, txt]) | |
| add_vid_example.click(ramdom_video, [], [video_input,]).then( | |
| bot.upload_video, [video_input, state, txt], [chatbot, state, txt]) | |
| whiteboard_mode.click(add_whiteboard, [], [click_img,]) | |
| # click_img.upload(bot.upload_image, [click_img, state, txt], [chatbot, state, txt]) | |
| click_img.upload(lambda: gr.update(visible=False), [], [send_btn]).then(bot.upload_image, [click_img, state, txt], [chatbot, state, txt]).then(lambda: gr.update(visible=True), [], [send_btn]) | |
| # process_btn.click(bot.process_image, [click_img, state], [chatbot, state, click_img]) | |
| # process_ocr_btn.click(bot.process_ocr, [click_img, state], [chatbot, state, click_img]) | |
| process_ocr_btn.click( | |
| lambda: gr.update(visible=False), [], [vis_btn]).then( | |
| bot.process_ocr, [click_img, state], [chatbot, state, click_img]).then( | |
| lambda: gr.update(visible=True), [], [vis_btn] | |
| ) | |
| # process_seg_btn.click(bot.process_seg, [click_img, state], [chatbot, state, click_img]) | |
| process_seg_btn.click( | |
| lambda: gr.update(visible=False), [], [vis_btn]).then( | |
| bot.process_seg, [click_img, state], [chatbot, state, click_img]).then( | |
| lambda: gr.update(visible=True), [], [vis_btn] | |
| ) | |
| # process_save_btn.click(bot.process_save, [click_img, state], [chatbot, state, click_img]) | |
| process_save_btn.click( | |
| lambda: gr.update(visible=False), [], [vis_btn]).then( | |
| bot.process_save, [click_img, state], [chatbot, state, click_img]).then( | |
| lambda: gr.update(visible=True), [], [vis_btn] | |
| ) | |
| video_tab.select(process_video_tab, [], [whiteboard_mode, img_example, vid_example]) | |
| img_tab.select(process_image_tab, [], [whiteboard_mode, img_example, vid_example]) | |
| # clear_img_btn.click(bot.reset, [], [click_img]) | |
| clear_func = partial(bot.reset, clear_history_memory=True) | |
| clear_btn.click(clear_func, [], [click_img]).then( | |
| lambda: [], None, state).then( | |
| lambda: None, None, chatbot | |
| ) | |
| click_img.upload(bot.reset, None, None) | |
| video_input.upload(bot.upload_video, [video_input, state, txt], [chatbot, state, txt]) | |
| video_input.clear(bot.reset, [], [video_input]) | |
| if args.https: | |
| demo.queue().launch(server_name="0.0.0.0", ssl_certfile="./cert.pem", ssl_keyfile="./key.pem", ssl_verify=False, server_port=args.port) | |
| else: | |
| demo.queue().launch(server_name="0.0.0.0", server_port=args.port) | |
