I'm trying to project the existing image to latent space, then slightly change the latent vector (like via some linear transformation) and then transform the latent vector to the image again.
But firstly I've tried to reproduce the simplified case: image -> latent vector -> back to original image
I used your code from inference_playground.ipynb and the same image
after I had got the latent vector result_latents I tried to transform it to the image back. Like:
import os
import re
from typing import List, Optional, Tuple, Union
import click
import dnnlib
import numpy as np
import PIL.Image
import torch
# import legacy
import pickle
device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
with open('stylegan3-r-ffhqu-256x256.pkl', 'rb') as f:
G = pickle.load(f)['G_ema'].cuda() # torch.nn.Module
# z = torch.randn([1, G.z_dim]).cuda() # latent codes
latent = result_latents[0][-1]
latent_tensor = torch.from_numpy(latent).to(device)
z = latent_tensor
c = None # class labels (not used in this example)
img = G(z, c) # NCHW, float32, dynamic range [-1, +1], no truncation
img = (img.permute(0, 2, 3, 1) * 127.5 + 128).clamp(0, 255).to(torch.uint8)
PIL.Image.fromarray(img[0].cpu().numpy(), 'RGB')
But instead of the original image, I got the image of another person (smiling woman instead of a smiling man etc). I've tried other networks (stylegan3-r-metfaces-1024x1024.pkl etc), but still can't reproduce the original image
Hi, thanks for your amazing work!
I'm trying to project the existing image to latent space, then slightly change the latent vector (like via some linear transformation) and then transform the latent vector to the image again.
But firstly I've tried to reproduce the simplified case: image -> latent vector -> back to original image
I used your code from inference_playground.ipynb and the same image
after I had got the latent vector result_latents I tried to transform it to the image back. Like:
But instead of the original image, I got the image of another person (smiling woman instead of a smiling man etc). I've tried other networks (stylegan3-r-metfaces-1024x1024.pkl etc), but still can't reproduce the original image
Could you please suggest, what I'm doing wrong?