All Projects â†’ HasnainRaz â†’ Fast-AgingGAN

HasnainRaz / Fast-AgingGAN

Licence: other
A deep learning model to age faces in the wild, currently runs at 60+ fps on GPUs

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Fast-AgingGAN

labml
🔎 Monitor deep learning model training and hardware usage from your mobile phone 📱
Stars: ✭ 1,213 (+812.03%)
Mutual labels:  tensorboard, pytorch-lightning
lightning-hydra-template
PyTorch Lightning + Hydra. A very user-friendly template for rapid and reproducible ML experimentation with best practices. ⚡🔥⚡
Stars: ✭ 1,905 (+1332.33%)
Mutual labels:  tensorboard, pytorch-lightning
Tensorboard Aggregator
Aggregate multiple tensorboard runs to new summary or csv files
Stars: ✭ 84 (-36.84%)
Mutual labels:  tensorboard
TF2DeepFloorplan
TF2 Deep FloorPlan Recognition using a Multi-task Network with Room-boundary-Guided Attention. Enable tensorboard, quantization, flask, tflite, docker, github actions and google colab.
Stars: ✭ 98 (-26.32%)
Mutual labels:  tensorboard
Tensorflow template application
TensorFlow template application for deep learning
Stars: ✭ 1,851 (+1291.73%)
Mutual labels:  tensorboard
Hiddenlayer
Neural network graphs and training metrics for PyTorch, Tensorflow, and Keras.
Stars: ✭ 1,561 (+1073.68%)
Mutual labels:  tensorboard
Dynamic Training Bench
Simplify the training and tuning of Tensorflow models
Stars: ✭ 210 (+57.89%)
Mutual labels:  tensorboard
Pytorch Book
PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》)
Stars: ✭ 9,546 (+7077.44%)
Mutual labels:  tensorboard
hydra-zen
Pythonic functions for creating and enhancing Hydra applications
Stars: ✭ 165 (+24.06%)
Mutual labels:  pytorch-lightning
Ml Projects
ML based projects such as Spam Classification, Time Series Analysis, Text Classification using Random Forest, Deep Learning, Bayesian, Xgboost in Python
Stars: ✭ 127 (-4.51%)
Mutual labels:  tensorboard
Jupyterlab tensorboard
Tensorboard extension for jupyterlab.
Stars: ✭ 245 (+84.21%)
Mutual labels:  tensorboard
Mlogger
a lightweight and simple logger for Machine Learning
Stars: ✭ 122 (-8.27%)
Mutual labels:  tensorboard
Nvidia Gpu Tensor Core Accelerator Pytorch Opencv
A complete machine vision container that includes Jupyter notebooks with built-in code hinting, Anaconda, CUDA-X, TensorRT inference accelerator for Tensor cores, CuPy (GPU drop in replacement for Numpy), PyTorch, TF2, Tensorboard, and OpenCV for accelerated workloads on NVIDIA Tensor cores and GPUs.
Stars: ✭ 110 (-17.29%)
Mutual labels:  tensorboard
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+66.92%)
Mutual labels:  tensorboard
Deep Learning Training Gui
Train and predict your model on pre-trained deep learning models through the GUI (web app). No more many parameters, no more data preprocessing.
Stars: ✭ 85 (-36.09%)
Mutual labels:  tensorboard
Torch-Scope
A Toolkit for Training, Tracking, Saving Models and Syncing Results
Stars: ✭ 62 (-53.38%)
Mutual labels:  tensorboard
Tensorboard Empty Scalar Hider
Chrome Extension of hiding empty scalar/panes in TensorBoard.
Stars: ✭ 81 (-39.1%)
Mutual labels:  tensorboard
Metarec
PyTorch Implementations For A Series Of Deep Learning-Based Recommendation Models (IN PROGRESS)
Stars: ✭ 120 (-9.77%)
Mutual labels:  tensorboard
Tensorflow And Deeplearning Tutorial
A TensorFlow & Deep Learning online course I taught in 2016
Stars: ✭ 2,337 (+1657.14%)
Mutual labels:  tensorboard
hub
Public reusable components for Polyaxon
Stars: ✭ 8 (-93.98%)
Mutual labels:  tensorboard

Fast-AgingGAN

This repository holds code for a face aging deep learning model. It is based on the CycleGAN, where we translate young faces to old and vice versa.

Samples

Top row is input image, bottom row is aged output from the GAN. Sample Second-Sample

Timing

The model executes at 66fps on a GTX1080 with an image size of 512x512. Because of the way it is trained, a face detection pipeline is not needed. As long as the image of spatial dims 512x512 contains a face of size 256x256, this will work fine.

Demo

To try out the pretrained model on your images, use the following command:

python infer.py --image_dir 'path/to/your/image/directory'

Training

To train your own model on CACD or UTK faces datasets, you can use the provided preprocessing scripts in the preprocessing directory to prepare the dataset. If you are going to use CACD, use the following command:

python preprocessing/preprocess_cacd.py --image_dir '/path/to/cacd/images' --metadata '/path/to/the/cacd/metadata/file' --output_dir 'path/to/save/processed/data'

If using UTK faces, use the following:

python preprocessing/preprocess_utk.py --data_dir '/path/to/cacd/images' --output_dir 'path/to/save/processed/data'

Once the dataset is processed, you should go into configs/aging_gan.yaml and modify the paths to point to the processed dataset you just created. Change any other hyperparameters if you wish, then run training with:

python main.py

Tensorboard

While training is running, you can observe the losses and the gan generated images in tensorboard, just point it to the 'lightning_logs' directory like so:

tensorboard --logdir=lightning_logs --bind_all
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].