Top Banner
Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Departmentof Computer Science University of Virginia 8/29/18 Yanjun Qi / UVA CS 1 Tutorial @ ACM BCB-2018
59

Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

May 25, 2020

Download

Documents

dariahiddleston
Welcome message from author
This document is posted to help you gain knowledge. Please leave a comment to let me know what you think about it! Share it to your friends and learn new things together.
Transcript
Page 1: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

MakingDeepLearningUnderstandableforAnalyzingSequentialDataabout

GeneRegulation

Dr.YanjunQiDepartmentofComputerScience

UniversityofVirginia

8/29/18 YanjunQi/UVACS 1

Tutorial@ACMBCB-2018

Page 2: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Today

• MachineLearning:aquickreview• DeepLearning:aquickreview• BackgroundBiology:aquickreview• DeepLearningforanalyzingSequentialDataaboutRegulation:

• DeepChrome• AttentiveChrome• DeepMotif

8/29/18 2

https://www.deepchrome.org

https://qdata.github.io/deep2Read/

YanjunQi/UVACS

Page 3: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

8/29/18 YanjunQi/UVACS 3

• Biomedicine• Patient records, brain imaging, MRI & CT scans, …• Genomic sequences, bio-structure, drug effect info, …

• Science• Historical documents, scanned books, databases from

astronomy, environmental data, climate records, …

• Social media• Social interactions data, twitter, facebook records, online

reviews, …

• Business• Stock market transactions, corporate sales, airline traffic,

OUR DATA-RICH WORLD

Page 4: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Challenge of Data Explosion in Biomedicine

Molecular signatures oftumor / blood sample

Signs &Symptoms

Genetic Data

Public HealthData

Patient MedicalHistory &Demographics

Medical Images

Mobile medicalsensor data

TraditionalApproaches

Data-DrivenApproaches

MachineLearning

48/29/18 YanjunQi/UVACS

Page 5: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

BASICS OF MACHINE LEARNING

• �The goal of machine learning is to build computer systems that can learn and adapt from their experience.� – Tom Dietterich

• �Experience� in the form of available dataexamples (also called as instances, samples)

• Available examples are described with properties (data points in feature space X)

8/29/18 YanjunQi/UVACS 5

Page 6: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

8/29/18 YanjunQi/UVACS 6

e.g. SUPERVISED LEARNING• Find function to map input space X to output

space Y

• So that the difference between y and f(x) of each example x is small.

Ibelievethatthisbookisnotatallhelpfulsinceitdoesnotexplainthoroughlythematerial.itjustprovidesthereaderwithtablesandcalculationsthatsometimesarenoteasilyunderstood…

x

y-1

InputX:e.g.apieceofEnglishtext

OutputY:{1/Yes,-1/No}e.g.Isthisapositiveproduct review?

e.g.

Page 7: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

SUPERVISED Linear Binary Classifier

• NowletuscheckoutaVERYSIMPLEcaseof

8/29/18 YanjunQi/UVACS 7

e.g.:Binaryy /Linearf/XasR2

f x y

f(x,w,b) = sign(wT x + b)

X =(x_1,x_2)

Page 8: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

SUPERVISED Linear Binary Classifier

f x y

f(x,w,b) = sign(wT x + b)

wT x +b<0

CourtesyslidefromProf.AndrewMoore’stutorial

?

?

wTx +b>0

denotes +1 pointdenotes -1 pointdenotes future points

?

8/29/18 YanjunQi/UVACS 8

X =(x_1,x_2)

x_1

X_2

Page 9: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

8/29/18 YanjunQi/UVACS 9

• Training (i.e. learning parameters w,b ) • Training set includes

• available examples' feature represenation: x1,…,xL• available corresponding labels y1,…,yL

• Find (w,b) by minimizing loss (i.e. difference between y and f(x) on available examples in training set)

(W, b) = argmin

W, b

Basic Concepts

Page 10: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

• Testing (i.e. evaluating performance on �future�points)

• Difference between true y? and the predicted f(x?) on a set of testing examples (i.e. testing set)

• Key: example x? not in the training set

• Generalisation:learnfunction/hypothesisfrompastdatainorderto“explain”,“predict”,“model”or“control”new dataexamples

8/29/18

Basic Concepts

YanjunQi/UVACS 10

Page 11: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

8/29/18 YanjunQi/UVACS 11

• Loss function • e.g. hinge loss for binary

classification task

• Regularization • E.g. additional information addedon loss function to control f

Basic Concepts

MaximizeSeparationMargin=>Minimize

Page 12: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Basics of Machine Learning

Input: X Output: Y

128/29/18 YanjunQi/UVACS

Page 13: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Basics of Machine Learning

Input: XOutput: Y

Training

f(X)

f(X)=Y138/29/18 YanjunQi/UVACS

Page 14: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Basics of Machine Learning

Input: X’Testing

f(X’)

SupervisedClassification

148/29/18 YanjunQi/UVACS

Page 15: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

TYPICAL MACHINE LEARNING SYSTEM

8/29/18

Low-level sensing

Pre-processing

Feature Extract

Feature Select

Inference, Prediction, Recognition

Label Collection

YanjunQi/UVACS 15

Evaluation

Page 16: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

TYPICAL MACHINE LEARNING SYSTEM

8/29/18

Low-level sensing

Pre-processing

Feature Extract

Feature Select

Inference, Prediction, Recognition

Label Collection

Data Complexity in X

Data Complexity

in Y

YanjunQi/UVACS 16

Evaluation

Page 17: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

UNSUPERVISED LEARNING : [ COMPLEXITY OF Y ]

• No labels are provided (e.g. No Y provided)• Find patterns from unlabeled data, e.g. clustering

8/29/18

e.g.clustering=>tofind�natural� groupingofinstancesgivenun-labeleddata

YanjunQi/UVACS 17

Page 18: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Structured Output Prediction: [ COMPLEXITY in Y ]

• Many prediction tasks involve output labels having structured correlations or constraints among instances

8/29/18

Manymorepossible structuresbetweeny_i ,e.g.spatial,temporal, relational…

Thedogchasedthecat

APAFSVSPASGACGPECA…

TreeSequence GridStructured Dependency between Examples’ Y

Input

Output

CCEEEEECCCCCHHHCCC…

YanjunQi/UVACS 18

Page 19: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Original Space Feature Space

Structured Input: Kernel Methods [ COMPLEXITY OF X ]

Vectorvs.Relationaldata

e.g.Graphs,Sequences,3Dstructures,

8/29/18 YanjunQi/UVACS 19

Page 20: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

More Recent: Representation Learning[ COMPLEXITY OF X ]

Deep Learning Supervised Embedding

8/29/18

Layer-wise Pretraining

YanjunQi/UVACS 20

Page 21: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Whylearnfeatures?

21

Page 22: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

WhentouseMachineLearning?

• 1.Extractknowledgefromdata• Relationshipsandcorrelationscanbehiddenwithinlargeamountsofdata• Theamountofknowledgeavailableaboutcertaintasksissimplytoolargeforexplicitencoding(e.g.rules)byhumans

• 2.Learntasksthataredifficulttoformalise• Hard todefinewell,exceptbyexamples(e.g.facerecognition)

• 3.Createsoftwarethatimprovesovertime• Newknowledgeisconstantlybeingdiscovered.• Ruleorhumanencoding-basedsystemisdifficulttocontinuouslyre-design�byhand�.

228/29/18 YanjunQi/UVACS

Page 23: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Recap

•GoalofMachineLearning:Generalisation

• Training• Testing• Loss

8/29/18 23YanjunQi/UVACS

Page 24: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Today

• MachineLearning:aquickreview• DeepLearning:aquickreview• BackgroundBiology:aquickreview• DeepLearningforanalyzingSequentialDataaboutRegulation:

• DeepChrome• AttentiveChrome• DeepMotif

8/29/18 24

https://www.deepchrome.org

https://qdata.github.io/deep2Read/

YanjunQi/UVACS

Page 25: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

• DeepLearning• Whyisthisabreakthrough?• Basics• History• AFewRecenttrends

8/29/18 25

https://qdata.github.io/deep2Read/

YanjunQi/UVACS

Page 26: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Deep Learning is Changing the World

8/29/18 Manymore!YanjunQi/UVACS 26

Page 27: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Whybreakthrough?

8/29/18 27

DeepLearning DeepReinforcementLearning

GenerativeAdversarialNetwork(GAN)

YanjunQi/UVACS

Page 28: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Breakthrough from 2012 Large-Scale Visual Recognition Challenge (ImageNet)

In one �very large-scale� benchmark competition(1.2 million images [X] vs.1000 different word labels [Y])

288/29/18

10%improvewithdeepCNN

YanjunQi/UVACS

Page 29: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

29AdaptfromFromNIPS2017DLTrendTutorial

8/29/18 YanjunQi/UVACS

Page 30: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

DNNshelpusbuildmoreintelligentcomputers

• Perceivetheworld,• e.g.,objectiverecognition,speechrecognition,…

•Understandtheworld,• e.g.,machinetranslation,textsemanticunderstanding

• Interactwiththeworld,• e.g.,AlphaGo,AlphaZero,self-drivingcars,…

• Beingabletothink/reason,• e.g.,learntocodeprograms,learntosearchdeepNN,…

• Beingabletoimagine/tomakeanalogy,• e.g.,learntodrawwithstyles,……

8/29/18 30YanjunQi/UVACS

Page 31: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

DeepLearningWay: LearningRepresentationfromdata

Feature Engineering ü Most critical for accuracy ü� Account for most of the computation ü �Most time-consuming in development cycle ü� Often hand-craft and task dependent in practice

Feature Learning ü Easily adaptable to new similar tasks ü Learn layerwise representation from data

318/29/18 YanjunQi/UVACS

Page 32: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Basics

•BasicNeuralNetwork(NN)• singleneuron,e.g.logisticregressionunit• multilayerperceptron(MLP)• variouslossfunction

• E.g.,whenformulti-classclassification,softmax layer• trainingNNwithbackprop algorithm

8/29/18 32YanjunQi/UVACS

Page 33: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

One“Neuron”:ExpandedLogisticRegression

x1

x2

x3

Σ

+1

z

z = wT . x + b

y = sigmoid(z) =33

ez

1 + ez

p = 3

w1

w2

w3

b1SummingFunction

SigmoidFunction

Multiplybyweights

ŷ = P(Y=1|x,w)

Input x

Page 34: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

E.g.,ManyPossibleNonlinearityFunctions(akatransferoractivationfunctions)

x w

34https://en.wikipedia.org/wiki/Activation_function#Comparison_of_activation_functions

Name Plot Equation Derivative(w.r.tx )

usuallyworksbest inpractice

Page 35: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

ez

1 + ez

One“Neuron”:ExpandedLogisticRegression

x1

x2

x3

Σ

+1

z

z = wT . x + b

y = sigmoid(z) =35

p = 3

w1

w2

w3

b1SummingFunction

SigmoidFunction

Multiplybyweights

ŷ = P(Y=1|x,w)

Input x

=>“NeuronView”

Page 36: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Multi-LayerPerceptron(MLP)- (Feed-ForwardNN)

36

1st

hiddenlayer

2nd

hiddenlayer

Outputlayer

x1

x2

x3

x ŷ

3-layerMLP-NN

W1

w3

W2

Page 37: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Historyè Perceptron:1-NeuronUnitwithStep

−FirstproposedbyRosenblatt(1958)−Asimpleneuronthatisusedtoclassifyitsinputintooneoftwocategories.−Aperceptronusesa stepfunction

φ(z)= +1ifz ≥0

−1ifz <0⎧⎨⎩

8/29/18 37

x1

x2

x3

Σ

SummingFunction

Step Function

w1

w2

w3

+1

b1

z

Multiplybyweights

YanjunQi/UVACS

Page 38: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

z1

z2

z3

38

x1

x2

x3

x

Σ

Σ

Σ

ŷ1

ŷ2

ŷ3

E.g.,Cross-EntropyLossforMulti-ClassClassification

“Softmax”function. Normalizingfunctionwhichconvertseachclassoutputtoaprobability.

EW (ŷ,y) = loss = - yj ln ŷjΣj = 1.. .K

= P( ŷi = 1 | x )

W1 W3

W2

ŷi

Cross-entropyloss

K = 3

Page 39: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

“BlockView”

x

1sthidden layer

2ndhidden layer Output layer

39

*W1

*W2

*W3

z1 z2 z3h1 h2

LossModule

“Softmax”

E (ŷ,y)ŷ

Page 40: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

40

BuildingDeepNeuralNets

http://cs231n.stanford.edu/slides/winter1516_lecture5.pdf

fx y

Page 41: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

TrainingNeuralNetworks

41

Howdowelearntheoptimal weightsWL forour task??● StochasticGradientdescent:

LeCunet.al.EfficientBackpropagation. 1998

WLt = WL

t-1 - ! " E" WL

Buthowdowegetgradientsoflowerlayers?● Backpropagation!

○ Repeatedapplicationofchainruleofcalculus○ Locallyminimizetheobjective○ Requiresall“blocks”ofthenetworktobedifferentiable

x ŷ

W1

w3

W2

EW (ŷ,y)

– MainIdea:errorinhidden layers

Page 42: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

IllustratingObjectiveLossFunction(extremelysimplified)andGradientDescent(2Dcase)

8/29/18 YanjunQi/UVACS 42

EW

W1 W2

E{xi,yi}(W1, W2)

Thegradientpointsinthedirection(inthevariablespace)ofthegreatestrateofincreaseofthefunctionanditsmagnitude istheslopeofthesurfacegraphinthatdirection

Page 43: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

8/29/18 43AdaptfromFromNIPS2017DLTrendTutorial

YanjunQi/UVACS

Page 44: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

ImportantBlock:ConvolutionalNeuralNetworks(CNN)

• Prof.Yann LeCun inventedCNNin1998• FirstNNsuccessfullytrainedwithmanylayers

44Y.LeCun,L.Bottou,Y.Bengio,andP.Haffner,Gradient-basedlearningappliedtodocument recognition,ProceedingsoftheIEEE86(11):2278–2324,1998.

Page 45: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

8/29/18 45AdaptfromFromNIPS2017DLTrendTutorial

CNNmodelsLocalityandTranslationInvariance

Makefully-connectedlayerlocally-connectedandsharing weight

YanjunQi/UVACS

Page 46: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

• Prof.Schmidhuber invented"Longshort-termmemory”– RecurrentNN(LSTM-RNN) modelin1997

8/29/18 46

Sepp Hochreiter;JürgenSchmidhuber (1997)."Longshort-termmemory".NeuralComputation.9(8):1735–1780.

ImageCreditsfromChristopherOlah

ImportantBlock:RecurrentNeuralNetworks(RNN)

YanjunQi/UVACS

Page 47: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

RNNmodelsdynamictemporaldependency

47

Imagecredit:wildML

• Makefully-connectedlayermodeleachunitrecurrently• Unitsformadirectedchaingraphalongasequence• Eachunitusesrecenthistoryandcurrentinputinmodeling

LSTMforMachineTranslation(GermanytoEnglish)

Page 48: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

• DeepLearning• Whyisthisabreakthrough?• Basics• History• AFewRecenttrends

8/29/18 48

https://qdata.github.io/deep2Read/

YanjunQi/UVACS

Page 49: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Manyclassificationmodelsinventedsincelate80’s• Neuralnetworks• Boosting• SupportVectorMachine• MaximumEntropy• RandomForest• ……

8/29/18 49YanjunQi/UVACS

Page 50: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

DeepLearning(CNN)inthe90’s• Prof.Yann LeCun inventedConvolutionalNeuralNetworks(CNN)in1998• FirstNNsuccessfullytrainedwithmanylayers

8/29/18 50

Y.LeCun,L.Bottou,Y.Bengio,andP.Haffner,Gradient-basedlearningappliedtodocument recognition,ProceedingsoftheIEEE86(11):2278–2324,1998.

YanjunQi/UVACS

Page 51: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

DeepLearning(RNN)inthe90’s

• Prof.Schmidhuber invented"Longshort-termmemory”– RecurrentNN(LSTM-RNN) modelin1997

8/29/18 51

Sepp Hochreiter;JürgenSchmidhuber (1997)."Longshort-termmemory".NeuralComputation.9(8):1735–1780.

ImageCreditsfromChristopherOlahYanjunQi/UVACS

Page 52: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Between~2000to~2011MachineLearningFieldInterest

• LearningwithStructures!+ConvexFormulation!• Kernellearning• ManifoldLearning• SparseLearning• Structuredinput-outputlearning…• Graphicalmodel• TransferLearning• Semi-supervised• Matrixfactorization• ……

8/29/18 52YanjunQi/UVACS

Page 53: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

“WinterofNeuralNetworks”Since90’sto~2011

• Non-convex

• Needalotoftrickstoplaywith• Howmanylayers?• Howmanyhiddenunitsperlayer?• Whattopologyamonglayers?…….

• Hardtoperformtheoreticalanalysis

8/29/18 53YanjunQi/UVACS

Page 54: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Breakthrough in 2012 Large-Scale Visual Recognition Challenge (ImageNet) : Milestones in Recent Vision/AI Fields

8/29/18 YanjunQi/UVACS 54

- 2013,GoogleAcquiredDeepNeuralNetworksCompanyheadedbyUtoronto “DeepLearning”ProfessorHinton

- 2013,FacebookBuiltNewArtificialIntelligenceLabheadedbyNYU“DeepLearning”ProfessorLeCun- 2016,Google'sDeepMind defeatslegendaryGoplayerLeeSe-dol inhistoricvictory/2017AlphaZero

Page 55: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Reason:Plentyof(Labeled)Data

• Text:trillionsofwordsofEnglish+otherlanguages• Visual:billionsofimagesandvideos• Audio: thousandsofhoursofspeechperday• Useractivity:queries,userpageclicks,maprequests,etc,• Knowledgegraph:billionsoflabeledrelationaltriplets

• ………

8/29/18 55Dr.JeffDean’stalk

YanjunQi/UVACS

Page 56: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Reason:AdvancedComputerArchitecturethatfitsDNNs

8/29/18 56YanjunQi/UVACS

http://www.nvidia.com/content/events/geoInt2015/LBrown_DL.pdf

Page 57: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

SomeRecentTrends• 1.Autoencoder/layer-wisetraining• 2.CNN /Residual/Dynamicparameter• 3.RNN /Attention /Seq2Seq,…• 4.NeuralArchitecturewithexplicitMemory• 5.NTM4programinduction/sequentialdecisions• 6.Learningtooptimize/LearningDNNarchitectures• 7.Learningtolearn/meta-learning/few-shots• 8.DNNongraphs/trees/sets• 9.DeepGenerativemodels,e.g.,autoregressive• 10.GenerativeAdversarialNetworks(GAN)• 11.Deepreinforcementlearning• 12.Validate/Evade/Test/Understand /VerifyDNNs

8/29/18 57

https://qdata.github.io/deep2Read/

YanjunQi/UVACS

Page 58: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

Recap

8/29/18 58AdaptfromFromNIPS2017DLTrendTutorial

LearnedModels

https://qdata.github.io/deep2Read/

YanjunQi/UVACS

Page 59: Making Deep Learning Understandable for Analyzing ... · Making Deep Learning Understandable for Analyzing Sequential Data about Gene Regulation Dr. Yanjun Qi Department of Computer

BREAK5mins->SecondHalf8/29/18 59YanjunQi/UVACS

MakingDeepLearningUnderstandableforAnalyzingSequentialDataaboutGeneRegulation

Tutorial@ACMBCB-2018

Dr.YanjunQiDepartmentofComputerScienceUniversityofVirginia