PhD in Computer Science and Engineering Bologna, April Machine Learning. Marco Lippi. Marco Lippi Machine Learning 1 / 80

Size: px
Start display at page:

Download "PhD in Computer Science and Engineering Bologna, April 2016. Machine Learning. Marco Lippi. marco.lippi3@unibo.it. Marco Lippi Machine Learning 1 / 80"

Transcription

1 PhD in Computer Science and Engineering Bologna, April 2016 Machine Learning Marco Lippi Marco Lippi Machine Learning 1 / 80

2 Recurrent Neural Networks Marco Lippi Machine Learning 2 / 80

3 Material and references Many figures are taken from Cristopher Olah s tutorial (colah.github.io) and Alex Karpathy s post The unreasonable effectiveness of Recurrent Neural Networks Marco Lippi Machine Learning 3 / 80

4 Processing sequences In many tasks we should deal with variable-size input (text, audio, video) while most algorithms can deal with just fixed-size input Marco Lippi Machine Learning 4 / 80

5 Processing sequences In many tasks we should deal with variable-size input (text, audio, video) while most algorithms can deal with just fixed-size input 1. Standard tasks such as image classification Marco Lippi Machine Learning 5 / 80

6 Processing sequences In many tasks we should deal with variable-size input (text, audio, video) while most algorithms can deal with just fixed-size input 2. Fixed input, sequence output: e.g., image captioning Marco Lippi Machine Learning 6 / 80

7 Processing sequences In many tasks we should deal with variable-size input (text, audio, video) while most algorithms can deal with just fixed-size input 3. Sequence classification: e.g., sentiment classification Marco Lippi Machine Learning 7 / 80

8 Processing sequences In many tasks we should deal with variable-size input (text, audio, video) while most algorithms can deal with just fixed-size input 4. Sequence input/output: e.g., machine translation Marco Lippi Machine Learning 8 / 80

9 Processing sequences In many tasks we should deal with variable-size input (text, audio, video) while most algorithms can deal with just fixed-size input 5. Synced sequence input/output: e.g., video frame classification Marco Lippi Machine Learning 9 / 80

10 Processing sequences One possibility: use convolutional neural networks with max pooling over all feature maps [Figure by Kim, 2014] Problem: transalation invariance... Marco Lippi Machine Learning 10 / 80

11 Processing sequences In a recurrent neural network the hidden state at time t depends on the input on the hidden state at time t 1 (memory) y t = f V (h t ) h t = f W (h t 1, x t ) Marco Lippi Machine Learning 11 / 80

12 Processing sequences We can parametrize: input-hidden connections hidden-hidden connections hidden-output connections y t = W hy h t h t = tanh(w hh h t 1 + W xh x t ) Marco Lippi Machine Learning 12 / 80

13 Recurrent Neural Network Language Model x(t) = w(t) + s(t 1) s j (t) = f ( i x i (t)u ji ) y k (t) = g( j s j (t)v kj ) [Figure by Mikolov et al., 2010] Wrt NNLM, no need to specify context dimension in advance! Marco Lippi Machine Learning 13 / 80

14 Recurrent Neural Networks (RNNs) A classic RNN can be unrolled through time, so that the looping connections are made explicit Marco Lippi Machine Learning 14 / 80

15 Recurrent Neural Networks (RNNs) Backpropagation Through Time (BPTT) [Figure from Wikipedia] Marco Lippi Machine Learning 15 / 80

16 Recurrent Neural Networks (RNNs) BPTT drawbacks: decide the value k for unfolding exploding or vanishing gradients exploding could be controlled with gradient clipping vanishing has to be faced with different models (LSTM) Marco Lippi Machine Learning 16 / 80

17 Recurrent Neural Networks (RNNs) Marco Lippi Machine Learning 17 / 80

18 Recurrent Neural Networks (RNNs) Some short- or mid-term dependencies can be afforded... Marco Lippi Machine Learning 18 / 80

19 Recurrent Neural Networks (RNNs) But the model fails in learning long-term dependencies! The main problem is vanishing gradients in BPTT... Marco Lippi Machine Learning 19 / 80

20 Long Short-Term Memory Networks (LSTMs) An LSTM is basically an RNN with a different computational block LSTMs were designed by Hochreiter & Schmidhuber in 1997! Marco Lippi Machine Learning 20 / 80

21 Long Short-Term Memory Networks (LSTMs) An LSTM block features a memory cell which can maintain its state over time, and non-linear gating units which regulate the information flow into and out of the cell [Greff et al., 2015] Marco Lippi Machine Learning 21 / 80

22 Long Short-Term Memory Networks (LSTMs) Cell state Just let the information go through the network Other gates can optionally let information through Marco Lippi Machine Learning 22 / 80

23 Long Short-Term Memory Networks (LSTMs) Forget gate Sigmoid layer that produces weights for the state cell C t 1 Decides what to keep (1) or forget (0) of past cell state f t = σ(w f [h t 1, x t ] + b f ) Marco Lippi Machine Learning 23 / 80

24 Long Short-Term Memory Networks (LSTMs) Input gate Allows novel information be used to update state cell C t 1 i t = σ(w i [h t 1, x t ] + b i ) C t = tanh(w C [h t 1, x t ] + b C ) Marco Lippi Machine Learning 24 / 80

25 Long Short-Term Memory Networks (LSTMs) Cell state update Combine old state (after forgetting) with novel input C t = f t C t 1 + i t C t Marco Lippi Machine Learning 25 / 80

26 Long Short-Term Memory Networks (LSTMs) Output gate Build the output to be sent to next layer and upper block o t = σ(w o [h t 1, x t ] + b O ) h t = o t tanh(c t ) Marco Lippi Machine Learning 26 / 80

27 Long Short-Term Memory Networks (LSTMs) Putting all together f t = σ(w f [h t 1, x t ] + b f ) i t = σ(w i [h t 1, x t ] + b i ) o t = σ(w o [h t 1, x t ] + b O ) h t = o t tanh(c t ) C t = f t C t 1 + i t C t Marco Lippi Machine Learning 27 / 80

28 Application: text generation Example: character-level language model [Figure by A. Karpathy] Marco Lippi Machine Learning 28 / 80

29 Application: text generation Example: character-level language model Pick up a (large) plain text file Feed the LSTM with the text Predict next character given past history At prediction time, sample from output distribution Get LSTM-generated text Marco Lippi Machine Learning 29 / 80

30 [Figure by A. Karpathy] Marco Lippi Machine Learning 30 / 80

31 Application: text generation Interpretation of cells (blue=off, red=on) [Figure by A. Karpathy] Marco Lippi Machine Learning 31 / 80

32 Application: text generation Interpretation of cells (blue=off, red=on) [Figure by A. Karpathy] Marco Lippi Machine Learning 32 / 80

33 Application: text generation Example: training with Shakespeare poems [Figure by A. Karpathy] Marco Lippi Machine Learning 33 / 80

34 Application: text generation Example: training with LaTeX math papers [Figure by A. Karpathy] Marco Lippi Machine Learning 34 / 80

35 Application: text generation Example: training with LaTeX math papers [Figure by A. Karpathy] Marco Lippi Machine Learning 35 / 80

36 Application: text generation Example: training with Linux Kernel (C code) [Figure by A. Karpathy] Marco Lippi Machine Learning 36 / 80

37 Application: image captioning [Figure by A. Karpathy] Marco Lippi Machine Learning 37 / 80

38 Application: handwriting text generation [Figure by Graves, 2014] Marco Lippi Machine Learning 38 / 80

39 Variants of the LSTM model Many different LSTM variants have been proposed: Peep-hole connections (almost standard now) all gates can also look at the state Coupling forget and input gates basically we input only when we forget Gated Recurrent Units (GRUs) where a single gate controls forgetting and update See LSTM: a search space odyssey by Greff et al., 2015 Marco Lippi Machine Learning 39 / 80

40 Recursive Neural Networks (RecNNs) A generalization of RNNs to handle structured data in the form of a dependency graph such as a tree [Figure by Socher et al., 2014] RNNs can be seen as RecNNs having a linear chain structure. Marco Lippi Machine Learning 40 / 80

41 Recursive Neural Networks (RecNNs) Exploit compositionality (e.g., parse trees in text) [Figure by R. Socher] Marco Lippi Machine Learning 41 / 80

42 Recursive Neural Networks (RecNNs) Exploit compositionality (e.g., object parts in images) [Figure by Socher et al., 2011] Marco Lippi Machine Learning 42 / 80

43 Recursive Neural Tensor Networks (RNTNs) Recently (2013) proposed by Stanford for sentiment analysis composition function over sentence parse tree exploit parameters (tensors) that are common to all nodes (tensor) backpropagation through structure Later ( ) also a tree-structured version of LSTMs Marco Lippi Machine Learning 43 / 80

44 Recursive Neural Tensor Networks (RNTNs) Sentiment Treebank built by crowdsourcing 11,855 sentences from movie reviews 215,154 labeled phrases (sub-sentences) [Figure by Socher et al., 2014] Marco Lippi Machine Learning 44 / 80

45 Recursive Neural Tensor Networks (RNTNs) [Figure by Socher et al., 2014] Marco Lippi Machine Learning 45 / 80

46 Recursive Neural Tensor Networks (RNTNs) [Figure by Socher et al., 2014] Marco Lippi Machine Learning 46 / 80

47 Recursive Neural Tensor Networks (RNTNs) [Figure by Socher et al., 2014] Marco Lippi Machine Learning 47 / 80

48 Recursive Neural Tensor Networks (RNTNs) [Figure by Socher et al., 2014] Marco Lippi Machine Learning 48 / 80

49 Recursive Neural Tensor Networks (RNTNs) Very nice model but: not easy to adapt it to other domains (Reddit, Twitter, etc.) need to compute parse tree in advance need classification at phrase-level (expensive) Marco Lippi Machine Learning 49 / 80

50 Other applications Marco Lippi Machine Learning 50 / 80

51 Modeling speech Several tasks... Speech recognition Speaker identification Speaker gender classification Phone classification Music genre classification Artist classification Music retrieval Marco Lippi Machine Learning 51 / 80

52 Modeling speech Feature extraction from acoustic signals Tons of unsupervised data! [Figure by H. Lee] Marco Lippi Machine Learning 52 / 80

53 Modeling speech [Figure by H. Lee] Marco Lippi Machine Learning 53 / 80

54 Multimodal Deep Learning [Figure by Ngiam et al.] Can we gain something from shared representations...?... Most probably yes! Marco Lippi Machine Learning 54 / 80

55 Other applications: Bioinformatics, Neuroscience, etc... Protein structure prediction (contact maps) Deep Spatio-Temporal Architectures [Di Lena et al., 2012] Sequence: ASCDEVVGSACH...CPPGAERMMAYGV [Figure by Rafferty et al.] Marco Lippi Machine Learning 55 / 80

56 Other applications: Bioinformatics, Neuroscience, etc... Predicting the aqueous solubility of drug-like molecules Recursive neural networks [Lusci et al., 2013] [Figure by Lusci et al.] Marco Lippi Machine Learning 56 / 80

57 Ongoing Research and Concluding Remarks Marco Lippi Machine Learning 57 / 80

58 Summary Deep learning has obtained breakthrough results in many tasks exploit unsupervised data learning feature hierarchies some optimization tricks (dropout, rectification,...) Is this the solution to all AI problems? Probably not but... for certain types of task it is hard to compete huge datasets and many computational resources big companies will likely play the major role huge space for applications upon deep learning systems...but what is missing? Marco Lippi Machine Learning 58 / 80

59 A nice overview of methods Marco [Figure Lippi by M.A. Machine Ranzato] Learning 59 / 80

60 We are not yet there... Still far from human-level in unrestricted domains... Marco Lippi Machine Learning 60 / 80

61 Again: symbolic vs. sum-symbolic Still basically a sub-symbolic approach Representation learning: a step towards symbols... What are the connections with symbolic approaches? What about logic and reasoning? Some steps forward: babi Facebook Neural Conversational Google Neural Turing Machines GoogleDeepMind Marco Lippi Machine Learning 61 / 80

62 babi tasks et al. (Facebook) Text understanding and reasoning with deep networks The (20) babi tasks The Children s Book Test The Movie Dialog dataset The SimpleQuestions dataset Marco Lippi Machine Learning 62 / 80

63 babi tasks (Facebook) [Table by Weston et al.] Marco Lippi Machine Learning 63 / 80

64 babi tasks (Facebook) [Table by Weston et al.] Marco Lippi Machine Learning 64 / 80

65 Children s Book Test [Table by Hill et al., 2016] Marco Lippi Machine Learning 65 / 80

66 Movie Dialog dataset [Table by Dodge et al., 2016] Marco Lippi Machine Learning 66 / 80

67 SimpleQuestions dataset [Table by Bordes et al., 2015] Marco Lippi Machine Learning 67 / 80

68 Neural Conversational Model (Google) [Table by Vinyalis & Le, 2015] Marco Lippi Machine Learning 68 / 80

69 Neural Conversational Model (Google) [Table by Vinyalis & Le, 2015] Marco Lippi Machine Learning 69 / 80

70 Neural Turing Machines (Google Deepmind) [Figure by Graves et al., 2014] Inspired by Turing Machines Memory (tape) to read/write through deep networks Capable of learning simple algorithms (e.g., sorting) Marco Lippi Machine Learning 70 / 80

71 Learning concepts Examples from the ImageNet category Restaurant Is it enough to learn the concept of a restaurant? Marco Lippi Machine Learning 71 / 80

72 Software packages and a few references Marco Lippi Machine Learning 72 / 80

73 Tensorflow Developed by Google Python Computational graph abstraction Parallelize over both data and model The multi-machine part is not open source Nice tool to visualize stuff (Tensorboard) A little slower than other systems Provides only a few (one?) pre-trained models Marco Lippi Machine Learning 73 / 80

74 Theano University of Montréal (Yoshua Bengio s group) Python Computational graph abstraction The code is somehow difficult (low-level) Long compile times Easily GPU and multi-gpu Marco Lippi Machine Learning 74 / 80

75 Keras and Lasagne Keras is a wrapper for Theano or Tensorflow Python Plug-and-play layers, losses, optimizers, etc. Sometimes error messages can be criptic... Lasagne is a wrapper for Theano Python Plug-and-play layers, losses, optimizers, etc. Model zoo with plenty pre-trained architectures Still employs some symbolic computation as plain Theano Marco Lippi Machine Learning 75 / 80

76 Torch Facebook, Google, Twitter, IDIAP,... mostly written in Lua and C sharing similarities to python (e.g. tensors vs. numpy arrays) module nn to train neural networks same code running for both CPU and GPU One notable product by Torch: Overfeat A CNN for image classification, object detection, etc. Marco Lippi Machine Learning 76 / 80

77 Caffe Berkeley Vision and Learning Center (BVLC) written in C++ Python and MATLAB bindings (although not much documented) very popular for CNNs, not much for RNNs... quite a large model zoo (AlexNet, GoogLeNet, ResNet,... ) scripts for training without writing code Just to give an idea of Caffe s performance... During training 60M images per day with a single GPU At test time 1 ms/image Marco Lippi Machine Learning 77 / 80

78 Matlab Plenty of resources Code by G. Hinton on RBMs and DBNs (easy to try!) Autoencoders (many different implementations) Convolutional neural networks... Marco Lippi Machine Learning 78 / 80

79 Websites and references Introductory paper by Yoshua Bengio: Learning Deep Architectures for AI Marco Lippi Machine Learning 79 / 80

80 Videos Geoffrey Hinton on DBNs: Yoshua Bengio (Deep Learning lectures): Yann LeCun (CNNs, energy-based models): Marco Lippi Machine Learning 80 / 80

Applying Deep Learning to Car Data Logging (CDL) and Driver Assessor (DA) October 22-Oct-15

Applying Deep Learning to Car Data Logging (CDL) and Driver Assessor (DA) October 22-Oct-15 Applying Deep Learning to Car Data Logging (CDL) and Driver Assessor (DA) October 22-Oct-15 GENIVI is a registered trademark of the GENIVI Alliance in the USA and other countries Copyright GENIVI Alliance

More information

Applications of Deep Learning to the GEOINT mission. June 2015

Applications of Deep Learning to the GEOINT mission. June 2015 Applications of Deep Learning to the GEOINT mission June 2015 Overview Motivation Deep Learning Recap GEOINT applications: Imagery exploitation OSINT exploitation Geospatial and activity based analytics

More information

Learning to Process Natural Language in Big Data Environment

Learning to Process Natural Language in Big Data Environment CCF ADL 2015 Nanchang Oct 11, 2015 Learning to Process Natural Language in Big Data Environment Hang Li Noah s Ark Lab Huawei Technologies Part 1: Deep Learning - Present and Future Talk Outline Overview

More information

Steven C.H. Hoi School of Information Systems Singapore Management University Email: chhoi@smu.edu.sg

Steven C.H. Hoi School of Information Systems Singapore Management University Email: chhoi@smu.edu.sg Steven C.H. Hoi School of Information Systems Singapore Management University Email: chhoi@smu.edu.sg Introduction http://stevenhoi.org/ Finance Recommender Systems Cyber Security Machine Learning Visual

More information

Sense Making in an IOT World: Sensor Data Analysis with Deep Learning

Sense Making in an IOT World: Sensor Data Analysis with Deep Learning Sense Making in an IOT World: Sensor Data Analysis with Deep Learning Natalia Vassilieva, PhD Senior Research Manager GTC 2016 Deep learning proof points as of today Vision Speech Text Other Search & information

More information

CS 1699: Intro to Computer Vision. Deep Learning. Prof. Adriana Kovashka University of Pittsburgh December 1, 2015

CS 1699: Intro to Computer Vision. Deep Learning. Prof. Adriana Kovashka University of Pittsburgh December 1, 2015 CS 1699: Intro to Computer Vision Deep Learning Prof. Adriana Kovashka University of Pittsburgh December 1, 2015 Today: Deep neural networks Background Architectures and basic operations Applications Visualizing

More information

Neural Networks and Support Vector Machines

Neural Networks and Support Vector Machines INF5390 - Kunstig intelligens Neural Networks and Support Vector Machines Roar Fjellheim INF5390-13 Neural Networks and SVM 1 Outline Neural networks Perceptrons Neural networks Support vector machines

More information

Introduction to Machine Learning CMU-10701

Introduction to Machine Learning CMU-10701 Introduction to Machine Learning CMU-10701 Deep Learning Barnabás Póczos & Aarti Singh Credits Many of the pictures, results, and other materials are taken from: Ruslan Salakhutdinov Joshua Bengio Geoffrey

More information

CIKM 2015 Melbourne Australia Oct. 22, 2015 Building a Better Connected World with Data Mining and Artificial Intelligence Technologies

CIKM 2015 Melbourne Australia Oct. 22, 2015 Building a Better Connected World with Data Mining and Artificial Intelligence Technologies CIKM 2015 Melbourne Australia Oct. 22, 2015 Building a Better Connected World with Data Mining and Artificial Intelligence Technologies Hang Li Noah s Ark Lab Huawei Technologies We want to build Intelligent

More information

Sequence to Sequence Weather Forecasting with Long Short-Term Memory Recurrent Neural Networks

Sequence to Sequence Weather Forecasting with Long Short-Term Memory Recurrent Neural Networks Volume 143 - No.11, June 16 Sequence to Sequence Weather Forecasting with Long Short-Term Memory Recurrent Neural Networks Mohamed Akram Zaytar Research Student Department of Computer Engineering Faculty

More information

Deep learning applications and challenges in big data analytics

Deep learning applications and challenges in big data analytics Najafabadi et al. Journal of Big Data (2015) 2:1 DOI 10.1186/s40537-014-0007-7 RESEARCH Open Access Deep learning applications and challenges in big data analytics Maryam M Najafabadi 1, Flavio Villanustre

More information

DEEP LEARNING WITH GPUS

DEEP LEARNING WITH GPUS DEEP LEARNING WITH GPUS GEOINT 2015 Larry Brown Ph.D. June 2015 AGENDA 1 Introducing NVIDIA 2 What is Deep Learning? 3 GPUs and Deep Learning 4 cudnn and DiGiTS 5 Machine Learning & Data Analytics and

More information

Implementation of Neural Networks with Theano. http://deeplearning.net/tutorial/

Implementation of Neural Networks with Theano. http://deeplearning.net/tutorial/ Implementation of Neural Networks with Theano http://deeplearning.net/tutorial/ Feed Forward Neural Network (MLP) Hidden Layer Object Hidden Layer Object Hidden Layer Object Logistic Regression Object

More information

Deep Learning For Text Processing

Deep Learning For Text Processing Deep Learning For Text Processing Jeffrey A. Bilmes Professor Departments of Electrical Engineering & Computer Science and Engineering University of Washington, Seattle http://melodi.ee.washington.edu/~bilmes

More information

Taking Inverse Graphics Seriously

Taking Inverse Graphics Seriously CSC2535: 2013 Advanced Machine Learning Taking Inverse Graphics Seriously Geoffrey Hinton Department of Computer Science University of Toronto The representation used by the neural nets that work best

More information

A Look Into the World of Reddit with Neural Networks

A Look Into the World of Reddit with Neural Networks A Look Into the World of Reddit with Neural Networks Jason Ting Institute of Computational and Mathematical Engineering Stanford University Stanford, CA 9435 jmting@stanford.edu Abstract Creating, placing,

More information

Artificial Neural Networks and Support Vector Machines. CS 486/686: Introduction to Artificial Intelligence

Artificial Neural Networks and Support Vector Machines. CS 486/686: Introduction to Artificial Intelligence Artificial Neural Networks and Support Vector Machines CS 486/686: Introduction to Artificial Intelligence 1 Outline What is a Neural Network? - Perceptron learners - Multi-layer networks What is a Support

More information

Deep Learning for Big Data

Deep Learning for Big Data Deep Learning for Big Data Yoshua Bengio Département d Informa0que et Recherche Opéra0onnelle, U. Montréal 30 May 2013, Journée de la recherche École Polytechnique, Montréal Big Data & Data Science Super-

More information

SIGNAL INTERPRETATION

SIGNAL INTERPRETATION SIGNAL INTERPRETATION Lecture 6: ConvNets February 11, 2016 Heikki Huttunen heikki.huttunen@tut.fi Department of Signal Processing Tampere University of Technology CONVNETS Continued from previous slideset

More information

Neural Networks for Machine Learning. Lecture 13a The ups and downs of backpropagation

Neural Networks for Machine Learning. Lecture 13a The ups and downs of backpropagation Neural Networks for Machine Learning Lecture 13a The ups and downs of backpropagation Geoffrey Hinton Nitish Srivastava, Kevin Swersky Tijmen Tieleman Abdel-rahman Mohamed A brief history of backpropagation

More information

Machine Learning. 01 - Introduction

Machine Learning. 01 - Introduction Machine Learning 01 - Introduction Machine learning course One lecture (Wednesday, 9:30, 346) and one exercise (Monday, 17:15, 203). Oral exam, 20 minutes, 5 credit points. Some basic mathematical knowledge

More information

The multilayer sentiment analysis model based on Random forest Wei Liu1, Jie Zhang2

The multilayer sentiment analysis model based on Random forest Wei Liu1, Jie Zhang2 2nd International Conference on Advances in Mechanical Engineering and Industrial Informatics (AMEII 2016) The multilayer sentiment analysis model based on Random forest Wei Liu1, Jie Zhang2 1 School of

More information

Lecture 6: Classification & Localization. boris. ginzburg@intel.com

Lecture 6: Classification & Localization. boris. ginzburg@intel.com Lecture 6: Classification & Localization boris. ginzburg@intel.com 1 Agenda ILSVRC 2014 Overfeat: integrated classification, localization, and detection Classification with Localization Detection. 2 ILSVRC-2014

More information

Compacting ConvNets for end to end Learning

Compacting ConvNets for end to end Learning Compacting ConvNets for end to end Learning Jose M. Alvarez Joint work with Lars Pertersson, Hao Zhou, Fatih Porikli. Success of CNN Image Classification Alex Krizhevsky, Ilya Sutskever, Geoffrey E. Hinton,

More information

Recurrent Neural Networks

Recurrent Neural Networks Recurrent Neural Networks Neural Computation : Lecture 12 John A. Bullinaria, 2015 1. Recurrent Neural Network Architectures 2. State Space Models and Dynamical Systems 3. Backpropagation Through Time

More information

Programming Exercise 3: Multi-class Classification and Neural Networks

Programming Exercise 3: Multi-class Classification and Neural Networks Programming Exercise 3: Multi-class Classification and Neural Networks Machine Learning November 4, 2011 Introduction In this exercise, you will implement one-vs-all logistic regression and neural networks

More information

Introduction to Machine Learning and Data Mining. Prof. Dr. Igor Trajkovski trajkovski@nyus.edu.mk

Introduction to Machine Learning and Data Mining. Prof. Dr. Igor Trajkovski trajkovski@nyus.edu.mk Introduction to Machine Learning and Data Mining Prof. Dr. Igor Trakovski trakovski@nyus.edu.mk Neural Networks 2 Neural Networks Analogy to biological neural systems, the most robust learning systems

More information

A picture is worth five captions

A picture is worth five captions A picture is worth five captions Learning visually grounded word and sentence representations Grzegorz Chrupała (with Ákos Kádár and Afra Alishahi) Learning word (and phrase) meanings Cross-situational

More information

Applying Deep Learning to Enhance Momentum Trading Strategies in Stocks

Applying Deep Learning to Enhance Momentum Trading Strategies in Stocks This version: December 12, 2013 Applying Deep Learning to Enhance Momentum Trading Strategies in Stocks Lawrence Takeuchi * Yu-Ying (Albert) Lee ltakeuch@stanford.edu yy.albert.lee@gmail.com Abstract We

More information

Machine Learning. CUNY Graduate Center, Spring 2013. Professor Liang Huang. huang@cs.qc.cuny.edu

Machine Learning. CUNY Graduate Center, Spring 2013. Professor Liang Huang. huang@cs.qc.cuny.edu Machine Learning CUNY Graduate Center, Spring 2013 Professor Liang Huang huang@cs.qc.cuny.edu http://acl.cs.qc.edu/~lhuang/teaching/machine-learning Logistics Lectures M 9:30-11:30 am Room 4419 Personnel

More information

CPSC 340: Machine Learning and Data Mining. Mark Schmidt University of British Columbia Fall 2015

CPSC 340: Machine Learning and Data Mining. Mark Schmidt University of British Columbia Fall 2015 CPSC 340: Machine Learning and Data Mining Mark Schmidt University of British Columbia Fall 2015 Outline 1) Intro to Machine Learning and Data Mining: Big data phenomenon and types of data. Definitions

More information

Image and Video Understanding

Image and Video Understanding Image and Video Understanding 2VO 710.095 WS Christoph Feichtenhofer, Axel Pinz Slide credits: Many thanks to all the great computer vision researchers on which this presentation relies on. Most material

More information

CS 40 Computing for the Web

CS 40 Computing for the Web CS 40 Computing for the Web Art Lee January 20, 2015 Announcements Course web on Sakai Homework assignments submit them on Sakai Email me the survey: See the Announcements page on the course web for instructions

More information

Big Data in the Mathematical Sciences

Big Data in the Mathematical Sciences Big Data in the Mathematical Sciences Wednesday 13 November 2013 Sponsored by: Extract from Campus Map Note: Walk from Zeeman Building to Arts Centre approximately 5 minutes ZeemanBuilding BuildingNumber38

More information

01219211 Software Development Training Camp 1 (0-3) Prerequisite : 01204214 Program development skill enhancement camp, at least 48 person-hours.

01219211 Software Development Training Camp 1 (0-3) Prerequisite : 01204214 Program development skill enhancement camp, at least 48 person-hours. (International Program) 01219141 Object-Oriented Modeling and Programming 3 (3-0) Object concepts, object-oriented design and analysis, object-oriented analysis relating to developing conceptual models

More information

Projects - Neural and Evolutionary Computing

Projects - Neural and Evolutionary Computing Projects - Neural and Evolutionary Computing 2014-2015 I. Application oriented topics 1. Task scheduling in distributed systems. The aim is to assign a set of (independent or correlated) tasks to some

More information

Is a Data Scientist the New Quant? Stuart Kozola MathWorks

Is a Data Scientist the New Quant? Stuart Kozola MathWorks Is a Data Scientist the New Quant? Stuart Kozola MathWorks 2015 The MathWorks, Inc. 1 Facts or information used usually to calculate, analyze, or plan something Information that is produced or stored by

More information

RECURSIVE DEEP LEARNING FOR NATURAL LANGUAGE PROCESSING AND COMPUTER VISION

RECURSIVE DEEP LEARNING FOR NATURAL LANGUAGE PROCESSING AND COMPUTER VISION RECURSIVE DEEP LEARNING FOR NATURAL LANGUAGE PROCESSING AND COMPUTER VISION A DISSERTATION SUBMITTED TO THE DEPARTMENT OF COMPUTER SCIENCE AND THE COMMITTEE ON GRADUATE STUDIES OF STANFORD UNIVERSITY IN

More information

Administrivia. Traditional Recognition Approach. Overview. CMPSCI 370: Intro. to Computer Vision Deep learning

Administrivia. Traditional Recognition Approach. Overview. CMPSCI 370: Intro. to Computer Vision Deep learning : Intro. to Computer Vision Deep learning University of Massachusetts, Amherst April 19/21, 2016 Instructor: Subhransu Maji Finals (everyone) Thursday, May 5, 1-3pm, Hasbrouck 113 Final exam Tuesday, May

More information

Machine Learning What, how, why?

Machine Learning What, how, why? Machine Learning What, how, why? Rémi Emonet (@remiemonet) 2015-09-30 Web En Vert $ whoami $ whoami Software Engineer Researcher: machine learning, computer vision Teacher: web technologies, computing

More information

Image Classification for Dogs and Cats

Image Classification for Dogs and Cats Image Classification for Dogs and Cats Bang Liu, Yan Liu Department of Electrical and Computer Engineering {bang3,yan10}@ualberta.ca Kai Zhou Department of Computing Science kzhou3@ualberta.ca Abstract

More information

NAVIGATING SCIENTIFIC LITERATURE A HOLISTIC PERSPECTIVE. Venu Govindaraju

NAVIGATING SCIENTIFIC LITERATURE A HOLISTIC PERSPECTIVE. Venu Govindaraju NAVIGATING SCIENTIFIC LITERATURE A HOLISTIC PERSPECTIVE Venu Govindaraju BIOMETRICS DOCUMENT ANALYSIS PATTERN RECOGNITION 8/24/2015 ICDAR- 2015 2 Towards a Globally Optimal Approach for Learning Deep Unsupervised

More information

Machine Learning and Data Mining -

Machine Learning and Data Mining - Machine Learning and Data Mining - Perceptron Neural Networks Nuno Cavalheiro Marques (nmm@di.fct.unl.pt) Spring Semester 2010/2011 MSc in Computer Science Multi Layer Perceptron Neurons and the Perceptron

More information

Machine learning for algo trading

Machine learning for algo trading Machine learning for algo trading An introduction for nonmathematicians Dr. Aly Kassam Overview High level introduction to machine learning A machine learning bestiary What has all this got to do with

More information

3D Object Recognition using Convolutional Neural Networks with Transfer Learning between Input Channels

3D Object Recognition using Convolutional Neural Networks with Transfer Learning between Input Channels 3D Object Recognition using Convolutional Neural Networks with Transfer Learning between Input Channels Luís A. Alexandre Department of Informatics and Instituto de Telecomunicações Univ. Beira Interior,

More information

Introduction to Pattern Recognition

Introduction to Pattern Recognition Introduction to Pattern Recognition Selim Aksoy Department of Computer Engineering Bilkent University saksoy@cs.bilkent.edu.tr CS 551, Spring 2009 CS 551, Spring 2009 c 2009, Selim Aksoy (Bilkent University)

More information

Machine Learning: Overview

Machine Learning: Overview Machine Learning: Overview Why Learning? Learning is a core of property of being intelligent. Hence Machine learning is a core subarea of Artificial Intelligence. There is a need for programs to behave

More information

Neural Networks in Data Mining

Neural Networks in Data Mining IOSR Journal of Engineering (IOSRJEN) ISSN (e): 2250-3021, ISSN (p): 2278-8719 Vol. 04, Issue 03 (March. 2014), V6 PP 01-06 www.iosrjen.org Neural Networks in Data Mining Ripundeep Singh Gill, Ashima Department

More information

Lecture 8 February 4

Lecture 8 February 4 ICS273A: Machine Learning Winter 2008 Lecture 8 February 4 Scribe: Carlos Agell (Student) Lecturer: Deva Ramanan 8.1 Neural Nets 8.1.1 Logistic Regression Recall the logistic function: g(x) = 1 1 + e θt

More information

An Analysis of Single-Layer Networks in Unsupervised Feature Learning

An Analysis of Single-Layer Networks in Unsupervised Feature Learning An Analysis of Single-Layer Networks in Unsupervised Feature Learning Adam Coates 1, Honglak Lee 2, Andrew Y. Ng 1 1 Computer Science Department, Stanford University {acoates,ang}@cs.stanford.edu 2 Computer

More information

Back Propagation Neural Networks User Manual

Back Propagation Neural Networks User Manual Back Propagation Neural Networks User Manual Author: Lukáš Civín Library: BP_network.dll Runnable class: NeuralNetStart Document: Back Propagation Neural Networks Page 1/28 Content: 1 INTRODUCTION TO BACK-PROPAGATION

More information

Università degli Studi di Bologna

Università degli Studi di Bologna Università degli Studi di Bologna DEIS Biometric System Laboratory Incremental Learning by Message Passing in Hierarchical Temporal Memory Davide Maltoni Biometric System Laboratory DEIS - University of

More information

An Introduction to Deep Learning

An Introduction to Deep Learning Thought Leadership Paper Predictive Analytics An Introduction to Deep Learning Examining the Advantages of Hierarchical Learning Table of Contents 4 The Emergence of Deep Learning 7 Applying Deep-Learning

More information

Learning Deep Architectures for AI. Contents

Learning Deep Architectures for AI. Contents Foundations and Trends R in Machine Learning Vol. 2, No. 1 (2009) 1 127 c 2009 Y. Bengio DOI: 10.1561/2200000006 Learning Deep Architectures for AI By Yoshua Bengio Contents 1 Introduction 2 1.1 How do

More information

MulticoreWare. Global Company, 250+ employees HQ = Sunnyvale, CA Other locations: US, China, India, Taiwan

MulticoreWare. Global Company, 250+ employees HQ = Sunnyvale, CA Other locations: US, China, India, Taiwan 1 MulticoreWare Global Company, 250+ employees HQ = Sunnyvale, CA Other locations: US, China, India, Taiwan Focused on Heterogeneous Computing Multiple verticals spawned from core competency Machine Learning

More information

SELECTING NEURAL NETWORK ARCHITECTURE FOR INVESTMENT PROFITABILITY PREDICTIONS

SELECTING NEURAL NETWORK ARCHITECTURE FOR INVESTMENT PROFITABILITY PREDICTIONS UDC: 004.8 Original scientific paper SELECTING NEURAL NETWORK ARCHITECTURE FOR INVESTMENT PROFITABILITY PREDICTIONS Tonimir Kišasondi, Alen Lovren i University of Zagreb, Faculty of Organization and Informatics,

More information

Using Convolutional Neural Networks for Image Recognition

Using Convolutional Neural Networks for Image Recognition Using Convolutional Neural Networks for Image Recognition By Samer Hijazi, Rishi Kumar, and Chris Rowen, IP Group, Cadence Convolutional neural networks (CNNs) are widely used in pattern- and image-recognition

More information

HPC ABDS: The Case for an Integrating Apache Big Data Stack

HPC ABDS: The Case for an Integrating Apache Big Data Stack HPC ABDS: The Case for an Integrating Apache Big Data Stack with HPC 1st JTC 1 SGBD Meeting SDSC San Diego March 19 2014 Judy Qiu Shantenu Jha (Rutgers) Geoffrey Fox gcf@indiana.edu http://www.infomall.org

More information

CS 2750 Machine Learning. Lecture 1. Machine Learning. http://www.cs.pitt.edu/~milos/courses/cs2750/ CS 2750 Machine Learning.

CS 2750 Machine Learning. Lecture 1. Machine Learning. http://www.cs.pitt.edu/~milos/courses/cs2750/ CS 2750 Machine Learning. Lecture Machine Learning Milos Hauskrecht milos@cs.pitt.edu 539 Sennott Square, x5 http://www.cs.pitt.edu/~milos/courses/cs75/ Administration Instructor: Milos Hauskrecht milos@cs.pitt.edu 539 Sennott

More information

Getting Started with Caffe Julien Demouth, Senior Engineer

Getting Started with Caffe Julien Demouth, Senior Engineer Getting Started with Caffe Julien Demouth, Senior Engineer What is Caffe? Open Source Framework for Deep Learning http://github.com/bvlc/caffe Developed by the Berkeley Vision and Learning Center (BVLC)

More information

Pedestrian Detection with RCNN

Pedestrian Detection with RCNN Pedestrian Detection with RCNN Matthew Chen Department of Computer Science Stanford University mcc17@stanford.edu Abstract In this paper we evaluate the effectiveness of using a Region-based Convolutional

More information

Data, Measurements, Features

Data, Measurements, Features Data, Measurements, Features Middle East Technical University Dep. of Computer Engineering 2009 compiled by V. Atalay What do you think of when someone says Data? We might abstract the idea that data are

More information

GPU-Based Deep Learning Inference:

GPU-Based Deep Learning Inference: Whitepaper GPU-Based Deep Learning Inference: A Performance and Power Analysis November 2015 1 Contents Abstract... 3 Introduction... 3 Inference versus Training... 4 GPUs Excel at Neural Network Inference...

More information

Big Data Systems CS 5965/6965 FALL 2015

Big Data Systems CS 5965/6965 FALL 2015 Big Data Systems CS 5965/6965 FALL 2015 Today General course overview Expectations from this course Q&A Introduction to Big Data Assignment #1 General Course Information Course Web Page http://www.cs.utah.edu/~hari/teaching/fall2015.html

More information

Sentiment Analysis. D. Skrepetos 1. University of Waterloo. NLP Presenation, 06/17/2015

Sentiment Analysis. D. Skrepetos 1. University of Waterloo. NLP Presenation, 06/17/2015 Sentiment Analysis D. Skrepetos 1 1 Department of Computer Science University of Waterloo NLP Presenation, 06/17/2015 D. Skrepetos (University of Waterloo) Sentiment Analysis NLP Presenation, 06/17/2015

More information

The Applications of Deep Learning on Traffic Identification

The Applications of Deep Learning on Traffic Identification The Applications of Deep Learning on Traffic Identification Zhanyi Wang wangzhanyi@360.cn Abstract Generally speaking, most systems of network traffic identification are based on features. The features

More information

Fast R-CNN. Author: Ross Girshick Speaker: Charlie Liu Date: Oct, 13 th. Girshick, R. (2015). Fast R-CNN. arxiv preprint arxiv:1504.08083.

Fast R-CNN. Author: Ross Girshick Speaker: Charlie Liu Date: Oct, 13 th. Girshick, R. (2015). Fast R-CNN. arxiv preprint arxiv:1504.08083. Fast R-CNN Author: Ross Girshick Speaker: Charlie Liu Date: Oct, 13 th Girshick, R. (2015). Fast R-CNN. arxiv preprint arxiv:1504.08083. ECS 289G 001 Paper Presentation, Prof. Lee Result 1 67% Accuracy

More information

How To Use Neural Networks In Data Mining

How To Use Neural Networks In Data Mining International Journal of Electronics and Computer Science Engineering 1449 Available Online at www.ijecse.org ISSN- 2277-1956 Neural Networks in Data Mining Priyanka Gaur Department of Information and

More information

So today we shall continue our discussion on the search engines and web crawlers. (Refer Slide Time: 01:02)

So today we shall continue our discussion on the search engines and web crawlers. (Refer Slide Time: 01:02) Internet Technology Prof. Indranil Sengupta Department of Computer Science and Engineering Indian Institute of Technology, Kharagpur Lecture No #39 Search Engines and Web Crawler :: Part 2 So today we

More information

Fall 2012 Q530. Programming for Cognitive Science

Fall 2012 Q530. Programming for Cognitive Science Fall 2012 Q530 Programming for Cognitive Science Aimed at little or no programming experience. Improve your confidence and skills at: Writing code. Reading code. Understand the abilities and limitations

More information

Automatic Speech Recognition and Hybrid Machine Translation for High-Quality Closed-Captioning and Subtitling for Video Broadcast

Automatic Speech Recognition and Hybrid Machine Translation for High-Quality Closed-Captioning and Subtitling for Video Broadcast Automatic Speech Recognition and Hybrid Machine Translation for High-Quality Closed-Captioning and Subtitling for Video Broadcast Hassan Sawaf Science Applications International Corporation (SAIC) 7990

More information

Graduate Co-op Students Information Manual. Department of Computer Science. Faculty of Science. University of Regina

Graduate Co-op Students Information Manual. Department of Computer Science. Faculty of Science. University of Regina Graduate Co-op Students Information Manual Department of Computer Science Faculty of Science University of Regina 2014 1 Table of Contents 1. Department Description..3 2. Program Requirements and Procedures

More information

IFT3395/6390. Machine Learning from linear regression to Neural Networks. Machine Learning. Training Set. t (3.5, -2,..., 127, 0,...

IFT3395/6390. Machine Learning from linear regression to Neural Networks. Machine Learning. Training Set. t (3.5, -2,..., 127, 0,... IFT3395/6390 Historical perspective: back to 1957 (Prof. Pascal Vincent) (Rosenblatt, Perceptron ) Machine Learning from linear regression to Neural Networks Computer Science Artificial Intelligence Symbolic

More information

Machine Learning over Big Data

Machine Learning over Big Data Machine Learning over Big Presented by Fuhao Zou fuhao@hust.edu.cn Jue 16, 2014 Huazhong University of Science and Technology Contents 1 2 3 4 Role of Machine learning Challenge of Big Analysis Distributed

More information

Advanced analytics at your hands

Advanced analytics at your hands 2.3 Advanced analytics at your hands Neural Designer is the most powerful predictive analytics software. It uses innovative neural networks techniques to provide data scientists with results in a way previously

More information

DM810 Computer Game Programming II: AI. Lecture 11. Decision Making. Marco Chiarandini

DM810 Computer Game Programming II: AI. Lecture 11. Decision Making. Marco Chiarandini DM810 Computer Game Programming II: AI Lecture 11 Marco Chiarandini Department of Mathematics & Computer Science University of Southern Denmark Resume Decision trees State Machines Behavior trees Fuzzy

More information

Predict Influencers in the Social Network

Predict Influencers in the Social Network Predict Influencers in the Social Network Ruishan Liu, Yang Zhao and Liuyu Zhou Email: rliu2, yzhao2, lyzhou@stanford.edu Department of Electrical Engineering, Stanford University Abstract Given two persons

More information

Machine Learning for Data Science (CS4786) Lecture 1

Machine Learning for Data Science (CS4786) Lecture 1 Machine Learning for Data Science (CS4786) Lecture 1 Tu-Th 10:10 to 11:25 AM Hollister B14 Instructors : Lillian Lee and Karthik Sridharan ROUGH DETAILS ABOUT THE COURSE Diagnostic assignment 0 is out:

More information

Computer Vision Technology. Dave Bolme and Steve O Hara

Computer Vision Technology. Dave Bolme and Steve O Hara Computer Vision Technology Dave Bolme and Steve O Hara Today we ll discuss... The OpenCV Computer Vision Library Python scripting for Computer Vision Python OpenCV bindings SciPy / Matlab-like Python capabilities

More information

Transfer Learning for Latin and Chinese Characters with Deep Neural Networks

Transfer Learning for Latin and Chinese Characters with Deep Neural Networks Transfer Learning for Latin and Chinese Characters with Deep Neural Networks Dan C. Cireşan IDSIA USI-SUPSI Manno, Switzerland, 6928 Email: dan@idsia.ch Ueli Meier IDSIA USI-SUPSI Manno, Switzerland, 6928

More information

Machine Learning with MATLAB David Willingham Application Engineer

Machine Learning with MATLAB David Willingham Application Engineer Machine Learning with MATLAB David Willingham Application Engineer 2014 The MathWorks, Inc. 1 Goals Overview of machine learning Machine learning models & techniques available in MATLAB Streamlining the

More information

Deep Learning GPU-Based Hardware Platform

Deep Learning GPU-Based Hardware Platform Deep Learning GPU-Based Hardware Platform Hardware and Software Criteria and Selection Mourad Bouache Yahoo! Performance Engineering Group Sunnyvale, CA +1.408.784.1446 bouache@yahoo-inc.com John Glover

More information

Image Caption Generator Based On Deep Neural Networks

Image Caption Generator Based On Deep Neural Networks Image Caption Generator Based On Deep Neural Networks Jianhui Chen CPSC 503 CS Department Wenqiang Dong CPSC 503 CS Department Minchen Li CPSC 540 CS Department Abstract In this project, we systematically

More information

NEURAL NETWORKS A Comprehensive Foundation

NEURAL NETWORKS A Comprehensive Foundation NEURAL NETWORKS A Comprehensive Foundation Second Edition Simon Haykin McMaster University Hamilton, Ontario, Canada Prentice Hall Prentice Hall Upper Saddle River; New Jersey 07458 Preface xii Acknowledgments

More information

Forecasting Trade Direction and Size of Future Contracts Using Deep Belief Network

Forecasting Trade Direction and Size of Future Contracts Using Deep Belief Network Forecasting Trade Direction and Size of Future Contracts Using Deep Belief Network Anthony Lai (aslai), MK Li (lilemon), Foon Wang Pong (ppong) Abstract Algorithmic trading, high frequency trading (HFT)

More information

Manifold Learning with Variational Auto-encoder for Medical Image Analysis

Manifold Learning with Variational Auto-encoder for Medical Image Analysis Manifold Learning with Variational Auto-encoder for Medical Image Analysis Eunbyung Park Department of Computer Science University of North Carolina at Chapel Hill eunbyung@cs.unc.edu Abstract Manifold

More information

Support Vector Machine. Tutorial. (and Statistical Learning Theory)

Support Vector Machine. Tutorial. (and Statistical Learning Theory) Support Vector Machine (and Statistical Learning Theory) Tutorial Jason Weston NEC Labs America 4 Independence Way, Princeton, USA. jasonw@nec-labs.com 1 Support Vector Machines: history SVMs introduced

More information

Annotated bibliographies for presentations in MUMT 611, Winter 2006

Annotated bibliographies for presentations in MUMT 611, Winter 2006 Stephen Sinclair Music Technology Area, McGill University. Montreal, Canada Annotated bibliographies for presentations in MUMT 611, Winter 2006 Presentation 4: Musical Genre Similarity Aucouturier, J.-J.

More information

Deep Learning and GPUs. Julie Bernauer

Deep Learning and GPUs. Julie Bernauer Deep Learning and GPUs Julie Bernauer GPU Computing 2 GPU Computing x86 3 CUDA Framework to Program NVIDIA GPUs A simple sum of two vectors (arrays) in C void vector_add(int n, const float *a, const float

More information

What is Artificial Intelligence?

What is Artificial Intelligence? CSE 3401: Intro to Artificial Intelligence & Logic Programming Introduction Required Readings: Russell & Norvig Chapters 1 & 2. Lecture slides adapted from those of Fahiem Bacchus. 1 What is AI? What is

More information

Tattoo Detection for Soft Biometric De-Identification Based on Convolutional NeuralNetworks

Tattoo Detection for Soft Biometric De-Identification Based on Convolutional NeuralNetworks 1 Tattoo Detection for Soft Biometric De-Identification Based on Convolutional NeuralNetworks Tomislav Hrkać, Karla Brkić, Zoran Kalafatić Faculty of Electrical Engineering and Computing University of

More information

Supporting Online Material for

Supporting Online Material for www.sciencemag.org/cgi/content/full/313/5786/504/dc1 Supporting Online Material for Reducing the Dimensionality of Data with Neural Networks G. E. Hinton* and R. R. Salakhutdinov *To whom correspondence

More information

Visualizing Higher-Layer Features of a Deep Network

Visualizing Higher-Layer Features of a Deep Network Visualizing Higher-Layer Features of a Deep Network Dumitru Erhan, Yoshua Bengio, Aaron Courville, and Pascal Vincent Dept. IRO, Université de Montréal P.O. Box 6128, Downtown Branch, Montreal, H3C 3J7,

More information

TOWARDS SIMPLE, EASY TO UNDERSTAND, AN INTERACTIVE DECISION TREE ALGORITHM

TOWARDS SIMPLE, EASY TO UNDERSTAND, AN INTERACTIVE DECISION TREE ALGORITHM TOWARDS SIMPLE, EASY TO UNDERSTAND, AN INTERACTIVE DECISION TREE ALGORITHM Thanh-Nghi Do College of Information Technology, Cantho University 1 Ly Tu Trong Street, Ninh Kieu District Cantho City, Vietnam

More information

Storing and Analyzing Efficiently Big Data at GSI/FAIR

Storing and Analyzing Efficiently Big Data at GSI/FAIR Storing and Analyzing Efficiently Big Data at GSI/FAIR Thomas Stibor GSI Helmholtz Centre for Heavy Ion Research, HPC 8. Mai 2014 Overview GSI/FAIR p-linac SIS100/300 UNILAC SIS18 CBM HESR PANDA Rare Isotope

More information

NEURAL NETWORK FUNDAMENTALS WITH GRAPHS, ALGORITHMS, AND APPLICATIONS

NEURAL NETWORK FUNDAMENTALS WITH GRAPHS, ALGORITHMS, AND APPLICATIONS NEURAL NETWORK FUNDAMENTALS WITH GRAPHS, ALGORITHMS, AND APPLICATIONS N. K. Bose HRB-Systems Professor of Electrical Engineering The Pennsylvania State University, University Park P. Liang Associate Professor

More information

Analysis Tools and Libraries for BigData

Analysis Tools and Libraries for BigData + Analysis Tools and Libraries for BigData Lecture 02 Abhijit Bendale + Office Hours 2 n Terry Boult (Waiting to Confirm) n Abhijit Bendale (Tue 2:45 to 4:45 pm). Best if you email me in advance, but I

More information

Recurrent Convolutional Neural Networks for Text Classification

Recurrent Convolutional Neural Networks for Text Classification Proceedings of the Twenty-Ninth AAAI Conference on Artificial Intelligence Recurrent Convolutional Neural Networks for Text Classification Siwei Lai, Liheng Xu, Kang Liu, Jun Zhao National Laboratory of

More information

Efficient online learning of a non-negative sparse autoencoder

Efficient online learning of a non-negative sparse autoencoder and Machine Learning. Bruges (Belgium), 28-30 April 2010, d-side publi., ISBN 2-93030-10-2. Efficient online learning of a non-negative sparse autoencoder Andre Lemme, R. Felix Reinhart and Jochen J. Steil

More information

Search and Information Retrieval

Search and Information Retrieval Search and Information Retrieval Search on the Web 1 is a daily activity for many people throughout the world Search and communication are most popular uses of the computer Applications involving search

More information