Dragness / app.py
Doron Adler
Dragness - Pixel2Style2Pixel based face2drag
27b9d2f
raw history blame
No virus
2.91 kB
import os
#os.system("gdown https://drive.google.com/uc?id=1WEST2O6svlQWpJNomX3947Q2bfJz4bAJ")
#os.system("gdown https://drive.google.com/uc?id=1CbnhlUI9Tms2o7S2eCg9qwGXZFCyROYy")
import sys
import face_detection
import PIL
from PIL import Image, ImageOps
import numpy as np
import torch
torch.set_grad_enabled(False)
net = torch.jit.load('dragness_p2s2p_torchscript_cpu.pt')
net.eval()
def tensor2im(var):
var = var.cpu().detach().transpose(0, 2).transpose(0, 1).numpy()
var = ((var + 1) / 2)
var[var < 0] = 0
var[var > 1] = 1
var = var * 255
return Image.fromarray(var.astype('uint8'))
def image_as_array(image_in):
im_array = np.array(image_in, np.float32)
im_array = (im_array/255)*2 - 1
im_array = np.transpose(im_array, (2, 0, 1))
im_array = np.expand_dims(im_array, 0)
return im_array
def find_aligned_face(image_in, size=256):
aligned_image, n_faces, quad = face_detection.align(image_in, face_index=0, output_size=size)
return aligned_image, n_faces, quad
def align_first_face(image_in, size=256):
aligned_image, n_faces, quad = find_aligned_face(image_in,size=size)
if n_faces == 0:
image_in = image_in.resize((size, size))
im_array = image_as_array(image_in)
else:
im_array = image_as_array(aligned_image)
return im_array
import gradio as gr
def face2drag(
img: Image.Image,
size: int
) -> Image.Image:
aligned_img = align_first_face(img)
input = torch.Tensor(aligned_img)
output = net(input)
output = tensor2im(output[0])
return output
import os
import collections
from typing import Union, List
import numpy as np
from PIL import Image
import PIL.Image
import PIL.ImageFile
import numpy as np
import scipy.ndimage
import requests
def inference(img):
out = face2drag(img, 256)
return out
title = "Dragness"
description = "Gradio demo for Drag finetuned Pixel2Style2Pixel. To use it, simply upload your image, or click one of the examples to load them. Read more at the links below."
article = "<p style='text-align: center'><a href='https://github.com/justinpinkney/pixel2style2pixel/tree/nw' target='_blank'>Github Repo</a></p><p style='text-align: center'>samples: <img src='Sample00001.jpg' alt='Sample00001'/><img src='Sample00002.jpg' alt='Sample00002'/><img src='Sample00003.jpg' alt='Sample00003'/><img src='Sample00004.jpg' alt='Sample00004'/><img src='Sample00005.jpg' alt='Sample00005'/><img src='Sample00006.jpg' alt='Sample00006'/></p><p>Drag model was fine tuned by Doron Adler</p>"
examples=[['Example00001.jpg'],['Example00002.jpg'],['Fiona-Example00003.jpg'],['Example00004.jpg'],['Example00005.jpg'],['Example00006.jpg'],['Example00007.jpg']]
gr.Interface(inference, gr.inputs.Image(type="pil",shape=(256,256)), gr.outputs.Image(type="pil"),title=title,description=description,article=article,examples=examples,enable_queue=True).launch()