Open AGRocky opened 11 months ago
Was it CycleGAN or Pix2pix model?
To test it on a different data set, you could use this command as an example:
python test.py --dataroot directory, e.g. (/content/data/A) --name model_name --model test --netD n_layers --n_layers_D 3 --netG=unet_256 --norm=instance --direction AtoB --dataset_mode single --preprocess none --input_nc 1 --output_nc 3 --ndf 64 --ngf 64 --num_test 512
Make sure to replace the parameters with the same ones you used for training of the model (netD, n_layers, netG, ndf, ngf, etc.)
Hey @JustinasLekavicius thank you for replying to my issue. I am using CycleGAN for training purpose is to denoise the image. However I have the pre trained weight which works well when it is used with the python command line code "python test.py --dataroot directory, e.g. (/content/data/A) --name model_name --model test..."
But when I try the same thing by creating a class to load the model and give image as input and get the output as denoised image, I am unable to do it. However if I try to load the model the prediction or the testing output image which is denoised image isn't getting generated accurately but it's happening in with the above python command code. please help me with this
heartily thank you in advance
import torch from models.networks import define_G from PIL import Image from torchvision import transforms from IPython.display import display
generator = define_G(input_nc=3, output_nc=3, ngf=64, netG='resnet_9blocks', norm='instance', use_dropout=False,init_type='normal',init_gain=0.02)
generator_checkpoint_path = 'latest_net_G.pth' checkpoint = torch.load(generator_checkpoint_path, map_location=torch.device('cuda' if torch.cuda.is_available() else 'cpu'))
generator.load_state_dict(checkpoint, strict=False)
generator.eval()
input_image_path = 'nt6.jpg' input_image = Image.open(input_image_path).convert('RGB')
input_image = input_image.resize((512, 512))
input_tensor = transforms.ToTensor()(input_image).unsqueeze(0) # Add batch dimension
if torch.cuda.is_available(): input_tensor = input_tensor.to('cuda')
generator = generator.to(input_tensor.device)
with torch.no_grad(): output_tensor = generator(input_tensor)
output_tensor = output_tensor.cpu()
output_image = transforms.ToPILImage()(output_tensor.squeeze(0))
display(output_image)
output_image.save('generated_image.jpg')
this is my code
Hi AGRocky,
To help troubleshoot your CycleGAN model issue, could you provide:
These details will help in accurately replicating the issue and providing a solution.
Thanks!
Hi, have you solved the problem now? I also loaded the model as per this method, but my output is a black image, I don't know what's the reason.
Hey Guys, Please hear out. I have trained a model and have a pre trained weight but not able to load that model to test it on different set of images which i have prepared. please help me out on this one. It would be deeply appretiated.
thanks in advance