Face recognition using Deep Learning

Size: px
Start display at page:

Download "Face recognition using Deep Learning"

Transcription

1 Face recognition using Deep Learning Master Thesis Author: Serra, Xavier 1 Advisor: Castán, Javier 2 Tutor: Escalera, Sergio 3 1 Master in Artificial Intelligence Barcelona School of Informatics 2 GoldenSpear LLC 3 Department of Mathematics and Computer Science University of Barcelona Barcelona School of Informatics, January 2017 Barcelona School of Informatics Face recognition using Deep Learning 1 / 44

2 Outline 1 Introduction and Goals Introduction Goals 2 How it has been approached Problems Common approaches Proposed approach Datasets 3 Outcome 4 Conclusions Barcelona School of Informatics Face recognition using Deep Learning 2 / 44

3 Outline 1 Introduction and Goals Introduction Goals 2 How it has been approached Problems Common approaches Proposed approach Datasets 3 Outcome 4 Conclusions Barcelona School of Informatics Face recognition using Deep Learning 3 / 44

4 Uses of Face Recognition Face Recognition has drawn plenty of attention It has potential for multiple applications: Biometrical verification Search for a person through cameras Automatically tagging friends Finding similar people... So, what is actually Face Recognition? Barcelona School of Informatics Face recognition using Deep Learning 4 / 44

5 Face Recognition in fiction How has fiction pictured face recognition? Barcelona School of Informatics Face recognition using Deep Learning 5 / 44

6 Actual Face Recognition How does Face Recognition actually work? Eigenfaces Active Appearance Models Support Vector Machines Bayesian models Convolutional Neural Networks... Figure: Example of a CNN Barcelona School of Informatics Face recognition using Deep Learning 6 / 44

7 Goal of this master thesis Developing a face recognition system so that: Keeps a DB of known users Given a new picture, determines the closest match Capable of on-line learning Usable in uncontrolled environments Reasonably fast Barcelona School of Informatics Face recognition using Deep Learning 7 / 44

8 Outline 1 Introduction and Goals Introduction Goals 2 How it has been approached Problems Common approaches Proposed approach Datasets 3 Outcome 4 Conclusions Barcelona School of Informatics Face recognition using Deep Learning 8 / 44

9 Face Recognition Problems Many factors to take into account: Barcelona School of Informatics Face recognition using Deep Learning 9 / 44

10 Face Recognition Problems Many factors to take into account: Light conditions Barcelona School of Informatics Face recognition using Deep Learning 9 / 44

11 Face Recognition Problems Many factors to take into account: Light conditions Expression Barcelona School of Informatics Face recognition using Deep Learning 9 / 44

12 Face Recognition Problems Many factors to take into account: Light conditions Expression Face orientation Barcelona School of Informatics Face recognition using Deep Learning 9 / 44

13 Face Recognition Problems Many factors to take into account: Light conditions Expression Face orientation Age... Barcelona School of Informatics Face recognition using Deep Learning 9 / 44

14 Face Recognition Problems Many factors to take into account: Light conditions Expression Face orientation Age... It can be summarized as Intra-class variability Figure: Intra-class variability Barcelona School of Informatics Face recognition using Deep Learning 9 / 44

15 Face Recognition Problems Inter-class similarity is also an issue: Figure: Inter-class similarity Barcelona School of Informatics Face recognition using Deep Learning 10 / 44

16 Common Face Recognition approach Problems of raw images: Barcelona School of Informatics Face recognition using Deep Learning 11 / 44

17 Common Face Recognition approach Problems of raw images: Excessive noise Barcelona School of Informatics Face recognition using Deep Learning 11 / 44

18 Common Face Recognition approach Problems of raw images: Excessive noise Large dimensionality Barcelona School of Informatics Face recognition using Deep Learning 11 / 44

19 Common Face Recognition approach Problems of raw images: Excessive noise Large dimensionality Variability is too high Barcelona School of Informatics Face recognition using Deep Learning 11 / 44

20 Common Face Recognition approach Problems of raw images: Excessive noise Large dimensionality Variability is too high Solution? Barcelona School of Informatics Face recognition using Deep Learning 11 / 44

21 Common Face Recognition approach Problems of raw images: Excessive noise Large dimensionality Variability is too high Solution? Convert input image into a reduced space Barcelona School of Informatics Face recognition using Deep Learning 11 / 44

22 Common Face Recognition approach Problems of raw images: Excessive noise Large dimensionality Variability is too high Solution? Convert input image into a reduced space Feature extraction Manually crafted Automatically found Barcelona School of Informatics Face recognition using Deep Learning 11 / 44

23 Common approaches Eigenfaces Reduces faces into more compact representations Uses PCA to produce those Set of eigenvectors from the covariance matrix Comparison by linear combination of eigenfaces Figure: Set of eigenfaces Barcelona School of Informatics Face recognition using Deep Learning 12 / 44

24 Common approaches Active Appearance Models Fits a pre-defined face shape into the image Iteratively improves initial estimation Allows finding sets of relevant points Figure: Active Appearance Models fitting a face shape Barcelona School of Informatics Face recognition using Deep Learning 13 / 44

25 Common approaches Support Vector Machines Successful classifier in many problems Finds the hyperplane separating two problems Can be used to determine if two images belong to same person Figure: Application of Support Vector Machines Barcelona School of Informatics Face recognition using Deep Learning 14 / 44

26 Common approaches Bayesian models Models each facial feature as x = µ + ɛ It corresponds to inter-class and intra-class variability Based on the full joint distribution of face image pairs r(x 1, x 2 ) = log P(x 1, x 2 H I ) P(x 1, x 2 H E ) Barcelona School of Informatics Face recognition using Deep Learning 15 / 44

27 Common approaches Convolutional Neural Network It is a type of Artificial Neural Network Works by finding increasingly abstract features Takes into account spatial relation High requirements in time and data Currently providing state of art results in many CV problems Figure: Convolutional Neural Network Barcelona School of Informatics Face recognition using Deep Learning 16 / 44

28 Proposed approach The proposed approach consists of 4 steps: Barcelona School of Informatics Face recognition using Deep Learning 17 / 44

29 Proposed approach The proposed approach consists of 4 steps: Step 1: Locating the main face in the image Barcelona School of Informatics Face recognition using Deep Learning 17 / 44

30 Proposed approach The proposed approach consists of 4 steps: Step 1: Locating the main face in the image Step 2: Frontalizing the found face Barcelona School of Informatics Face recognition using Deep Learning 17 / 44

31 Proposed approach The proposed approach consists of 4 steps: Step 1: Locating the main face in the image Step 2: Frontalizing the found face Step 3: Extracting features using a CNN Barcelona School of Informatics Face recognition using Deep Learning 17 / 44

32 Proposed approach The proposed approach consists of 4 steps: Step 1: Locating the main face in the image Step 2: Frontalizing the found face Step 3: Extracting features using a CNN Step 4: Performing comparison with stored ones Barcelona School of Informatics Face recognition using Deep Learning 17 / 44

33 Step 1: Locate the face Goal: Look for the bounding box of the most likely face Figure: Locating the face Benefit: Prevent erroneously located faces in next step Barcelona School of Informatics Face recognition using Deep Learning 18 / 44

34 Step 1: Locate the face Procedure: Using a region based Convolutional Neural Networks (Faster RCNN [RHGS15]) Set of possible face locations is produced Most promising face is kept: distance to center + confidence Figure: Selecting most likely face Barcelona School of Informatics Face recognition using Deep Learning 19 / 44

35 Step 2: Frontalize the face Goal: Frontalize the face so that it is looking at the camera Figure: Frontalizing the found face Benefits: Eliminate background noise + Equally placed faces Barcelona School of Informatics Face recognition using Deep Learning 20 / 44

36 Step 2: Frontalize the face Procedure: 1 Locate a set of 46 fiducial points 2 Consider the same points in a 3D pre-defined model 3 Generate a projection matrix to map from 2D input to the 3D reference 4 (Apply vertical similarity to fill in empty spots) Discarded Figure: Frontalization process [HHPE15] Barcelona School of Informatics Face recognition using Deep Learning 21 / 44

37 Step 2: Frontalize the face Not working perfectly: Figure: Examples of successful and unsuccessful frontalizations Barcelona School of Informatics Face recognition using Deep Learning 22 / 44

38 Step 3: Extract relevant features Goal: Automatically extract a set of relevant features from the face Benefits: More efficient comparison + Reduction in variability Barcelona School of Informatics Face recognition using Deep Learning 23 / 44

39 Step 3: Extract relevant features Goal: Automatically extract a set of relevant features from the face Benefits: More efficient comparison + Reduction in variability Procedure: A CNN has been used to process each image Each image is compressed into a reduced representation A feature vector of 4096 features is generated Based on Facebook s DeepFace method [TYRW14] Figure: CNN architecture used Barcelona School of Informatics Face recognition using Deep Learning 23 / 44

40 Step 4: Compare them Goal: Perform the comparison with DB to look for a match Procedure: 1 Given a generated feature vector g 2 Iterates over all people in the DB 3 Each person has N relevant feature vectors F = f 1, f 2,...f N 4 Distance comparison is performed between g and each f i F 5 Various selection measures considered: minimum, mean, etc. Barcelona School of Informatics Face recognition using Deep Learning 24 / 44

41 Datasets used Three datasets considered: Casia dataset: 495,000 pictures / 10,500 people CACD dataset: 160,000 pictures / 2,000 people FaceScrub: 100,000 pictures / 500 people Training: 500,000 pictures / 9,351 people Testing: 100,000 pictures / 1,671 people Additionally, to use as a benchmark: Labeled Faces in the Wild: 13,000 pictures / 5,700 people Barcelona School of Informatics Face recognition using Deep Learning 25 / 44

42 Datasets used Generated datasets From training dataset, we generated two extra: Barcelona School of Informatics Face recognition using Deep Learning 26 / 44

43 Datasets used Generated datasets From training dataset, we generated two extra: Augmented: Using data augmentation Randomly modifying light intensity Other data augmentations made not much sense rotation, scaling, etc. 1M instances Barcelona School of Informatics Face recognition using Deep Learning 26 / 44

44 Datasets used Generated datasets From training dataset, we generated two extra: Augmented: Using data augmentation Randomly modifying light intensity Other data augmentations made not much sense rotation, scaling, etc. 1M instances Grayscale: Convert previous dataset to grayscale Aims to make the problem easier for CNN Both training and testing sets converted CNN modified accordingly Barcelona School of Informatics Face recognition using Deep Learning 26 / 44

45 Outline 1 Introduction and Goals Introduction Goals 2 How it has been approached Problems Common approaches Proposed approach Datasets 3 Outcome 4 Conclusions Barcelona School of Informatics Face recognition using Deep Learning 27 / 44

46 How to evaluate their performance? Face Recognition systems can be evaluated according to: Face Verification Face Recognition Barcelona School of Informatics Face recognition using Deep Learning 28 / 44

47 How to evaluate their performance? Face Recognition systems can be evaluated according to: Face Verification Face Recognition Both intrinsically related... Barcelona School of Informatics Face recognition using Deep Learning 28 / 44

48 How to evaluate their performance? Face Recognition systems can be evaluated according to: Face Verification Face Recognition Both intrinsically related but differently evaluated Barcelona School of Informatics Face recognition using Deep Learning 28 / 44

49 Face Verification Description Goal: Determining whether two pictures belong to same person: Needed on most Face Recognition systems Performance not directly related with Face Recognition step Commonly used as benchmark to compare methods The Labeled Faces in the Wild dataset has been used 2000 training pairs / 1000 test pairs Allowed for hyperparameter tuning Barcelona School of Informatics Face recognition using Deep Learning 29 / 44

50 Face Verification Examples Figure: Example on test pairs Barcelona School of Informatics Face recognition using Deep Learning 30 / 44

51 Face Verification Procedure Comparison performed using Euclidean and Taxicab distances Weighted variations considered but discarded due to bad results Training consists in: 1 Obtain distance between all train pairs 2 Find the optimal threshold placement to separate classes Barcelona School of Informatics Face recognition using Deep Learning 31 / 44

52 Face Verification Procedure Comparison performed using Euclidean and Taxicab distances Weighted variations considered but discarded due to bad results Training consists in: 1 Obtain distance between all train pairs 2 Find the optimal threshold placement to separate classes Figure: Example best case scenario Figure: Example more difficult scenario Barcelona School of Informatics Face recognition using Deep Learning 31 / 44

53 Face Verification Results a Method Accuracy Ours Joint Bayesian Tom-vs-Pete High-dim LBP TL Joint Bayesian FaceNet DeepFace Human performance Reasons Too few training data Further need for parameter tuning Improve distance metric Table: Results state of art methods Barcelona School of Informatics Face recognition using Deep Learning 32 / 44

54 Results Figure: Accuracy according to dataset Figure: Accuracy according to distance Barcelona School of Informatics Face recognition using Deep Learning 33 / 44

55 Face Recognition Description Goal: Determining who the person is: Select among a set of people in a DB Person-wise comparison Face Verification Closest match is selected Need to determine if there is a match at all Seemingly more difficult than Face Verification empirical results prove it may not be so Barcelona School of Informatics Face recognition using Deep Learning 34 / 44

56 Face Recognition Procedure Reminder: comparing feature vector f with all people in DB Each person has N feature vectors F = f 1, f 2,...f N Comparison strategies: Barcelona School of Informatics Face recognition using Deep Learning 35 / 44

57 Face Recognition Procedure Reminder: comparing feature vector f with all people in DB Each person has N feature vectors F = f 1, f 2,...f N Comparison strategies: 1 Distance to closest feature vector in F Barcelona School of Informatics Face recognition using Deep Learning 35 / 44

58 Face Recognition Procedure Reminder: comparing feature vector f with all people in DB Each person has N feature vectors F = f 1, f 2,...f N Comparison strategies: 1 Distance to closest feature vector in F 2 Mean distance to all f i F Barcelona School of Informatics Face recognition using Deep Learning 35 / 44

59 Face Recognition Procedure Reminder: comparing feature vector f with all people in DB Each person has N feature vectors F = f 1, f 2,...f N Comparison strategies: 1 Distance to closest feature vector in F 2 Mean distance to all f i F 3 Product of 1 and 2 Barcelona School of Informatics Face recognition using Deep Learning 35 / 44

60 Face Recognition Procedure Reminder: comparing feature vector f with all people in DB Each person has N feature vectors F = f 1, f 2,...f N Comparison strategies: 1 Distance to closest feature vector in F 2 Mean distance to all f i F 3 Product of 1 and 2 4 Product of distance to furthest feature vector in f and 3 Barcelona School of Informatics Face recognition using Deep Learning 35 / 44

61 Face Recognition Procedure Reminder: comparing feature vector f with all people in DB Each person has N feature vectors F = f 1, f 2,...f N Comparison strategies: 1 Distance to closest feature vector in F 2 Mean distance to all f i F 3 Product of 1 and 2 4 Product of distance to furthest feature vector in f and 3 The smallest distance is chosen as a match Barcelona School of Informatics Face recognition using Deep Learning 35 / 44

62 Face Recognition Keeping Procedure Each new feature vector f may be kept into the system: Barcelona School of Informatics Face recognition using Deep Learning 36 / 44

63 Face Recognition Keeping Procedure Each new feature vector f may be kept into the system: 1 If less than T 1 feature vectors stored, keep it Barcelona School of Informatics Face recognition using Deep Learning 36 / 44

64 Face Recognition Keeping Procedure Each new feature vector f may be kept into the system: 1 If less than T 1 feature vectors stored, keep it 2 If distance M between f and mean of F less than T 2, discard it Barcelona School of Informatics Face recognition using Deep Learning 36 / 44

65 Face Recognition Keeping Procedure Each new feature vector f may be kept into the system: 1 If less than T 1 feature vectors stored, keep it 2 If distance M between f and mean of F less than T 2, discard it 3 If M higher than T 3, discard it (extreme outlier) Barcelona School of Informatics Face recognition using Deep Learning 36 / 44

66 Face Recognition Keeping Procedure Each new feature vector f may be kept into the system: 1 If less than T 1 feature vectors stored, keep it 2 If distance M between f and mean of F less than T 2, discard it 3 If M higher than T 3, discard it (extreme outlier) 4 Select the feature vectors - F O - far from mean (outliers) Barcelona School of Informatics Face recognition using Deep Learning 36 / 44

67 Face Recognition Keeping Procedure Each new feature vector f may be kept into the system: 1 If less than T 1 feature vectors stored, keep it 2 If distance M between f and mean of F less than T 2, discard it 3 If M higher than T 3, discard it (extreme outlier) 4 Select the feature vectors - F O - far from mean (outliers) 5 Face Verification between f and all f i F O Barcelona School of Informatics Face recognition using Deep Learning 36 / 44

68 Face Recognition Keeping Procedure Each new feature vector f may be kept into the system: 1 If less than T 1 feature vectors stored, keep it 2 If distance M between f and mean of F less than T 2, discard it 3 If M higher than T 3, discard it (extreme outlier) 4 Select the feature vectors - F O - far from mean (outliers) 5 Face Verification between f and all f i F O 6 If less than half matches, keep it (rare enough case) Barcelona School of Informatics Face recognition using Deep Learning 36 / 44

69 Face Recognition Keeping Procedure Each new feature vector f may be kept into the system: 1 If less than T 1 feature vectors stored, keep it 2 If distance M between f and mean of F less than T 2, discard it 3 If M higher than T 3, discard it (extreme outlier) 4 Select the feature vectors - F O - far from mean (outliers) 5 Face Verification between f and all f i F O 6 If less than half matches, keep it (rare enough case) 7 If more than T 4 feature vector stored, discard closest to mean Barcelona School of Informatics Face recognition using Deep Learning 36 / 44

70 Face Recognition Keeping Procedure Each new feature vector f may be kept into the system: 1 If less than T 1 feature vectors stored, keep it 2 If distance M between f and mean of F less than T 2, discard it 3 If M higher than T 3, discard it (extreme outlier) 4 Select the feature vectors - F O - far from mean (outliers) 5 Face Verification between f and all f i F O 6 If less than half matches, keep it (rare enough case) 7 If more than T 4 feature vector stored, discard closest to mean T 1, T 2, T 3 and T 4 are hyperparameters Barcelona School of Informatics Face recognition using Deep Learning 36 / 44

71 Face Recognition Dataset Self-generated dataset, from training dataset: 100 people (50 females / 50 males) 30 training images each 50 training images each Manually cleaned Barcelona School of Informatics Face recognition using Deep Learning 37 / 44

72 Face Recognition Results Figure: Accuracy according to number kept images Figure: Accuracy according to comparison strategy Barcelona School of Informatics Face recognition using Deep Learning 38 / 44

73 Face Recognition Results Figure: Accuracy according to number kept images Figure: Accuracy according to comparison strategy A 95% of accuracy was reached Barcelona School of Informatics Face recognition using Deep Learning 38 / 44

74 Outline 1 Introduction and Goals Introduction Goals 2 How it has been approached Problems Common approaches Proposed approach Datasets 3 Outcome 4 Conclusions Barcelona School of Informatics Face recognition using Deep Learning 39 / 44

75 To conclude... We have developed a functional Face Recognition System using CNNs Works in uncontrolled environment, capable of on-line learning Compared with state of art methods, it underperforms in Face Verification Quality results achieved in Face Recognition Exhaustive tests performed reliable results Barcelona School of Informatics Face recognition using Deep Learning 40 / 44

76 ... or not! Future work lines: Improve CNN performance: More data Better parameter tuning Test more comparison metrics: Further try thresholding strategies Different weights Enhance matching capabilities: Use more complex strategies apart from min, mean, etc. Modify on-line learning mechanism Consider other alternatives for feature extraction: Other existing approaches Develop one on our own Barcelona School of Informatics Face recognition using Deep Learning 41 / 44

77 References I Tal Hassner, Shai Harel, Eran Paz, and Roee Enbar, Effective face frontalization in unconstrained images, IEEE Conf. on Computer Vision and Pattern Recognition (CVPR), June Shaoqing Ren, Kaiming He, Ross Girshick, and Jian Sun, Faster r-cnn: Towards real-time object detection with region proposal networks, Advances in Neural Information Processing Systems 28 (C. Cortes, N. D. Lawrence, D. D. Lee, M. Sugiyama, and R. Garnett, eds.), Curran Associates, Inc., 2015, pp Yaniv Taigman, Ming Yang, Marc Aurelio Ranzato, and Lior Wolf, Deepface: Closing the gap to human-level performance in face verification, Proceedings of the 2014 IEEE Conference on Computer Vision and Pattern Recognition (Washington, DC, USA), CVPR 14, IEEE Computer Society, 2014, pp Barcelona School of Informatics Face recognition using Deep Learning 42 / 44

78 Questions? Any Question? Barcelona School of Informatics Face recognition using Deep Learning 43 / 44

79 Thank you! Thank you for your attention! Barcelona School of Informatics Face recognition using Deep Learning 44 / 44

Lecture 1: Machine Learning Basics

Lecture 1: Machine Learning Basics 1/69 Lecture 1: Machine Learning Basics Ali Harakeh University of Waterloo WAVE Lab ali.harakeh@uwaterloo.ca May 1, 2017 2/69 Overview 1 Learning Algorithms 2 Capacity, Overfitting, and Underfitting 3

More information

Word Segmentation of Off-line Handwritten Documents

Word Segmentation of Off-line Handwritten Documents Word Segmentation of Off-line Handwritten Documents Chen Huang and Sargur N. Srihari {chuang5, srihari}@cedar.buffalo.edu Center of Excellence for Document Analysis and Recognition (CEDAR), Department

More information

System Implementation for SemEval-2017 Task 4 Subtask A Based on Interpolated Deep Neural Networks

System Implementation for SemEval-2017 Task 4 Subtask A Based on Interpolated Deep Neural Networks System Implementation for SemEval-2017 Task 4 Subtask A Based on Interpolated Deep Neural Networks 1 Tzu-Hsuan Yang, 2 Tzu-Hsuan Tseng, and 3 Chia-Ping Chen Department of Computer Science and Engineering

More information

Python Machine Learning

Python Machine Learning Python Machine Learning Unlock deeper insights into machine learning with this vital guide to cuttingedge predictive analytics Sebastian Raschka [ PUBLISHING 1 open source I community experience distilled

More information

QuickStroke: An Incremental On-line Chinese Handwriting Recognition System

QuickStroke: An Incremental On-line Chinese Handwriting Recognition System QuickStroke: An Incremental On-line Chinese Handwriting Recognition System Nada P. Matić John C. Platt Λ Tony Wang y Synaptics, Inc. 2381 Bering Drive San Jose, CA 95131, USA Abstract This paper presents

More information

Deep search. Enhancing a search bar using machine learning. Ilgün Ilgün & Cedric Reichenbach

Deep search. Enhancing a search bar using machine learning. Ilgün Ilgün & Cedric Reichenbach #BaselOne7 Deep search Enhancing a search bar using machine learning Ilgün Ilgün & Cedric Reichenbach We are not researchers Outline I. Periscope: A search tool II. Goals III. Deep learning IV. Applying

More information

Semantic Segmentation with Histological Image Data: Cancer Cell vs. Stroma

Semantic Segmentation with Histological Image Data: Cancer Cell vs. Stroma Semantic Segmentation with Histological Image Data: Cancer Cell vs. Stroma Adam Abdulhamid Stanford University 450 Serra Mall, Stanford, CA 94305 adama94@cs.stanford.edu Abstract With the introduction

More information

CS Machine Learning

CS Machine Learning CS 478 - Machine Learning Projects Data Representation Basic testing and evaluation schemes CS 478 Data and Testing 1 Programming Issues l Program in any platform you want l Realize that you will be doing

More information

WHEN THERE IS A mismatch between the acoustic

WHEN THERE IS A mismatch between the acoustic 808 IEEE TRANSACTIONS ON AUDIO, SPEECH, AND LANGUAGE PROCESSING, VOL. 14, NO. 3, MAY 2006 Optimization of Temporal Filters for Constructing Robust Features in Speech Recognition Jeih-Weih Hung, Member,

More information

Rule Learning With Negation: Issues Regarding Effectiveness

Rule Learning With Negation: Issues Regarding Effectiveness Rule Learning With Negation: Issues Regarding Effectiveness S. Chua, F. Coenen, G. Malcolm University of Liverpool Department of Computer Science, Ashton Building, Ashton Street, L69 3BX Liverpool, United

More information

A Simple VQA Model with a Few Tricks and Image Features from Bottom-up Attention

A Simple VQA Model with a Few Tricks and Image Features from Bottom-up Attention A Simple VQA Model with a Few Tricks and Image Features from Bottom-up Attention Damien Teney 1, Peter Anderson 2*, David Golub 4*, Po-Sen Huang 3, Lei Zhang 3, Xiaodong He 3, Anton van den Hengel 1 1

More information

Probabilistic Latent Semantic Analysis

Probabilistic Latent Semantic Analysis Probabilistic Latent Semantic Analysis Thomas Hofmann Presentation by Ioannis Pavlopoulos & Andreas Damianou for the course of Data Mining & Exploration 1 Outline Latent Semantic Analysis o Need o Overview

More information

ADVANCES IN DEEP NEURAL NETWORK APPROACHES TO SPEAKER RECOGNITION

ADVANCES IN DEEP NEURAL NETWORK APPROACHES TO SPEAKER RECOGNITION ADVANCES IN DEEP NEURAL NETWORK APPROACHES TO SPEAKER RECOGNITION Mitchell McLaren 1, Yun Lei 1, Luciana Ferrer 2 1 Speech Technology and Research Laboratory, SRI International, California, USA 2 Departamento

More information

Calibration of Confidence Measures in Speech Recognition

Calibration of Confidence Measures in Speech Recognition Submitted to IEEE Trans on Audio, Speech, and Language, July 2010 1 Calibration of Confidence Measures in Speech Recognition Dong Yu, Senior Member, IEEE, Jinyu Li, Member, IEEE, Li Deng, Fellow, IEEE

More information

The 9 th International Scientific Conference elearning and software for Education Bucharest, April 25-26, / X

The 9 th International Scientific Conference elearning and software for Education Bucharest, April 25-26, / X The 9 th International Scientific Conference elearning and software for Education Bucharest, April 25-26, 2013 10.12753/2066-026X-13-154 DATA MINING SOLUTIONS FOR DETERMINING STUDENT'S PROFILE Adela BÂRA,

More information

The Good Judgment Project: A large scale test of different methods of combining expert predictions

The Good Judgment Project: A large scale test of different methods of combining expert predictions The Good Judgment Project: A large scale test of different methods of combining expert predictions Lyle Ungar, Barb Mellors, Jon Baron, Phil Tetlock, Jaime Ramos, Sam Swift The University of Pennsylvania

More information

Assignment 1: Predicting Amazon Review Ratings

Assignment 1: Predicting Amazon Review Ratings Assignment 1: Predicting Amazon Review Ratings 1 Dataset Analysis Richard Park r2park@acsmail.ucsd.edu February 23, 2015 The dataset selected for this assignment comes from the set of Amazon reviews for

More information

Knowledge Transfer in Deep Convolutional Neural Nets

Knowledge Transfer in Deep Convolutional Neural Nets Knowledge Transfer in Deep Convolutional Neural Nets Steven Gutstein, Olac Fuentes and Eric Freudenthal Computer Science Department University of Texas at El Paso El Paso, Texas, 79968, U.S.A. Abstract

More information

arxiv: v2 [cs.cv] 30 Mar 2017

arxiv: v2 [cs.cv] 30 Mar 2017 Domain Adaptation for Visual Applications: A Comprehensive Survey Gabriela Csurka arxiv:1702.05374v2 [cs.cv] 30 Mar 2017 Abstract The aim of this paper 1 is to give an overview of domain adaptation and

More information

Evaluating Interactive Visualization of Multidimensional Data Projection with Feature Transformation

Evaluating Interactive Visualization of Multidimensional Data Projection with Feature Transformation Multimodal Technologies and Interaction Article Evaluating Interactive Visualization of Multidimensional Data Projection with Feature Transformation Kai Xu 1, *,, Leishi Zhang 1,, Daniel Pérez 2,, Phong

More information

Generative models and adversarial training

Generative models and adversarial training Day 4 Lecture 1 Generative models and adversarial training Kevin McGuinness kevin.mcguinness@dcu.ie Research Fellow Insight Centre for Data Analytics Dublin City University What is a generative model?

More information

AUTOMATIC DETECTION OF PROLONGED FRICATIVE PHONEMES WITH THE HIDDEN MARKOV MODELS APPROACH 1. INTRODUCTION

AUTOMATIC DETECTION OF PROLONGED FRICATIVE PHONEMES WITH THE HIDDEN MARKOV MODELS APPROACH 1. INTRODUCTION JOURNAL OF MEDICAL INFORMATICS & TECHNOLOGIES Vol. 11/2007, ISSN 1642-6037 Marek WIŚNIEWSKI *, Wiesława KUNISZYK-JÓŹKOWIAK *, Elżbieta SMOŁKA *, Waldemar SUSZYŃSKI * HMM, recognition, speech, disorders

More information

OCR for Arabic using SIFT Descriptors With Online Failure Prediction

OCR for Arabic using SIFT Descriptors With Online Failure Prediction OCR for Arabic using SIFT Descriptors With Online Failure Prediction Andrey Stolyarenko, Nachum Dershowitz The Blavatnik School of Computer Science Tel Aviv University Tel Aviv, Israel Email: stloyare@tau.ac.il,

More information

Learning Structural Correspondences Across Different Linguistic Domains with Synchronous Neural Language Models

Learning Structural Correspondences Across Different Linguistic Domains with Synchronous Neural Language Models Learning Structural Correspondences Across Different Linguistic Domains with Synchronous Neural Language Models Stephan Gouws and GJ van Rooyen MIH Medialab, Stellenbosch University SOUTH AFRICA {stephan,gvrooyen}@ml.sun.ac.za

More information

A study of speaker adaptation for DNN-based speech synthesis

A study of speaker adaptation for DNN-based speech synthesis A study of speaker adaptation for DNN-based speech synthesis Zhizheng Wu, Pawel Swietojanski, Christophe Veaux, Steve Renals, Simon King The Centre for Speech Technology Research (CSTR) University of Edinburgh,

More information

Learning Methods for Fuzzy Systems

Learning Methods for Fuzzy Systems Learning Methods for Fuzzy Systems Rudolf Kruse and Andreas Nürnberger Department of Computer Science, University of Magdeburg Universitätsplatz, D-396 Magdeburg, Germany Phone : +49.39.67.876, Fax : +49.39.67.8

More information

Model Ensemble for Click Prediction in Bing Search Ads

Model Ensemble for Click Prediction in Bing Search Ads Model Ensemble for Click Prediction in Bing Search Ads Xiaoliang Ling Microsoft Bing xiaoling@microsoft.com Hucheng Zhou Microsoft Research huzho@microsoft.com Weiwei Deng Microsoft Bing dedeng@microsoft.com

More information

Automatic Pronunciation Checker

Automatic Pronunciation Checker Institut für Technische Informatik und Kommunikationsnetze Eidgenössische Technische Hochschule Zürich Swiss Federal Institute of Technology Zurich Ecole polytechnique fédérale de Zurich Politecnico federale

More information

Experiments with SMS Translation and Stochastic Gradient Descent in Spanish Text Author Profiling

Experiments with SMS Translation and Stochastic Gradient Descent in Spanish Text Author Profiling Experiments with SMS Translation and Stochastic Gradient Descent in Spanish Text Author Profiling Notebook for PAN at CLEF 2013 Andrés Alfonso Caurcel Díaz 1 and José María Gómez Hidalgo 2 1 Universidad

More information

Phonetic- and Speaker-Discriminant Features for Speaker Recognition. Research Project

Phonetic- and Speaker-Discriminant Features for Speaker Recognition. Research Project Phonetic- and Speaker-Discriminant Features for Speaker Recognition by Lara Stoll Research Project Submitted to the Department of Electrical Engineering and Computer Sciences, University of California

More information

(Sub)Gradient Descent

(Sub)Gradient Descent (Sub)Gradient Descent CMSC 422 MARINE CARPUAT marine@cs.umd.edu Figures credit: Piyush Rai Logistics Midterm is on Thursday 3/24 during class time closed book/internet/etc, one page of notes. will include

More information

Learning Optimal Dialogue Strategies: A Case Study of a Spoken Dialogue Agent for

Learning Optimal Dialogue Strategies: A Case Study of a Spoken Dialogue Agent for Learning Optimal Dialogue Strategies: A Case Study of a Spoken Dialogue Agent for Email Marilyn A. Walker Jeanne C. Fromer Shrikanth Narayanan walker@research.att.com jeannie@ai.mit.edu shri@research.att.com

More information

have to be modeled) or isolated words. Output of the system is a grapheme-tophoneme conversion system which takes as its input the spelling of words,

have to be modeled) or isolated words. Output of the system is a grapheme-tophoneme conversion system which takes as its input the spelling of words, A Language-Independent, Data-Oriented Architecture for Grapheme-to-Phoneme Conversion Walter Daelemans and Antal van den Bosch Proceedings ESCA-IEEE speech synthesis conference, New York, September 1994

More information

Module 12. Machine Learning. Version 2 CSE IIT, Kharagpur

Module 12. Machine Learning. Version 2 CSE IIT, Kharagpur Module 12 Machine Learning 12.1 Instructional Objective The students should understand the concept of learning systems Students should learn about different aspects of a learning system Students should

More information

Rule Learning with Negation: Issues Regarding Effectiveness

Rule Learning with Negation: Issues Regarding Effectiveness Rule Learning with Negation: Issues Regarding Effectiveness Stephanie Chua, Frans Coenen, and Grant Malcolm University of Liverpool Department of Computer Science, Ashton Building, Ashton Street, L69 3BX

More information

DOMAIN MISMATCH COMPENSATION FOR SPEAKER RECOGNITION USING A LIBRARY OF WHITENERS. Elliot Singer and Douglas Reynolds

DOMAIN MISMATCH COMPENSATION FOR SPEAKER RECOGNITION USING A LIBRARY OF WHITENERS. Elliot Singer and Douglas Reynolds DOMAIN MISMATCH COMPENSATION FOR SPEAKER RECOGNITION USING A LIBRARY OF WHITENERS Elliot Singer and Douglas Reynolds Massachusetts Institute of Technology Lincoln Laboratory {es,dar}@ll.mit.edu ABSTRACT

More information

IEEE TRANSACTIONS ON AUDIO, SPEECH, AND LANGUAGE PROCESSING, VOL. 17, NO. 3, MARCH

IEEE TRANSACTIONS ON AUDIO, SPEECH, AND LANGUAGE PROCESSING, VOL. 17, NO. 3, MARCH IEEE TRANSACTIONS ON AUDIO, SPEECH, AND LANGUAGE PROCESSING, VOL. 17, NO. 3, MARCH 2009 423 Adaptive Multimodal Fusion by Uncertainty Compensation With Application to Audiovisual Speech Recognition George

More information

Lip Reading in Profile

Lip Reading in Profile CHUNG AND ZISSERMAN: BMVC AUTHOR GUIDELINES 1 Lip Reading in Profile Joon Son Chung http://wwwrobotsoxacuk/~joon Andrew Zisserman http://wwwrobotsoxacuk/~az Visual Geometry Group Department of Engineering

More information

A Neural Network GUI Tested on Text-To-Phoneme Mapping

A Neural Network GUI Tested on Text-To-Phoneme Mapping A Neural Network GUI Tested on Text-To-Phoneme Mapping MAARTEN TROMPPER Universiteit Utrecht m.f.a.trompper@students.uu.nl Abstract Text-to-phoneme (T2P) mapping is a necessary step in any speech synthesis

More information

Using Deep Convolutional Neural Networks in Monte Carlo Tree Search

Using Deep Convolutional Neural Networks in Monte Carlo Tree Search Using Deep Convolutional Neural Networks in Monte Carlo Tree Search Tobias Graf (B) and Marco Platzner University of Paderborn, Paderborn, Germany tobiasg@mail.upb.de, platzner@upb.de Abstract. Deep Convolutional

More information

Reducing Features to Improve Bug Prediction

Reducing Features to Improve Bug Prediction Reducing Features to Improve Bug Prediction Shivkumar Shivaji, E. James Whitehead, Jr., Ram Akella University of California Santa Cruz {shiv,ejw,ram}@soe.ucsc.edu Sunghun Kim Hong Kong University of Science

More information

Course Outline. Course Grading. Where to go for help. Academic Integrity. EE-589 Introduction to Neural Networks NN 1 EE

Course Outline. Course Grading. Where to go for help. Academic Integrity. EE-589 Introduction to Neural Networks NN 1 EE EE-589 Introduction to Neural Assistant Prof. Dr. Turgay IBRIKCI Room # 305 (322) 338 6868 / 139 Wensdays 9:00-12:00 Course Outline The course is divided in two parts: theory and practice. 1. Theory covers

More information

Twitter Sentiment Classification on Sanders Data using Hybrid Approach

Twitter Sentiment Classification on Sanders Data using Hybrid Approach IOSR Journal of Computer Engineering (IOSR-JCE) e-issn: 2278-0661,p-ISSN: 2278-8727, Volume 17, Issue 4, Ver. I (July Aug. 2015), PP 118-123 www.iosrjournals.org Twitter Sentiment Classification on Sanders

More information

A New Perspective on Combining GMM and DNN Frameworks for Speaker Adaptation

A New Perspective on Combining GMM and DNN Frameworks for Speaker Adaptation A New Perspective on Combining GMM and DNN Frameworks for Speaker Adaptation SLSP-2016 October 11-12 Natalia Tomashenko 1,2,3 natalia.tomashenko@univ-lemans.fr Yuri Khokhlov 3 khokhlov@speechpro.com Yannick

More information

Switchboard Language Model Improvement with Conversational Data from Gigaword

Switchboard Language Model Improvement with Conversational Data from Gigaword Katholieke Universiteit Leuven Faculty of Engineering Master in Artificial Intelligence (MAI) Speech and Language Technology (SLT) Switchboard Language Model Improvement with Conversational Data from Gigaword

More information

OPTIMIZATINON OF TRAINING SETS FOR HEBBIAN-LEARNING- BASED CLASSIFIERS

OPTIMIZATINON OF TRAINING SETS FOR HEBBIAN-LEARNING- BASED CLASSIFIERS OPTIMIZATINON OF TRAINING SETS FOR HEBBIAN-LEARNING- BASED CLASSIFIERS Václav Kocian, Eva Volná, Michal Janošek, Martin Kotyrba University of Ostrava Department of Informatics and Computers Dvořákova 7,

More information

Semi-supervised methods of text processing, and an application to medical concept extraction. Yacine Jernite Text-as-Data series September 17.

Semi-supervised methods of text processing, and an application to medical concept extraction. Yacine Jernite Text-as-Data series September 17. Semi-supervised methods of text processing, and an application to medical concept extraction Yacine Jernite Text-as-Data series September 17. 2015 What do we want from text? 1. Extract information 2. Link

More information

Human Emotion Recognition From Speech

Human Emotion Recognition From Speech RESEARCH ARTICLE OPEN ACCESS Human Emotion Recognition From Speech Miss. Aparna P. Wanare*, Prof. Shankar N. Dandare *(Department of Electronics & Telecommunication Engineering, Sant Gadge Baba Amravati

More information

Comment-based Multi-View Clustering of Web 2.0 Items

Comment-based Multi-View Clustering of Web 2.0 Items Comment-based Multi-View Clustering of Web 2.0 Items Xiangnan He 1 Min-Yen Kan 1 Peichu Xie 2 Xiao Chen 3 1 School of Computing, National University of Singapore 2 Department of Mathematics, National University

More information

Axiom 2013 Team Description Paper

Axiom 2013 Team Description Paper Axiom 2013 Team Description Paper Mohammad Ghazanfari, S Omid Shirkhorshidi, Farbod Samsamipour, Hossein Rahmatizadeh Zagheli, Mohammad Mahdavi, Payam Mohajeri, S Abbas Alamolhoda Robotics Scientific Association

More information

Iterative Cross-Training: An Algorithm for Learning from Unlabeled Web Pages

Iterative Cross-Training: An Algorithm for Learning from Unlabeled Web Pages Iterative Cross-Training: An Algorithm for Learning from Unlabeled Web Pages Nuanwan Soonthornphisaj 1 and Boonserm Kijsirikul 2 Machine Intelligence and Knowledge Discovery Laboratory Department of Computer

More information

Semi-Supervised Face Detection

Semi-Supervised Face Detection Semi-Supervised Face Detection Nicu Sebe, Ira Cohen 2, Thomas S. Huang 3, Theo Gevers Faculty of Science, University of Amsterdam, The Netherlands 2 HP Research Labs, USA 3 Beckman Institute, University

More information

SARDNET: A Self-Organizing Feature Map for Sequences

SARDNET: A Self-Organizing Feature Map for Sequences SARDNET: A Self-Organizing Feature Map for Sequences Daniel L. James and Risto Miikkulainen Department of Computer Sciences The University of Texas at Austin Austin, TX 78712 dljames,risto~cs.utexas.edu

More information

A Case Study: News Classification Based on Term Frequency

A Case Study: News Classification Based on Term Frequency A Case Study: News Classification Based on Term Frequency Petr Kroha Faculty of Computer Science University of Technology 09107 Chemnitz Germany kroha@informatik.tu-chemnitz.de Ricardo Baeza-Yates Center

More information

MULTIPLE CHOICE. Choose the one alternative that best completes the statement or answers the question.

MULTIPLE CHOICE. Choose the one alternative that best completes the statement or answers the question. Ch 2 Test Remediation Work Name MULTIPLE CHOICE. Choose the one alternative that best completes the statement or answers the question. Provide an appropriate response. 1) High temperatures in a certain

More information

Speech Emotion Recognition Using Support Vector Machine

Speech Emotion Recognition Using Support Vector Machine Speech Emotion Recognition Using Support Vector Machine Yixiong Pan, Peipei Shen and Liping Shen Department of Computer Technology Shanghai JiaoTong University, Shanghai, China panyixiong@sjtu.edu.cn,

More information

Robust Speech Recognition using DNN-HMM Acoustic Model Combining Noise-aware training with Spectral Subtraction

Robust Speech Recognition using DNN-HMM Acoustic Model Combining Noise-aware training with Spectral Subtraction INTERSPEECH 2015 Robust Speech Recognition using DNN-HMM Acoustic Model Combining Noise-aware training with Spectral Subtraction Akihiro Abe, Kazumasa Yamamoto, Seiichi Nakagawa Department of Computer

More information

Truth Inference in Crowdsourcing: Is the Problem Solved?

Truth Inference in Crowdsourcing: Is the Problem Solved? Truth Inference in Crowdsourcing: Is the Problem Solved? Yudian Zheng, Guoliang Li #, Yuanbing Li #, Caihua Shan, Reynold Cheng # Department of Computer Science, Tsinghua University Department of Computer

More information

Linking Task: Identifying authors and book titles in verbose queries

Linking Task: Identifying authors and book titles in verbose queries Linking Task: Identifying authors and book titles in verbose queries Anaïs Ollagnier, Sébastien Fournier, and Patrice Bellot Aix-Marseille University, CNRS, ENSAM, University of Toulon, LSIS UMR 7296,

More information

On-the-Fly Customization of Automated Essay Scoring

On-the-Fly Customization of Automated Essay Scoring Research Report On-the-Fly Customization of Automated Essay Scoring Yigal Attali Research & Development December 2007 RR-07-42 On-the-Fly Customization of Automated Essay Scoring Yigal Attali ETS, Princeton,

More information

Analysis of Emotion Recognition System through Speech Signal Using KNN & GMM Classifier

Analysis of Emotion Recognition System through Speech Signal Using KNN & GMM Classifier IOSR Journal of Electronics and Communication Engineering (IOSR-JECE) e-issn: 2278-2834,p- ISSN: 2278-8735.Volume 10, Issue 2, Ver.1 (Mar - Apr.2015), PP 55-61 www.iosrjournals.org Analysis of Emotion

More information

Combining Proactive and Reactive Predictions for Data Streams

Combining Proactive and Reactive Predictions for Data Streams Combining Proactive and Reactive Predictions for Data Streams Ying Yang School of Computer Science and Software Engineering, Monash University Melbourne, VIC 38, Australia yyang@csse.monash.edu.au Xindong

More information

ScienceDirect. A Framework for Clustering Cardiac Patient s Records Using Unsupervised Learning Techniques

ScienceDirect. A Framework for Clustering Cardiac Patient s Records Using Unsupervised Learning Techniques Available online at www.sciencedirect.com ScienceDirect Procedia Computer Science 98 (2016 ) 368 373 The 6th International Conference on Current and Future Trends of Information and Communication Technologies

More information

INPE São José dos Campos

INPE São José dos Campos INPE-5479 PRE/1778 MONLINEAR ASPECTS OF DATA INTEGRATION FOR LAND COVER CLASSIFICATION IN A NEDRAL NETWORK ENVIRONNENT Maria Suelena S. Barros Valter Rodrigues INPE São José dos Campos 1993 SECRETARIA

More information

The Action Similarity Labeling Challenge

The Action Similarity Labeling Challenge IEEE TRANSACTIONS ON PATTERN ANALYSIS AND MACHINE INTELLIGENCE, VOL. 34, NO. X, XXXXXXX 2012 1 The Action Similarity Labeling Challenge Orit Kliper-Gross, Tal Hassner, and Lior Wolf, Member, IEEE Abstract

More information

Unsupervised Learning of Word Semantic Embedding using the Deep Structured Semantic Model

Unsupervised Learning of Word Semantic Embedding using the Deep Structured Semantic Model Unsupervised Learning of Word Semantic Embedding using the Deep Structured Semantic Model Xinying Song, Xiaodong He, Jianfeng Gao, Li Deng Microsoft Research, One Microsoft Way, Redmond, WA 98052, U.S.A.

More information

Why Did My Detector Do That?!

Why Did My Detector Do That?! Why Did My Detector Do That?! Predicting Keystroke-Dynamics Error Rates Kevin Killourhy and Roy Maxion Dependable Systems Laboratory Computer Science Department Carnegie Mellon University 5000 Forbes Ave,

More information

arxiv: v1 [cs.lg] 15 Jun 2015

arxiv: v1 [cs.lg] 15 Jun 2015 Dual Memory Architectures for Fast Deep Learning of Stream Data via an Online-Incremental-Transfer Strategy arxiv:1506.04477v1 [cs.lg] 15 Jun 2015 Sang-Woo Lee Min-Oh Heo School of Computer Science and

More information

Speech Recognition at ICSI: Broadcast News and beyond

Speech Recognition at ICSI: Broadcast News and beyond Speech Recognition at ICSI: Broadcast News and beyond Dan Ellis International Computer Science Institute, Berkeley CA Outline 1 2 3 The DARPA Broadcast News task Aspects of ICSI

More information

Modeling function word errors in DNN-HMM based LVCSR systems

Modeling function word errors in DNN-HMM based LVCSR systems Modeling function word errors in DNN-HMM based LVCSR systems Melvin Jose Johnson Premkumar, Ankur Bapna and Sree Avinash Parchuri Department of Computer Science Department of Electrical Engineering Stanford

More information

Evidence for Reliability, Validity and Learning Effectiveness

Evidence for Reliability, Validity and Learning Effectiveness PEARSON EDUCATION Evidence for Reliability, Validity and Learning Effectiveness Introduction Pearson Knowledge Technologies has conducted a large number and wide variety of reliability and validity studies

More information

THE enormous growth of unstructured data, including

THE enormous growth of unstructured data, including INTL JOURNAL OF ELECTRONICS AND TELECOMMUNICATIONS, 2014, VOL. 60, NO. 4, PP. 321 326 Manuscript received September 1, 2014; revised December 2014. DOI: 10.2478/eletel-2014-0042 Deep Image Features in

More information

Essentials of Ability Testing. Joni Lakin Assistant Professor Educational Foundations, Leadership, and Technology

Essentials of Ability Testing. Joni Lakin Assistant Professor Educational Foundations, Leadership, and Technology Essentials of Ability Testing Joni Lakin Assistant Professor Educational Foundations, Leadership, and Technology Basic Topics Why do we administer ability tests? What do ability tests measure? How are

More information

Australian Journal of Basic and Applied Sciences

Australian Journal of Basic and Applied Sciences AENSI Journals Australian Journal of Basic and Applied Sciences ISSN:1991-8178 Journal home page: www.ajbasweb.com Feature Selection Technique Using Principal Component Analysis For Improving Fuzzy C-Mean

More information

Training a Neural Network to Answer 8th Grade Science Questions Steven Hewitt, An Ju, Katherine Stasaski

Training a Neural Network to Answer 8th Grade Science Questions Steven Hewitt, An Ju, Katherine Stasaski Training a Neural Network to Answer 8th Grade Science Questions Steven Hewitt, An Ju, Katherine Stasaski Problem Statement and Background Given a collection of 8th grade science questions, possible answer

More information

Deep Facial Action Unit Recognition from Partially Labeled Data

Deep Facial Action Unit Recognition from Partially Labeled Data Deep Facial Action Unit Recognition from Partially Labeled Data Shan Wu 1, Shangfei Wang,1, Bowen Pan 1, and Qiang Ji 2 1 University of Science and Technology of China, Hefei, Anhui, China 2 Rensselaer

More information

MASTER OF SCIENCE (M.S.) MAJOR IN COMPUTER SCIENCE

MASTER OF SCIENCE (M.S.) MAJOR IN COMPUTER SCIENCE Master of Science (M.S.) Major in Computer Science 1 MASTER OF SCIENCE (M.S.) MAJOR IN COMPUTER SCIENCE Major Program The programs in computer science are designed to prepare students for doctoral research,

More information

ADVANCED MACHINE LEARNING WITH PYTHON BY JOHN HEARTY DOWNLOAD EBOOK : ADVANCED MACHINE LEARNING WITH PYTHON BY JOHN HEARTY PDF

ADVANCED MACHINE LEARNING WITH PYTHON BY JOHN HEARTY DOWNLOAD EBOOK : ADVANCED MACHINE LEARNING WITH PYTHON BY JOHN HEARTY PDF Read Online and Download Ebook ADVANCED MACHINE LEARNING WITH PYTHON BY JOHN HEARTY DOWNLOAD EBOOK : ADVANCED MACHINE LEARNING WITH PYTHON BY JOHN HEARTY PDF Click link bellow and free register to download

More information

Evolutive Neural Net Fuzzy Filtering: Basic Description

Evolutive Neural Net Fuzzy Filtering: Basic Description Journal of Intelligent Learning Systems and Applications, 2010, 2: 12-18 doi:10.4236/jilsa.2010.21002 Published Online February 2010 (http://www.scirp.org/journal/jilsa) Evolutive Neural Net Fuzzy Filtering:

More information

Longest Common Subsequence: A Method for Automatic Evaluation of Handwritten Essays

Longest Common Subsequence: A Method for Automatic Evaluation of Handwritten Essays IOSR Journal of Computer Engineering (IOSR-JCE) e-issn: 2278-0661,p-ISSN: 2278-8727, Volume 17, Issue 6, Ver. IV (Nov Dec. 2015), PP 01-07 www.iosrjournals.org Longest Common Subsequence: A Method for

More information

University of Groningen. Systemen, planning, netwerken Bosman, Aart

University of Groningen. Systemen, planning, netwerken Bosman, Aart University of Groningen Systemen, planning, netwerken Bosman, Aart IMPORTANT NOTE: You are advised to consult the publisher's version (publisher's PDF) if you wish to cite from it. Please check the document

More information

Reinforcement Learning by Comparing Immediate Reward

Reinforcement Learning by Comparing Immediate Reward Reinforcement Learning by Comparing Immediate Reward Punit Pandey DeepshikhaPandey Dr. Shishir Kumar Abstract This paper introduces an approach to Reinforcement Learning Algorithm by comparing their immediate

More information

Modeling function word errors in DNN-HMM based LVCSR systems

Modeling function word errors in DNN-HMM based LVCSR systems Modeling function word errors in DNN-HMM based LVCSR systems Melvin Jose Johnson Premkumar, Ankur Bapna and Sree Avinash Parchuri Department of Computer Science Department of Electrical Engineering Stanford

More information

AUTOMATED TROUBLESHOOTING OF MOBILE NETWORKS USING BAYESIAN NETWORKS

AUTOMATED TROUBLESHOOTING OF MOBILE NETWORKS USING BAYESIAN NETWORKS AUTOMATED TROUBLESHOOTING OF MOBILE NETWORKS USING BAYESIAN NETWORKS R.Barco 1, R.Guerrero 2, G.Hylander 2, L.Nielsen 3, M.Partanen 2, S.Patel 4 1 Dpt. Ingeniería de Comunicaciones. Universidad de Málaga.

More information

PREDICTING SPEECH RECOGNITION CONFIDENCE USING DEEP LEARNING WITH WORD IDENTITY AND SCORE FEATURES

PREDICTING SPEECH RECOGNITION CONFIDENCE USING DEEP LEARNING WITH WORD IDENTITY AND SCORE FEATURES PREDICTING SPEECH RECOGNITION CONFIDENCE USING DEEP LEARNING WITH WORD IDENTITY AND SCORE FEATURES Po-Sen Huang, Kshitiz Kumar, Chaojun Liu, Yifan Gong, Li Deng Department of Electrical and Computer Engineering,

More information

Using Web Searches on Important Words to Create Background Sets for LSI Classification

Using Web Searches on Important Words to Create Background Sets for LSI Classification Using Web Searches on Important Words to Create Background Sets for LSI Classification Sarah Zelikovitz and Marina Kogan College of Staten Island of CUNY 2800 Victory Blvd Staten Island, NY 11314 Abstract

More information

Developing True/False Test Sheet Generating System with Diagnosing Basic Cognitive Ability

Developing True/False Test Sheet Generating System with Diagnosing Basic Cognitive Ability Developing True/False Test Sheet Generating System with Diagnosing Basic Cognitive Ability Shih-Bin Chen Dept. of Information and Computer Engineering, Chung-Yuan Christian University Chung-Li, Taiwan

More information

Cultivating DNN Diversity for Large Scale Video Labelling

Cultivating DNN Diversity for Large Scale Video Labelling Cultivating DNN Diversity for Large Scale Video Labelling Mikel Bober-Irizar mikel@mxbi.net Sameed Husain sameed.husain@surrey.ac.uk Miroslaw Bober m.bober@surrey.ac.uk Eng-Jon Ong e.ong@surrey.ac.uk Abstract

More information

Applying Fuzzy Rule-Based System on FMEA to Assess the Risks on Project-Based Software Engineering Education

Applying Fuzzy Rule-Based System on FMEA to Assess the Risks on Project-Based Software Engineering Education Journal of Software Engineering and Applications, 2017, 10, 591-604 http://www.scirp.org/journal/jsea ISSN Online: 1945-3124 ISSN Print: 1945-3116 Applying Fuzzy Rule-Based System on FMEA to Assess the

More information

Comparison of network inference packages and methods for multiple networks inference

Comparison of network inference packages and methods for multiple networks inference Comparison of network inference packages and methods for multiple networks inference Nathalie Villa-Vialaneix http://www.nathalievilla.org nathalie.villa@univ-paris1.fr 1ères Rencontres R - BoRdeaux, 3

More information

arxiv: v1 [cs.cv] 10 May 2017

arxiv: v1 [cs.cv] 10 May 2017 Inferring and Executing Programs for Visual Reasoning Justin Johnson 1 Bharath Hariharan 2 Laurens van der Maaten 2 Judy Hoffman 1 Li Fei-Fei 1 C. Lawrence Zitnick 2 Ross Girshick 2 1 Stanford University

More information

Speaker recognition using universal background model on YOHO database

Speaker recognition using universal background model on YOHO database Aalborg University Master Thesis project Speaker recognition using universal background model on YOHO database Author: Alexandre Majetniak Supervisor: Zheng-Hua Tan May 31, 2011 The Faculties of Engineering,

More information

Test Effort Estimation Using Neural Network

Test Effort Estimation Using Neural Network J. Software Engineering & Applications, 2010, 3: 331-340 doi:10.4236/jsea.2010.34038 Published Online April 2010 (http://www.scirp.org/journal/jsea) 331 Chintala Abhishek*, Veginati Pavan Kumar, Harish

More information

P. Belsis, C. Sgouropoulou, K. Sfikas, G. Pantziou, C. Skourlas, J. Varnas

P. Belsis, C. Sgouropoulou, K. Sfikas, G. Pantziou, C. Skourlas, J. Varnas Exploiting Distance Learning Methods and Multimediaenhanced instructional content to support IT Curricula in Greek Technological Educational Institutes P. Belsis, C. Sgouropoulou, K. Sfikas, G. Pantziou,

More information

Exploration. CS : Deep Reinforcement Learning Sergey Levine

Exploration. CS : Deep Reinforcement Learning Sergey Levine Exploration CS 294-112: Deep Reinforcement Learning Sergey Levine Class Notes 1. Homework 4 due on Wednesday 2. Project proposal feedback sent Today s Lecture 1. What is exploration? Why is it a problem?

More information

arxiv: v2 [cs.ir] 22 Aug 2016

arxiv: v2 [cs.ir] 22 Aug 2016 Exploring Deep Space: Learning Personalized Ranking in a Semantic Space arxiv:1608.00276v2 [cs.ir] 22 Aug 2016 ABSTRACT Jeroen B. P. Vuurens The Hague University of Applied Science Delft University of

More information

A Reinforcement Learning Variant for Control Scheduling

A Reinforcement Learning Variant for Control Scheduling A Reinforcement Learning Variant for Control Scheduling Aloke Guha Honeywell Sensor and System Development Center 3660 Technology Drive Minneapolis MN 55417 Abstract We present an algorithm based on reinforcement

More information

Dual-Memory Deep Learning Architectures for Lifelong Learning of Everyday Human Behaviors

Dual-Memory Deep Learning Architectures for Lifelong Learning of Everyday Human Behaviors Proceedings of the Twenty-Fifth International Joint Conference on Artificial Intelligence (IJCAI-6) Dual-Memory Deep Learning Architectures for Lifelong Learning of Everyday Human Behaviors Sang-Woo Lee,

More information

Exposé for a Master s Thesis

Exposé for a Master s Thesis Exposé for a Master s Thesis Stefan Selent January 21, 2017 Working Title: TF Relation Mining: An Active Learning Approach Introduction The amount of scientific literature is ever increasing. Especially

More information

A Pipelined Approach for Iterative Software Process Model

A Pipelined Approach for Iterative Software Process Model A Pipelined Approach for Iterative Software Process Model Ms.Prasanthi E R, Ms.Aparna Rathi, Ms.Vardhani J P, Mr.Vivek Krishna Electronics and Radar Development Establishment C V Raman Nagar, Bangalore-560093,

More information