File size: 2,298 Bytes
8c43b94
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
5e09808
8c43b94
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
52e0c74
8c43b94
52e0c74
8c43b94
 
 
 
 
 
52e0c74
 
 
 
 
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
43
44
45
46
47
48
49
50
51
52
53
54
55
56
57
58
59
60
61
62
63
64
65
66
67
68
69
70
71
72
73
74
75
76
77
78
79
80
81
82
import os
from PIL import Image
import torch
import gradio as gr
import torch
torch.backends.cudnn.benchmark = True
from torchvision import transforms, utils
from util import *
from PIL import Image
import math
import random
import numpy as np
from torch import nn, autograd, optim
from torch.nn import functional as F
from tqdm import tqdm
import lpips
from model import *


#from e4e_projection import projection as e4e_projection

from copy import deepcopy
import imageio

import os
import sys
import numpy as np
from PIL import Image
import torch
import torchvision.transforms as transforms
from argparse import Namespace
from e4e.models.psp import pSp
from util import *
from huggingface_hub import hf_hub_download

device= 'cpu'
model_path_e = 'https://huggingface.co/bankholdup/stylegan_petbreeder/blob/main/e4e_ffhq512_cat.pt' #hf_hub_download(repo_id="bankholdup/stylegan_petbreeder", filename="e4e_ffhq5_cat.pt")
ckpt = torch.load(model_path_e, map_location='cpu')
opts = ckpt['opts']
opts['checkpoint_path'] = model_path_e
opts= Namespace(**opts)
net = pSp(opts, device).eval().to(device)

@ torch.no_grad()
def projection(img, name, device='cuda'):
 
    
    transform = transforms.Compose(
        [
            transforms.Resize(256),
            transforms.CenterCrop(256),
            transforms.ToTensor(),
            transforms.Normalize([0.5, 0.5, 0.5], [0.5, 0.5, 0.5]),
        ]
    )
    img = transform(img).unsqueeze(0).to(device)
    images, w_plus = net(img, randomize_noise=False, return_latents=True)
    result_file = {}
    result_file['latent'] = w_plus[0]
    torch.save(result_file, name)
    return w_plus[0]


def inference(img, model):  
    img.save('out.jpg')  
    aligned_face = align_face('out.jpg')
        
    my_w = projection(aligned_face, "test.pt", device).unsqueeze(0)           
    
    npimage = my_w.permute(1, 2, 0).detach().numpy()
    imageio.imwrite('filename.jpeg', npimage)
    return 'filename.jpeg'
  
title = "JoJoGAN"
description = "Gradio Demo for JoJoGAN: One Shot Face Stylization. To use it, simply upload your image, or click one of the examples to load them. Read more at the links below."

gr.Interface(inference, 
[gr.inputs.Image(type="pil")], 
gr.outputs.Image(type="file"),
title=title,
description=description).launch()