All Projects → cjiang2 → AgeEstimateAdience

cjiang2 / AgeEstimateAdience

Licence: other
Age and Gender Estimation Using Convolutional Neural Network

Programming Languages

python
139335 projects - #7 most used programming language
Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to AgeEstimateAdience

CNN-Series-Getting-Started-and-PyTorch-Implementation
我的笔记和Demo,包含分类,检测、分割、知识蒸馏。
Stars: ✭ 49 (+16.67%)
Mutual labels:  vgg, alexnet
DeepNetModel
记录每一个常用的深度模型结构的特点(图和代码)
Stars: ✭ 25 (-40.48%)
Mutual labels:  vgg, alexnet
Tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
Stars: ✭ 3,456 (+8128.57%)
Mutual labels:  vgg, alexnet
python cv AI ML
用python做计算机视觉,人工智能,机器学习,深度学习等
Stars: ✭ 73 (+73.81%)
Mutual labels:  vgg, alexnet
AD Prediction
Alzheimer's Disease Prediction by using ResNet, AlexNet
Stars: ✭ 118 (+180.95%)
Mutual labels:  prediction, alexnet
multi-task-learning
Multi-task learning smile detection, age and gender classification on GENKI4k, IMDB-Wiki dataset.
Stars: ✭ 154 (+266.67%)
Mutual labels:  age, age-estimation
sg-food-ml
This script is used to scrap images from the Internet to classify 5 common noodle "mee" dishes in Singapore. Wanton Mee, Bak Chor Mee, Lor Mee, Prawn Mee and Mee Siam.
Stars: ✭ 18 (-57.14%)
Mutual labels:  prediction
SpeechEmoRec
Speech Emotion Recognition Using Deep Convolutional Neural Network and Discriminant Temporal Pyramid Matching
Stars: ✭ 44 (+4.76%)
Mutual labels:  alexnet
The-Purchase-and-Redemption-Forecast-Challenge-baseline
天池“资金流入流出预测——挑战baseline”的解决方案,线上效果143.5
Stars: ✭ 78 (+85.71%)
Mutual labels:  prediction
blockchain-predictor
Deep leraning cryptocurrency prediction with blockchain-based dataset
Stars: ✭ 34 (-19.05%)
Mutual labels:  prediction
neural-dream
PyTorch implementation of DeepDream algorithm
Stars: ✭ 110 (+161.9%)
Mutual labels:  vgg
Bilinear CNN
A pytorch implementation of Bilinear CNNs for Fine-grained Visual Recognition(BCNN).
Stars: ✭ 44 (+4.76%)
Mutual labels:  vgg
Near-Duplicate-Video-Detection
Detecting near-duplicate videos by aggregating features from intermediate CNN layers
Stars: ✭ 90 (+114.29%)
Mutual labels:  alexnet
age-and-gender
Predict Age and Gender of people from images | Determination of gender and age
Stars: ✭ 68 (+61.9%)
Mutual labels:  age-estimation
Vision CoreML-App
This app predicts the age of a person from the picture input using camera or photos gallery. The app uses Core ML framework of iOS for the predictions. The Vision library of CoreML is used here. The trained model fed to the system is AgeNet.
Stars: ✭ 15 (-64.29%)
Mutual labels:  prediction
SGP.NET
C# SGP4 Satellite Prediction Library. Load satellites from TLEs, convert between coordinate systems and reference frames, observe satellites from ground stations, and more.
Stars: ✭ 15 (-64.29%)
Mutual labels:  prediction
facescore
人脸打分服务,通过tensorflow通过人脸识别,测年龄,最终返回打分的json
Stars: ✭ 31 (-26.19%)
Mutual labels:  age
Word-Prediction-Ngram
Next Word Prediction using n-gram Probabilistic Model with various Smoothing Techniques
Stars: ✭ 25 (-40.48%)
Mutual labels:  prediction
ANTsR
Advanced Normalization Tools in R
Stars: ✭ 101 (+140.48%)
Mutual labels:  prediction
homeage
runtime decrypted age secrets for nix home manager
Stars: ✭ 43 (+2.38%)
Mutual labels:  age

AgeEstimateAdience

Age and Gender Estimation Using Convolutional Neural Network with Adience Dataset

Note

This project will focus on age and gender prediction using Adience dataset. The purpose of this project is to construct and demo popular CNN network architectures using Tensorflow with image classification task.

(Currently I'm updating a improved version of training script.) Refer to another branch to see old training scripts.

Prerequisites

  • Python3
  • Tensorflow 1.0 or higher
  • OpenCV
  • Jupyter Notebook
  • h5py

Getting Started

To Download the Entire Adience Dataset:

http://www.openu.ac.il/home/hassner/Adience/data.html

Preprocessing

  • Make_Dataset_For_Aligned.ipynb Jupyter Notebook used to compress the entire Adience Dataset(aligned.tar.gz version)

  • Make_Dataset_For_Faces.ipynb Jupyter Notebook used to compress the entire Adience Dataset(faces.tar.gz version, which contains landmark infos)

Note: Both Jupyter Notebooks use BGR mode for image reading and contain channel-wise mean calculation and mean image calculation. The train script uses channel-wise mean subtraction as preprocessing technique.

While both channel-wise mean subtraction and mean image subtraction are two of the popular preprocessing techniques, I would suggest to try channel-wise mean subtraction first if the backgrounds of the images in your dataset have a lot of variations. If preprocessing images from the source like a static camera(which has a high chance of "common background"), mean image is the way to go.

It should also be noted that VGG-Face model uses a BGR mean of [93.5940, 104.7624, 129.1863] for channel-wise mean subtraction, which is calculated originally from VGG-Face Dataset.

CNN Network

Three networks architectures implementations are provided: GilNet, AlexNet and VGG-16. Check out papers for to see the architectures for each CNN:

- GilNet: http://www.openu.ac.il/home/hassner/projects/cnn_agegender/CNN_AgeGenderEstimation.pdf

- AlexNet: http://www.cs.toronto.edu/~fritz/absps/imagenet.pdf

- VGG-Face: http://www.robots.ox.ac.uk/~vgg/publications/2015/Parkhi15/parkhi15.pdf

Training

Local Adience Database I/O Iterator

  • data_helper.py A simple script used for h5py database iteration, batch generation.

Training and Testing

  • train.py A simple script for model training and testing
  usage: train.py [-h] [--dataset_file DATASET_FILE]
  		[--folder_to_test FOLDER_TO_TEST]
  		[--dropout_keep_prob DROPOUT_KEEP_PROB]
  		[--weight_decay WEIGHT_DECAY] [--learning_rate LEARNING_RATE]
  		[--batch_size BATCH_SIZE] [--num_epochs NUM_EPOCHS]
  		[--evaluate_every EVALUATE_EVERY]
  		[--enable_moving_average [ENABLE_MOVING_AVERAGE]]
  		[--noenable_moving_average]

  optional arguments:
    -h, --help            show this help message and exit
    --dataset_file DATASET_FILE
  			Path for the h5py dataset.
    --folder_to_test FOLDER_TO_TEST
  			No. of folder to be tested (default: 1)
    --dropout_keep_prob DROPOUT_KEEP_PROB
  			Dropout keep probability (default: 0.5)
    --weight_decay WEIGHT_DECAY
  			Weight decay rate for L2 regularization (default:
  			5e-4)
    --learning_rate LEARNING_RATE
  			Starter Learning Rate (default: 1e-2)
    --batch_size BATCH_SIZE
  			Batch Size (default: 128)
    --num_epochs NUM_EPOCHS
  			Number of training epochs (default: 200)
    --evaluate_every EVALUATE_EVERY
  			Evaluate model on dev set after this many steps
  			(default: 50)
    --enable_moving_average [ENABLE_MOVING_AVERAGE]
  			Enable usage of Exponential Moving Average (default:
  			True)
    --noenable_moving_average

Real-Time Prediction

-_- Filling this place later

Reference

New Train Script and data iterator from Convolutional Neural Network for Text Classification

Image Dataset Compression

 Pre-trained VGG-Face Model

Original Implementation of VGG-16 ConvNet

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].