All Projects → hugochan → Eye Tracker

hugochan / Eye Tracker

Licence: bsd-3-clause
Implemented and improved the iTracker model proposed in the paper "Eye Tracking for Everyone"

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Eye Tracker

Tf cnnvis
CNN visualization tool in TensorFlow
Stars: ✭ 769 (+449.29%)
Mutual labels:  convolutional-networks
Micronet
micronet, a model compression and deploy lib. compression: 1、quantization: quantization-aware-training(QAT), High-Bit(>2b)(DoReFa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、Low-Bit(≤2b)/Ternary and Binary(TWN/BNN/XNOR-Net); post-training-quantization(PTQ), 8-bit(tensorrt); 2、 pruning: normal、regular and group convolutional channel pruning; 3、 group convolution structure; 4、batch-normalization fuse for quantization. deploy: tensorrt, fp32/fp16/int8(ptq-calibration)、op-adapt(upsample)、dynamic_shape
Stars: ✭ 1,232 (+780%)
Mutual labels:  convolutional-networks
Convolutional Network
A convolutional neural network from scratch
Stars: ✭ 105 (-25%)
Mutual labels:  convolutional-networks
Ps Fcn
Learning Based Calibrated Photometric Stereo for Non-Lambertian Surface (ECCV 2018)
Stars: ✭ 45 (-67.86%)
Mutual labels:  convolutional-networks
Tensorflow Signal Processing
doing audio digital signal processing in tensorflow to try to recreate digital audio effects
Stars: ✭ 76 (-45.71%)
Mutual labels:  convolutional-networks
Awesome Graph Neural Networks
Paper Lists for Graph Neural Networks
Stars: ✭ 1,322 (+844.29%)
Mutual labels:  convolutional-networks
Caffenet Benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
Stars: ✭ 700 (+400%)
Mutual labels:  convolutional-networks
Keras Yolo2
Easy training on custom dataset. Various backends (MobileNet and SqueezeNet) supported. A YOLO demo to detect raccoon run entirely in brower is accessible at https://git.io/vF7vI (not on Windows).
Stars: ✭ 1,693 (+1109.29%)
Mutual labels:  convolutional-networks
Cnn Paper2
🎨 🎨 深度学习 卷积神经网络教程 :图像识别,目标检测,语义分割,实例分割,人脸识别,神经风格转换,GAN等🎨🎨 https://dataxujing.github.io/CNN-paper2/
Stars: ✭ 77 (-45%)
Mutual labels:  convolutional-networks
Semanticsegpapercollection
Stars: ✭ 102 (-27.14%)
Mutual labels:  convolutional-networks
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (-62.86%)
Mutual labels:  convolutional-networks
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-53.57%)
Mutual labels:  convolutional-networks
Pytorch Fcn
PyTorch Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)
Stars: ✭ 1,351 (+865%)
Mutual labels:  convolutional-networks
Tensorflowhandwritingrecognition
Using Tensorflow to classify the NIST Dataset 19 (Handwriting)
Stars: ✭ 39 (-72.14%)
Mutual labels:  convolutional-networks
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (-14.29%)
Mutual labels:  convolutional-networks
Pytorchinsight
a pytorch lib with state-of-the-art architectures, pretrained models and real-time updated results
Stars: ✭ 713 (+409.29%)
Mutual labels:  convolutional-networks
Stringlifier
Stringlifier is on Opensource ML Library for detecting random strings in raw text. It can be used in sanitising logs, detecting accidentally exposed credentials and as a pre-processing step in unsupervised ML-based analysis of application text data.
Stars: ✭ 85 (-39.29%)
Mutual labels:  convolutional-networks
Glasses
High-quality Neural Networks for Computer Vision 😎
Stars: ✭ 138 (-1.43%)
Mutual labels:  convolutional-networks
Cn24
Convolutional (Patch) Networks for Semantic Segmentation
Stars: ✭ 125 (-10.71%)
Mutual labels:  convolutional-networks
Lsuvinit
Reference caffe implementation of LSUV initialization
Stars: ✭ 99 (-29.29%)
Mutual labels:  convolutional-networks

Eye Tracker

Implemented and improved the iTracker model proposed in the paper Eye Tracking for Everyone.

Figure 1: iTracker architecture

Figure 2: modified iTracker architecture

Figures 1 and 2 show the architectures of the iTracker model and the modified model. The only difference between the modified model and the iTracker model is that we concatenate the face layer FC-F1 and face mask layer FC-FG1 first, after applying a fully connected layer FC-F2, we then concatenate the eye layer FC-E1 and FC-F2 layer. We claim that this modified architecture is superior to the iTracker architecture. Intuitively, concatenating the face mask information together with the eye information may confuse the model since the face mask information is irrelevant to the eye information. Even though the iTracker model succeeded to learn this fact from the data, the modified model outperforms the iTracker model by explictlying encoded with this knowledge. In experiments, the modified model converged faster (28 epochs vs. 40+ epochs) and achieved better validation error (2.19 cm vs. 2.514 cm). The iTracker model was implemented in itracker.py and the modified one was implemented in itracker_adv.py. Note that a smaller dataset (i.e., a subset of the full dataset in the original paper) was used in experiments and no data augmentation was applied. This smaller dataset contains 48,000 training samples and 5,000 validation samples. You can download this smaller dataset here.

Get started

To train the model: run python itracker_adv.py --train -i input_data -sm saved_model

To test the trained model: run python itracker_adv.py -i input_data -lm saved_model

You can find a pretrained (on the smaller dataset) model under the pretrained_models/itracker_adv/ folder.

FAQ

  1. What are the datasets?

The original dataset comes from the GazeCapture project. The dataset involves over 1400 subjects and results in more than 2 million face images. Due to the limitation of computation power, a much smaller dataset with 48000 training samples and 5000 validation samples was used here. Each sample contains 5 items: face, left eye, right eye, face mask and labels.

Other implementations

For pytorch implementations, see GazeCapture.

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