Spaces:
Runtime error
Runtime error
#!/usr/bin/env python | |
from __future__ import annotations | |
import argparse | |
import functools | |
import os | |
import pickle | |
import sys | |
import subprocess | |
import gradio as gr | |
import numpy as np | |
import torch | |
import torch.nn as nn | |
from huggingface_hub import hf_hub_download | |
from transformers import pipeline | |
sys.path.append('.') | |
sys.path.append('./Time_TravelRephotography') | |
from utils import torch_helpers as th | |
from argparse import Namespace | |
from projector import ( | |
ProjectorArguments, | |
main, | |
create_generator, | |
make_image, | |
) | |
sys.path.insert(0, 'StyleGAN-Human') | |
input_path = '' | |
spectral_sensitivity = 'b' | |
TITLE = 'Time-TravelRephotography' | |
DESCRIPTION = '''This is an unofficial demo for https://github.com/Time-Travel-Rephotography. | |
''' | |
ARTICLE = '<center><img src="https://visitor-badge.glitch.me/badge?page_id=Time-TravelRephotography" alt="visitor badge"/></center>' | |
TOKEN = "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" | |
pipe = pipeline("translation", model="Helsinki-NLP/opus-mt-en-es") | |
def parse_args() -> argparse.Namespace: | |
parser = argparse.ArgumentParser() | |
parser.add_argument('--device', type=str, default='cpu') | |
parser.add_argument('--theme', type=str) | |
parser.add_argument('--live', action='store_true') | |
parser.add_argument('--share', action='store_true') | |
parser.add_argument('--port', type=int) | |
parser.add_argument('--disable-queue', | |
dest='enable_queue', | |
action='store_false') | |
parser.add_argument('--allow-flagging', type=str, default='never') | |
return parser.parse_args() | |
def image_create(input_img): | |
args = ProjectorArguments().parse( | |
args=[str(input_path)], | |
namespace=Namespace( | |
encoder_ckpt=f"checkpoint/encoder/checkpoint_{spectral_sensitivity}.pt", | |
#gaussian=gaussian_radius, | |
log_visual_freq=1000 | |
)) | |
device = th.device() | |
generator = create_generator("stylegan2-ffhq-config-f.pt","feng2022/Time-TravelRephotography_stylegan2-ffhq-config-f",args,device) | |
latent = torch.randn((1, 512), device=device) | |
img_out, _, _ = generator([latent]) | |
imgs_arr = make_image(img_out) | |
return imgs_arr[0] | |
def main(): | |
#torch.cuda.init() | |
#if torch.cuda.is_initialized(): | |
# ini = "True1" | |
#else: | |
# ini = "False1" | |
#result = subprocess.check_output(['nvidia-smi']) | |
args = parse_args() | |
device = th.device() | |
func = functools.partial(image_create, device=device) | |
func = functools.update_wrapper(func, image_create) | |
iface = gr.Interface( | |
image_create, | |
[ | |
gr.inputs.Number(default=0, label='Seed'), | |
gr.inputs.Slider( | |
0, 2, step=0.05, default=0.7, label='Truncation psi'), | |
], | |
gr.outputs.Image(type='numpy', label='Output'), | |
title=TITLE, | |
description=DESCRIPTION, | |
article=ARTICLE, | |
theme=args.theme, | |
allow_flagging=args.allow_flagging, | |
live=args.live, | |
) | |
iface.launch( | |
enable_queue=args.enable_queue, | |
server_port=args.port, | |
share=args.share, | |
) | |
if __name__ == '__main__': | |
main() | |