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
This is a template for the Non-autoregressive Deep Learning-Based TTS model (in PyTorch).

Non-autoregressive Deep Learning-Based TTS Template This is a template for the Non-autoregressive TTS model. It contains Data Preprocessing Pipeline D

Keon Lee 13 Dec 05, 2022
Code to reproduce the results in "Visually Grounded Reasoning across Languages and Cultures", EMNLP 2021.

marvl-code [WIP] This is the implementation of the approaches described in the paper: Fangyu Liu*, Emanuele Bugliarello*, Edoardo M. Ponti, Siva Reddy

25 Nov 15, 2022
Video Background Music Generation with Controllable Music Transformer (ACM MM 2021 Oral)

CMT Code for paper Video Background Music Generation with Controllable Music Transformer (ACM MM 2021 Best Paper Award) [Paper] [Site] Directory Struc

Zhaokai Wang 198 Dec 27, 2022
Creating predictive checklists from data using integer programming.

Learning Optimal Predictive Checklists A Python package to learn simple predictive checklists from data subject to customizable constraints. For more

Healthy ML 5 Apr 19, 2022
This is the official implementation of the paper "Object Propagation via Inter-Frame Attentions for Temporally Stable Video Instance Segmentation".

ObjProp Introduction This is the official implementation of the paper "Object Propagation via Inter-Frame Attentions for Temporally Stable Video Insta

Anirudh S Chakravarthy 6 May 03, 2022
Code for STFT Transformer used in BirdCLEF 2021 competition.

STFT_Transformer Code for STFT Transformer used in BirdCLEF 2021 competition. The STFT Transformer is a new way to use Transformers similar to Vision

Jean-François Puget 69 Sep 29, 2022
Preparation material for Dropbox interviews

Dropbox-Onsite-Interviews A guide for the Dropbox onsite interview! The Dropbox interview question bank is very small. The bank has been in a Chinese

386 Dec 31, 2022
Deep Learning to Improve Breast Cancer Detection on Screening Mammography

Shield: This work is licensed under a Creative Commons Attribution-NonCommercial-ShareAlike 4.0 International License. Deep Learning to Improve Breast

Li Shen 305 Jan 03, 2023
Pose estimation with MoveNet Lightning

Pose Estimation With MoveNet Lightning MoveNet is the TensorFlow pre-trained model that identifies 17 different key points of the human body. It is th

Yash Vora 2 Jan 04, 2022
TensorFlow port of PyTorch Image Models (timm) - image models with pretrained weights.

TensorFlow-Image-Models Introduction Usage Models Profiling License Introduction TensorfFlow-Image-Models (tfimm) is a collection of image models with

Martins Bruveris 227 Dec 20, 2022
Code accompanying the paper "Wasserstein GAN"

Wasserstein GAN Code accompanying the paper "Wasserstein GAN" A few notes The first time running on the LSUN dataset it can take a long time (up to an

3.1k Jan 01, 2023
DeepI2I: Enabling Deep Hierarchical Image-to-Image Translation by Transferring from GANs

DeepI2I: Enabling Deep Hierarchical Image-to-Image Translation by Transferring from GANs Abstract: Image-to-image translation has recently achieved re

yaxingwang 23 Apr 14, 2022
GMFlow: Learning Optical Flow via Global Matching

GMFlow GMFlow: Learning Optical Flow via Global Matching Authors: Haofei Xu, Jing Zhang, Jianfei Cai, Hamid Rezatofighi, Dacheng Tao We streamline the

Haofei Xu 298 Jan 04, 2023
Code to reproduce experiments in the paper "Explainability Requires Interactivity".

Explainability Requires Interactivity This repository contains the code to train all custom models used in the paper Explainability Requires Interacti

Digital Health & Machine Learning 5 Apr 07, 2022
Open AI's Python library

OpenAI Python Library The OpenAI Python library provides convenient access to the OpenAI API from applications written in the Python language. It incl

Pavan Ananth Sharma 3 Jul 10, 2022
Official Implementation of LARGE: Latent-Based Regression through GAN Semantics

LARGE: Latent-Based Regression through GAN Semantics [Project Website] [Google Colab] [Paper] LARGE: Latent-Based Regression through GAN Semantics Yot

83 Dec 06, 2022
Deep Structured Instance Graph for Distilling Object Detectors (ICCV 2021)

DSIG Deep Structured Instance Graph for Distilling Object Detectors Authors: Yixin Chen, Pengguang Chen, Shu Liu, Liwei Wang, Jiaya Jia. [pdf] [slide]

DV Lab 31 Nov 17, 2022
Official PyTorch implementation of CAPTRA: CAtegory-level Pose Tracking for Rigid and Articulated Objects from Point Clouds

CAPTRA: CAtegory-level Pose Tracking for Rigid and Articulated Objects from Point Clouds Introduction This is the official PyTorch implementation of o

Yijia Weng 96 Dec 07, 2022
SimDeblur is a simple framework for image and video deblurring, implemented by PyTorch

SimDeblur (Simple Deblurring) is an open source framework for image and video deblurring toolbox based on PyTorch, which contains most deep-learning based state-of-the-art deblurring algorithms. It i

220 Jan 07, 2023
Toolbox of models, callbacks, and datasets for AI/ML researchers.

Pretrained SOTA Deep Learning models, callbacks and more for research and production with PyTorch Lightning and PyTorch Website • Installation • Main

Pytorch Lightning 1.4k Dec 30, 2022