ArcaneGAN by Alex Spirin

Overview

ArcaneGAN by Alex Spirin

Colab visitors

Changelog

ArcaneGAN v0.3

Videos processed by the huggingface video inference colab.

obama2.mp4
ryan2.mp4

Image samples

arcaneganv03

Faces were enhanced via GPEN before applying the ArcaneGAN v0.3 filter.

ArcaneGAN v0.2

The release is here image photo_2021-12-04_08-05-34 photo_2021-12-04_07-23-17 weewq

Implementation Details

It does something, but not much at the moment.

The model is a pytroch *.jit of a fastai v1 flavored u-net trained on a paired dataset, generated via a blended stylegan2. You can see the blending colab I've used here.

Comments
  • How to convert the FastAI model to Pytorch JIT

    How to convert the FastAI model to Pytorch JIT

    Hi,

    I trained a model with unet_learner but I can't convert it to jit.

    I run the following code: torch.jit.save(torch.jit.script(learn.model), 'jit.pt')

    Here is the error:

    UnsupportedNodeError: GeneratorExp aren't supported: File "/usr/local/lib/python3.7/dist-packages/fastai/callbacks/hooks.py", line 21 "Applieshook_functomodule,input,output." if self.detach: input = (o.detach() for o in input ) if is_listy(input ) else input.detach() ~ <--- HERE output = (o.detach() for o in output) if is_listy(output) else output.detach() self.stored = self.hook_func(module, input, output)

    May I know how you convert it to a jit model? Thanks

    opened by ramtiin 2
  • Ошибка

    Ошибка

    Добрый вечер.В ArcaneGAN на colab for videos,выдаёт ошибку:

    RuntimeError: CUDA out of memory. Tried to allocate 2.80 GiB (GPU 0; 11.17 GiB total capacity; 5.74 GiB already allocated; 2.21 GiB free; 8.44 GiB reserved in total by PyTorch) If reserved memory is >> allocated memory try setting max_split_size_mb to avoid fragmentation. See documentation for Memory Management and PYTORCH_CUDA_ALLOC_CONF

    Помогите пожалуйста!

    opened by Zzip7 2
  • How do you change the style of the whole image

    How do you change the style of the whole image

    Nice work! My only confusion is how you change the style of the whole image instead of just the face. Usually, StyleGAN generates aligned face images by fine-tuning the FFHQ checkpoint. How does the pix2pix model trained with these face image pairs work with the full image or frame.

    opened by zhanglonghao1992 2
  • Architecture for video

    Architecture for video

    Hi, what does the architecture look like? Is it similar to Pix2Pix? And for processing of the video, are you doing anything extra to make sure the frames are consistent?

    opened by unography 2
  • How to prevent eyes occur in nose?

    How to prevent eyes occur in nose?

    Hello, I try your model and it's amazing, but I find in some pictures if the nose is too big, there will be eyes in the nose. I try to lower the 'target_face' and it can work. But the details like the light of the eyes and background will also lose when I lower the 'target_face'. So I wonder is there a way to prevent the eyes occurs in the nose and keep the details in the meantime? image

    opened by Folkfive 1
  • support arbitrary image size?

    support arbitrary image size?

    Great work!

    The unet prediction result will be cropped to be the same size as the training input, e.g. 256 or 512. For arbitrary image size (e.g. 1280*720), how to config or set the model to output the same size of the input image as your colab did? Thank you.

    opened by foobarhe 1
  • RuntimeError: CUDA out of memory

    RuntimeError: CUDA out of memory

    Добрый вечер.Извините,это опять я.Снова эта ошибка появляется.Можно ли,самому эту ошибку решать?Или исправлять можете только вы?Обьясните пожалуйста подробно.

    opened by Zzip7 1
  • about the paired datasets generated by stylegan

    about the paired datasets generated by stylegan

    how do you make sure the background and expression similarity between the generated input(face) and target(style face) ? I find that the style is too weak when less finetune and the similarity is too weak when more finetune, how do you solve it ? Would you like to share the paired datasets generated code with me ? thanks a lot ~

    opened by Leocien 1
  • Any news for training code?

    Any news for training code?

    Interesting topic... I wonder how you trained the model, especially the augmentation part. Fixed crop limitation is a well-known problem and would like to know how you handle it. :)

    opened by dongyun-kim-arch 0
  •  tuple issue

    tuple issue

    Was trying the ArcaneGan video colab but I am having a tuple issue can you please help, i am really excited to try the Arcane video can you please help out

    opened by mau021 0
  • What GPU is used for training?

    What GPU is used for training?

    Hi,

    I want to train the Fastai u-net model. However, when I try to train the critic (learn_critic.fit_one_cycle(6, 1e-3)), I get the following error:

    CUDA out of memory. Tried to allocate 4.00 GiB (GPU 0; 14.76 GiB total capacity; 9.78 GiB already allocated; 891.75 MiB free; 12.57 GiB reserved in total by PyTorch) If reserved memory is >> allocated memory try setting max_split_size_mb to avoid fragmentation. See documentation for Memory Management and PYTORCH_CUDA_ALLOC_CONF

    The GPU is a Tesla T4 with 16 GB of VRAM. My batch size is 4 and the training images size is 512*512. I also tried with lower numbers, but I'm still getting the same error.

    opened by ramtiin 2
  • How to make the style stronger?

    How to make the style stronger?

    The following are input image, my training output from pair label supervision, and the output from your test model。 I trained my model (Super-Resolution model) on the images from your model outputs, I find it difficult to change the facial features。 Like the eyes and face texture are changed, how to do it ? I use L1Loss (weight is 1) + PerceptualLoss (weight is 1)+ GANLoss (weight is 0.1),

    6W2HG4GXC2

    opened by xuanandsix 1
Releases(v0.4)
  • v0.4(Dec 25, 2021)

    ArcaneGAN v0.4

    Colab visitors

    The main differences are:

    • lighter styling (closer to original input)
    • sharper result
    • happier faces
    • reduced childish eyes effect
    • reduced stubble on feminine faces
    • increased temporal stability on videos
    • reduced mouth\teeth artifacts

    Image samples

    v0.3 vs v0.4

    v3-4

    Video samples

    https://user-images.githubusercontent.com/11751592/146966428-f4e27929-19dd-423f-a772-8aee709d2116.mp4

    https://user-images.githubusercontent.com/11751592/146966462-6511998e-77f5-4fd2-8ad9-5709bf0cd172.mp4

    Source code(tar.gz)
    Source code(zip)
    ArcaneGANv0.4.jit(59.75 MB)
  • v0.3(Dec 12, 2021)

    ArcaneGAN v0.3

    Colab

    Video samples

    This is a stronger-styled version. It performs okay on videos, though visible flickering is present. Here are some video examples.

    https://user-images.githubusercontent.com/11751592/145702737-c02b8b00-ad30-4358-98bf-97c8ad7fefdf.mp4

    https://user-images.githubusercontent.com/11751592/145702740-afd3377d-d117-467d-96ca-045e25d85ac6.mp4

    Image samples

    arcaneganv03

    Faces were enhanced via GPEN before applying the ArcaneGAN v0.3 filter.

    The model is a pytroch *.jit of a fastai v1 flavored u-net trained on a paired dataset, generated via a blended stylegan2. You can see the blending colab I've used here.

    Source code(tar.gz)
    Source code(zip)
    ArcaneGANv0.3.jit(79.40 MB)
  • v0.2(Dec 7, 2021)

    ArcaneGAN v0.2 This version is a bit better at doing something other than making images darker :D

    Here are some image pairs. I've specifically picked various images to see how the model performs in the wild, not on aligned and cropped faces. ds e42 ewewe maxresdefault photo_2021-11-16_19-32-15 photo_2021-11-16_19-34-02 photo_2021-11-16_19-34-33 photo_2021-11-16_19-34-49 photo_2021-11-29_13-23-56 photo_2021-11-29_13-26-13 photo_2021-12-04_07-22-51 photo_2021-12-04_07-23-17 photo_2021-12-04_07-25-29 photo_2021-12-04_07-48-29 photo_2021-12-04_08-04-43 photo_2021-12-04_08-06-17 photo_2021-12-04_08-06-40 photo_2021-12-04_08-07-04 photo_2021-12-04_08-09-53

    photo_2021-12-04_11-26-27 weewq 0_256_ 1_256_Всем онеме посоны

    The model is a pytroch *.jit of a fastai v1 flavored u-net trained on a paired dataset, generated via a blended stylegan2. You can see the blending colab I've used here.

    Inference notebook is here

    Source code(tar.gz)
    Source code(zip)
    ArcaneGANv0.2.jit(79.52 MB)
  • v0.1(Dec 6, 2021)

    ArcaneGAN v0.1 This is a proof of concept release. The model is in beta (which means it's beta than nothin')

    Here are some image pairs. I've specifically picked various images to see how the model performs in the wild, not on aligned and cropped faces.

    0_256_ 258c27bcb658a86765361c1faca7b749fa3a36aaf07e975b408281c0a9c76513 e42 ewewe maxresdefault photo_2021-11-16_19-32-15 photo_2021-11-16_19-34-02 photo_2021-11-16_19-34-33 photo_2021-11-16_19-34-49 photo_2021-12-04_07-23-17 photo_2021-12-04_07-48-29 photo_2021-12-04_08-06-40 photo_2021-12-04_08-07-04 photo_2021-12-04_11-26-27

    It does something, but not much at the moment.

    The model is a pytroch *.jit of a fastai v1 flavored u-net trained on a paired dataset, generated via a blended stylegan2. You can see the blending colab I've used here.

    Inference notebook is here

    Source code(tar.gz)
    Source code(zip)
    ArcaneGANv0.1.jit(79.53 MB)
Owner
Alex
Alex
Classification Modeling: Probability of Default

Credit Risk Modeling in Python Introduction: If you've ever applied for a credit card or loan, you know that financial firms process your information

Aktham Momani 2 Nov 07, 2022
To provide 100 JAX exercises over different sections structured as a course or tutorials to teach and learn for beginners, intermediates as well as experts

JaxTon 💯 JAX exercises Mission 🚀 To provide 100 JAX exercises over different sections structured as a course or tutorials to teach and learn for beg

Rohan Rao 512 Jan 01, 2023
Neural Articulated Radiance Field

Neural Articulated Radiance Field NARF Neural Articulated Radiance Field Atsuhiro Noguchi, Xiao Sun, Stephen Lin, Tatsuya Harada ICCV 2021 [Paper] [Co

Atsuhiro Noguchi 144 Jan 03, 2023
Neural Oblivious Decision Ensembles

Neural Oblivious Decision Ensembles A supplementary code for anonymous ICLR 2020 submission. What does it do? It learns deep ensembles of oblivious di

25 Sep 21, 2022
Transfer-Learn is an open-source and well-documented library for Transfer Learning.

Transfer-Learn is an open-source and well-documented library for Transfer Learning. It is based on pure PyTorch with high performance and friendly API. Our code is pythonic, and the design is consist

THUML @ Tsinghua University 2.2k Jan 03, 2023
High performance distributed framework for training deep learning recommendation models based on PyTorch.

High performance distributed framework for training deep learning recommendation models based on PyTorch.

340 Dec 30, 2022
This repository includes the official project for the paper: TransMix: Attend to Mix for Vision Transformers.

TransMix: Attend to Mix for Vision Transformers This repository includes the official project for the paper: TransMix: Attend to Mix for Vision Transf

Jie-Neng Chen 130 Jan 01, 2023
Code release for Local Light Field Fusion at SIGGRAPH 2019

Local Light Field Fusion Project | Video | Paper Tensorflow implementation for novel view synthesis from sparse input images. Local Light Field Fusion

1.1k Dec 27, 2022
This repository is an open-source implementation of the ICRA 2021 paper: Locus: LiDAR-based Place Recognition using Spatiotemporal Higher-Order Pooling.

Locus This repository is an open-source implementation of the ICRA 2021 paper: Locus: LiDAR-based Place Recognition using Spatiotemporal Higher-Order

Robotics and Autonomous Systems Group 96 Dec 15, 2022
StyleMapGAN - Official PyTorch Implementation

StyleMapGAN - Official PyTorch Implementation StyleMapGAN: Exploiting Spatial Dimensions of Latent in GAN for Real-time Image Editing Hyunsu Kim, Yunj

NAVER AI 425 Dec 23, 2022
mmfewshot is an open source few shot learning toolbox based on PyTorch

OpenMMLab FewShot Learning Toolbox and Benchmark

OpenMMLab 514 Dec 28, 2022
Implemenets the Contourlet-CNN as described in C-CNN: Contourlet Convolutional Neural Networks, using PyTorch

C-CNN: Contourlet Convolutional Neural Networks This repo implemenets the Contourlet-CNN as described in C-CNN: Contourlet Convolutional Neural Networ

Goh Kun Shun (KHUN) 10 Nov 03, 2022
Pytorch implementation of few-shot semantic image synthesis

Few-shot Semantic Image Synthesis Using StyleGAN Prior Our method can synthesize photorealistic images from dense or sparse semantic annotations using

40 Sep 26, 2022
Python library for tracking human heads with FLAME (a 3D morphable head model)

Video Head Tracker 3D tracking library for human heads based on FLAME (a 3D morphable head model). The tracking algorithm is inspired by face2face. It

61 Dec 25, 2022
Deep Learning and Reinforcement Learning Library for Scientists and Engineers 🔥

TensorLayer is a novel TensorFlow-based deep learning and reinforcement learning library designed for researchers and engineers. It provides an extens

TensorLayer Community 7.1k Dec 29, 2022
Image restoration with neural networks but without learning.

Warning! The optimization may not converge on some GPUs. We've personally experienced issues on Tesla V100 and P40 GPUs. When running the code, make s

Dmitry Ulyanov 7.4k Jan 01, 2023
The Official Implementation of Neural View Synthesis and Matching for Semi-Supervised Few-Shot Learning of 3D Pose [NIPS 2021].

Neural View Synthesis and Matching for Semi-Supervised Few-Shot Learning of 3D Pose Release Notes The offical PyTorch implementation of Neural View Sy

Angtian Wang 20 Oct 09, 2022
The implementation of 'Image synthesis via semantic composition'.

Image synthesis via semantic synthesis [Project Page] by Yi Wang, Lu Qi, Ying-Cong Chen, Xiangyu Zhang, Jiaya Jia. Introduction This repository gives

DV Lab 71 Jan 06, 2023
Plaything for Autistic Children (demo for PaddlePaddle/Wechaty/Mixlab project)

星星的孩子 - 一款为孤独症孩子设计的聊天机器人游戏 孤独症儿童是目前常常被忽视的一类群体。他们有着类似性格内向的特征,实际却受着广泛性发育障碍的折磨。 项目背景 这类儿童在与人交往时存在着沟通障碍,其特点表现在: 社交交流差,互动障碍明显 认知能力有限,被动认知 兴趣狭窄,重复刻板,缺乏变化和想象

Tianyi Pan 35 Nov 24, 2022
wmctrl ported to Python Ctypes

work in progress wmctrl is a command that can be used to interact with an X Window manager that is compatible with the EWMH/NetWM specification. wmctr

Iyad Ahmed 22 Dec 31, 2022