Lecture 14. Advanced Neural Networks. Michael Picheny, Bhuvana Ramabhadran, Stanley F. Chen, Markus Nussbaum-Thom

Size: px
Start display at page:

Download "Lecture 14. Advanced Neural Networks. Michael Picheny, Bhuvana Ramabhadran, Stanley F. Chen, Markus Nussbaum-Thom"

Transcription

1 Lecture 14 Advanced Neural Networks Michael Picheny, Bhuvana Ramabhadran, Stanley F. Chen, Markus Nussbaum-Thom Watson Group IBM T.J. Watson Research Center Yorktown Heights, New York, USA 27 th April 2016

2 Variants of Neural Network Architectures 2 / 72 Deep Neural Network (DNN), Convolutional Neural Network (CNN), Recurrent Neural Network (RNN), unidirectional, bidirectional, Long Short-Term Memory (LSTM), Gated Recurrent Unit (GRU), Constraints and Regularization, Attention model,

3 Training 3 / 72 Observations and labels (x n, a n ) R D A for n = 1,..., N. Training criterion: F CE (θ) = 1 N F L (θ) = 1 N Optimization: n=1 N log P(a n x n, θ) n=1 N ω a T n 1 ω P(a T n Tn 1 x1, θ) L(ω, ω n) loss L θ = arg min {F(θ)} θ θ, θ : Free parameters of the model (NN, GMM). ω, ω : Word sequences.

4 Recap: Gaussian Mixture Model 4 / 72 Recap Gaussian Mixture Model: P(ω x T 1 ) = a T 1 ω T P(x t a t )P(a t a t 1 ) t=1 ω: word sequence x1 T := x 1,..., x T : feature sequence a1 T := a 1,..., a T : HMM state sequence Emission probability P(x a) N (µ a, Σ a ) Gaussian. Replace with a neural network hybrid model. Use neural network for feature extraction bottleneck features.

5 Hybrid Model 5 / 72 Gaussian Mixture Model: P(ω x T 1 ) = a T 1 ω T P(x t a t ) P(a }{{} t a t 1 ) }{{} t=1 emission transition Training: A neural network usually models P(x a). Recognition: Use as a hybrid model for speech recognition: P(a x) P(a) = P(x, a) P(x)P(a) = P(x a) P(x) P(x a) P(x a)/p(x) and P(x a) are proportional.

6 Hybrid Model and Bayes Decision Rule 6 / 72 { ˆω = arg max P(ω)P(x T 1 ω) } ω = arg max ω P(ω) T P(x t a t ) P(x t ) P(a t a t 1 ) a1 T ω t=1 T = arg max P(ω) P(x t a t )P(a t a t 1 ) t=1 ω T a1 T ω P(x t ) t=1 = arg max ω P(ω) a T 1 ω T P(x t a t )P(a t a t 1 ) t=1

7 Where Are We? 1 Recap: Deep Neural Network 2 Multilingual Bottleneck Features 3 Convolutional Neural Networks 4 Recurrent Neural Networks 5 Unstable Gradient Problem 6 Attention-based End-to-End ASR 7 / 72

8 Recap: Deep Neural Network (DNN) First feed forward networks. Consists of input, multiple hidden and output layer. Each hidden and output layer consists of nodes. 8 / 72

9 Recap: Deep Neural Network (DNN) 9 / 72 Free parameters: weights W and bias b. Output of a layer is input to the next layer. Each node performs a linear followed by a non-linear activiation on the input. The output layer relates the output of the last hidden layer with the target states.

10 Neural Network Layer 10 / 72 Number of nodes: n l in layer l. Input from previous layer: y (l 1) R n l 1 Weight and bias : W (l) R n l 1 n l, b (l) R n l. Activation: y (l) = σ(w (l) y (l 1) + b }{{ (l) ) } } linear {{ } non-linear

11 Deep Neural Network (DNN) 11 / 72

12 Activation Function Zoo 12 / 72 Sigmoid: Hyperbolic tangent: σ sigmoid (y) = exp( y) σ tanh (y) = tanh(y) = 2σ sigmoid (2y) REctified Linear Unit (RELU): { y, y > 0 σ relu (y) = 0, y 0

13 Activation Function Zoo Parametric RELU (PRELU): { y, y > 0 σ prelu (y) = a y, y 0 Exponential Linear Unit (ELU): { y, y > 0 σ elu (y) = a (exp(y) 1), y 0 Maxout: σ maxout (y 1,..., y I ) = max i Softmax: σ softmax (y) = { W1 y (l 1) + b 1,..., W I y (l 1) + b I } ( exp(y1 ) Z (y),..., exp(y ) T I) with Z (y) = exp(y j ) Z (y) j 13 / 72

14 Where Are We? 1 Recap: Deep Neural Network 2 Multilingual Bottleneck Features 3 Convolutional Neural Networks 4 Recurrent Neural Networks 5 Unstable Gradient Problem 6 Attention-based End-to-End ASR 14 / 72

15 Multilingual Bottleneck 15 / 72

16 Multilingual Bottleneck 16 / 72 Encoder-Decoder architecture: DNN with a bottleneck. Forces low-dimensional representation of speech across mutliple languages. Several languages are presented to the network randomly. Training: Labels from different languages. Recognition: Network is cut off after bottleneck.

17 Why are Multilingual Bottlenecks? 17 / 72 Train Multilingual Bottleneck features with lots of data. Future use: Bottleneck features on different tasks to train GMM system. No expensive DNN training, but WER gains similar to DNN.

18 Multilingual Bottleneck: Performance 18 / 72 WER [%] Model FR EN DE PL MFCC MLP BN targets MLP BN multi deep BN targets deep BN multi lang.dep. hidden layer

19 More Fancy Models 19 / 72 Convolutional Neural Networks. Recurrent Neural Networks: Long Short-Term Memory (LSTM) RNNs, Gated Recurrent Unit (GRU) RNNs. Unstable Gradient Problem.

20 Where Are We? 1 Recap: Deep Neural Network 2 Multilingual Bottleneck Features 3 Convolutional Neural Networks 4 Recurrent Neural Networks 5 Unstable Gradient Problem 6 Attention-based End-to-End ASR 20 / 72

21 Convolutional Neural Networks (CNNs) 21 / 72 Convolution (remember signal analysis?): (x 1 x 2 )[k] = i x 1 [k i] x 2 [i]

22 Convolutional Neural Networks (CNNs) 22 / 72 Convolution (remember signal analysis?): (x 1 x 2 )[k] = i x 1 [k i] x 2 [i]

23 Convolutional Neural Networks (CNNs) 23 / 72

24 CNNs 24 / 72 Consists of multiple local maps with channels and kernels. Kernels are convolved across the input. Multidimensional input: 1D (frequency), 2D (time-frequency), 3D (time-frequency-?). Neurons are connected to a local receptive fields of input. Weights are shared across multiple receptive fields.

25 Formal Definition: Convolutional Neural Networks 25 / 72 Free parameters: Feature maps W n R C k bias b n R k for n = 1,..., N c = 1,..., C channels, k N kernel size Activation function: y n,i = σ(w n,i x i + b) C i+k = σ W n,c,i j x c,j + b f c=1 j=i k

26 Pooling 26 / 72 Max-Pooling: pool(y n,c,i ) = max j=i k,...,i+k {y n,c,j} Average-Pooling: average(y n,c,i ) = 1 2 k + 1 i+k j=i k y n,c,j

27 CNN vs. DNN: Performance GMM, DNN use fmllr features. CNN use log-mel features which have local structure, opposed to speaker normalized features. Table: Broadcast News 50 h. WER [%] Model CE ST GMM 18.8 n/a DNN CNN CNN+DNN Table: Broadcast conversation 2k h. WER [%] Model CE ST DNN CNN DNN+CNN / 72

28 VGG. The configurations of our very deep CNNs for LVCSR. In all but the classic convnet, convolutional layers have 3 3 kernels, size is omitted. The depth of the networks increases from left to right. The deepest configuration, WDX, has 10 convolutional a nnected layers. The leftmost column indicates the number of output feature maps in each layer. The optional X means there are nnected layers instead of three (output layer included). 28 / 72 # Fmaps Classic [16, 17, 18] VB(X) VC(X) VD(X) WD(X) 64 conv(3,64) conv(3,64) conv(3,64) conv(3,64) conv(64,64) conv(64,64) conv(64,64) conv(64,64) pool 1x3 pool 1x2 pool 1x2 pool 1x2 128 conv(64, 128) conv(64, 128) conv(64, 128) conv(64, 128) conv(128, 128) conv(128, 128) conv(128, 128) conv(128, 128) pool 2x2 pool 2x2 pool 1x2 pool 1x2 256 conv(128, 256) conv(128, 256) conv(128, 256) conv(256, 256) conv(256, 256) conv(256, 256) conv(256, 256) pool 1x2 pool 2x2 pool 2x2 512 conv9x9(3,512) conv(256, 512) conv(256, 512) pool 1x3 conv(512, 512) conv(512, 512) conv3x4(512,512) conv(512, 512) pool 2x2 pool 2x2 FC 2048 FC 2048 (FC 2048) FC output size Softmax

29 LVCSR. In all but the classic convnet, convolutional layers have 3 3 kernels, thus ses VGG from left to right. The deepest configuration, WDX, has 10 convolutional and 4 e number of output feature maps in each layer. The optional X means there are four ded). LTIES are adaptaain, where inated [16, NNs. The nvolutional Linear Unit connected put feature derstood to frequency) KUR Softmax TOK CEB KAZ TEL LIT Softmax Softmax FC FC FC FC FC FC FC FC FC FC FC FC FC FC FC FC FC FC FC pool conv conv pool conv conv Softmax Softmax Shared Softmax padding of architecture size of the padding is Fig. 1. Multilingual VBX network with the last three layers untied. FC stands for Fully Connected layers. Context +/-5 29 / 72

30 Section 2.1, 2.2, and 2.1 respectively. From table 3 note that even in VGGthePerformance monolingual case (3 hours of data) the VBX CNN architecture outperforms both the classical CNN and the baseline DNN Switchboard 300 WER # params (M) #M frames Classic 512 [17] Classic 256 ReLU (A+S) VCX (6 conv) (A+S) VDX (8 conv) (A+S) WDX (10 conv) (A+S) VDX (8 conv) (S) WDX (10 conv) (S) Table 5. Results on Hub5 00 SWB after training on the 262-hour SWB-1 dataset. We obtain 14.5% relative improvement over our baseline adaptation of the classical CNN and 10.6% relative improvement over [17]. (A+S) means Adadelta + SGD finetuning. (S) means the model was trained from random initialization using SGD. The last column gives the number of frames til convergence. work a layers 2014 ers. W in the multiwith m of 2.5 of dat guage Hub5 11.8% tive) o provem cross- W ing w dropo This e Progra 30 / 72

31 Where Are We? 1 Recap: Deep Neural Network 2 Multilingual Bottleneck Features 3 Convolutional Neural Networks 4 Recurrent Neural Networks 5 Unstable Gradient Problem 6 Attention-based End-to-End ASR 31 / 72

32 Recurrent Neural Networks (RNNs) 32 / 72 DNNs are deep in layers. RNNs are deep in time (in addition). Shared weights and biases across time steps.

33 Unfolded RNN 33 / 72

34 DNN vs. RNN 34 / 72

35 Formal Definition: RNN 35 / 72 Input vector sequence: x t R D, t = 1,..., T Hidden outputs: h t, t = 1,..., T Free parameters: Input to hidden weight: W R n l 1 n l Hidden to hidden weight: R R n l n l Bias: b R n l Output: Iterate the equation for t = 1,..., T Compare with DNN: h t = σ(w x t + R h t 1 + b) h t = σ(w x t + b)

36 BackPropagation Through Time (BPTT) 36 / 72 Chain rule through time: d F(θ) d h t = t 1 τ=1 d F(θ) d h τ d h τ d h t

37 BackPropagation Through Time (BPTT) 37 / 72 Implementation: Unfold RNN over time through t = 1,..., T. Forward propagate RNN. Backpropagate error through unfolded network. Faster than other optimization methods (e.g. evolutionary search). Difficulty with local optima.

38 Bidirectional RNN (BRNN) 38 / 72 Forward RNN processes data forward left to right. Backward RNN processes data backward right to left. Output joins the output of forward and backward RNN.

39 Formal Definition: BRNN Input vector sequence: x t R D, t = 1,..., T Forward and backward hidden outputs: h t, h t, t = 1,..., T Forward and backward free parameters: Input to hidden weight: W, W R n l 1 n l Hidden to hidden weight: R, R R n l n l Bias: b, b R n l Output: Iterate the equation for t = 1,..., T h t = σ( W x t + R h t 1 + b) Output: Iterate the equation for t = T,..., 1 h t = σ( W x t + R h t+1 + b) 39 / 72

40 RNN using Memory Cells 40 / 72 Equip an RNN with a memory cell. Can store information for a long time. Introduce gating units to: activations going in, activations going out, saving activations, forgetting activations.

41 Long Short-Term Memory RNN 41 / 72

42 Formal Definition: LSTM 42 / 72 Input vector sequence: x t R D, t = 1,..., T Hidden outputs: h t, t = 1,..., T Iterate the equation for t = 1,..., T : z t = σ(w z x t + R z h t 1 + b z ) i t = σ(w i x t + R i h t 1 + P i c t 1 + b i ) f t = σ(w f x t + R f h t 1 + P f c t 1 + b f ) c t = i t z t + f t c t 1 o t = σ(w o x t + R o h t 1 + P o c t + b i ) h t = o t tanh(c t ) (block input) (input gate) (forget gate) (cell state) (output gate) (block output)

43 LSTM: Too many connections? 43 / 72 Some of the connections in the LSTM are not necessary [1]. Peepholes do not seem to be necessary. Coupled input and forget gates. Simplified LSTM Gated Recurrent Unit (GRU).

44 Gated Recurrent Unit (GRU) 44 / 72 References: [2, 3, 4]

45 Formal Definition: GRU Input vector sequence: x t R D, t = 1,..., T Hidden outputs: h t, t = 1,..., T Iterate the equation for t = 1,..., T : r t = σ(w r x t + R r h t 1 + b r ) z t = σ(w z x t + R z h t 1 + b z ) h t = σ(w h x t + R h (r t h t 1 ) + b h ) h t = z t h t 1 + (1 z t ) h t (reset gate) (update gate) (candidate gate) (output gate) 45 / 72

46 CNN vs. DNN vs. RNN: Performance 46 / 72 GMM, DNN use fmllr features. CNN use log-mel features which have local structure, opposed to speaker normalized features. Table: Broadcast News 50 h. WER [%] Model CE ST GMM 18.8 n/a DNN CNN BGRU (fmllr) 14.9 n/a BLSTM (fmllr) 14.8 n/a BGRU (Log-Mel) 14.1 n/a

47 DNN vs. CNN vs. RNN: Performance 47 / 72 GMM, DNN use fmllr features. CNN use log-mel features which have local structure, opposed to speaker normalized features. Table: Broadcast Conversation 2000 h. WER [%] Model CE ST DNN CNN RNN DNN+CNN RNN+CNN DNN+RNN+CNN

48 RNN Black Magic Unrolling the RNN in training: whole utterance [5], vs. truncated BPTT with carryover [6]: Split utterance into subsequences of e.g. 21 frames. Carry over last cell from previous subsequence to new subsequence. Compose minibatch from subsequences. vs. truncated BPTT with overlap: Split utterance in subsequences of e.g. 21 frames. Overlap subsequences by 10. Compose minibatch of subsequences from different utterances. Gradient clipping of the LSTM cell. 48 / 72

49 RNN Black Magic 49 / 72 Recognition: Unrolling RNN whole utterance, vs. unrolling subsequences Split utterance in subsequences of e.g. 21 frames. Carry over last cell from previous subsequence to new subsequence. vs. unrolling on spectral window [7] For each frame unroll on the spectral window Last RNN layer only returns center/last frame.

50 Highway Network 50 / 72 References: [2, 3, 4]

51 Formal Definition: Highway Network 51 / 72 Input vector sequence: x t R D, t = 1,..., T Hidden outputs: h t, t = 1,..., T Iterate the equation for t = 1,..., T : z t = σ(w z x t + b z ) h t = σ(w h x t + b h ) h t = z t x t + (1 z t ) h t (highway gate) (candidate gate) (output gate)

52 Formal Definition: Highway GRU Input vector sequence: x t R D, t = 1,..., T Hidden outputs: h t, t = 1,..., T Iterate the equation for t = 1,..., T : r t = σ(w r x t + R r h t 1 + b r ) z t = σ(w z x t + R z h t 1 + b z ) d t = σ(w d x t + R d h t 1 + b d ) h t = σ(w h x t + R h (r t h t 1 ) + b h ) (reset gate) (update gate) (highway gate) (candidate gate) h t = d t x t + (1 d t ) (z t h t 1 + (1 z t ) h t ) (output gate) 52 / 72

53 Where Are We? 1 Recap: Deep Neural Network 2 Multilingual Bottleneck Features 3 Convolutional Neural Networks 4 Recurrent Neural Networks 5 Unstable Gradient Problem 6 Attention-based End-to-End ASR 53 / 72

54 Unstable Gradient Problem Happens in deep as well in recurrent neural networks. If gradient becomes very small vanishing gradient. If gradient becomes very large exploding gradient. Simplified Neural Network (w i are just scalars): F(w 1,..., w N ) = L(σ(y N ) = L(σ(w N σ(y N 1 ) = L(σ(w N σ(w N 1... σ(w 1 x t )...))) 54 / 72

55 Unstable Gradient Problem, Constraints and Regularization 55 / 72 Gradient: d F(w 1,..., w N ) d w 1 = d L d θ d σ(w N σ(w N 1... σ(w 1 x t )...)) d w 1 = d L d w 1 σ (y N ) w N σ (y N 1 ) w N 1... σ (w 1 ) x t If w i σ (y i ) < 1, i = 2,..., N gradient vanishes. If w i σ (y i ) >> 1, i = 2,..., N gradient explodes.

56 Solution: Unstable Gradient Problem 56 / 72 Gradient Clipping. Weight constraints. Let the network save activations over layers/time steps: y new = αy previous + (1 α)y common Long Short-Term Memory RNN Highway Neural Network (>100 layers)

57 Gradient Clipping 57 / 72 Keeps gradient weights in range. One approach to deal with the exploding gradient problem. Ensure gradient is in the range [ c, c] for a constant c: ( ) ( ( d F clip d θ, c = min c, max c, d F )) d θ

58 Constraints (I) 58 / 72 Keeps weights in range (for e.g. Relu, Maxout). Ignored for gradient backpropagation. Constraints are forced after gradient update.

59 Constraints (II) 59 / 72 Max-Norm: force W 2 c for constant c W max = W max(min( W 2, 0), c) W 2 Unity-Norm: force W 2 1 W unity = W W 2 Positivity-Norm: force W > 0 W + = W max(0, W )

60 Regularization: Dropout 60 / 72 Dropout: Prevents getting stuck in local optimum avoids overfitting.

61 Regularization: Dropout 61 / 72 Dropout: Prevents getting stuck in local optimum avoids overfitting.

62 Regularization: Dropout 62 / 72 Input vector sequence: x t R D Choose z t {0, 1} D for t = 1,..., T According to Bernoulli distribution P(z t,d = i) = p 1 i (1 p) i with dropout probability with p [0, 1]: Training: x t := x t z t 1 p for t = 1,..., T. Recognition: x t := x t for t = 1,..., T.

63 Regularization (II) 63 / 72 L p Norm: θ θ p = θ p j=0 1 p Training criterion regularization: F p (θ) = F(θ) + λ θ p with scalar λ Smoothes the training criterion. Pushes the free parameter weights closer to zero.

64 Where Are We? 1 Recap: Deep Neural Network 2 Multilingual Bottleneck Features 3 Convolutional Neural Networks 4 Recurrent Neural Networks 5 Unstable Gradient Problem 6 Attention-based End-to-End ASR 64 / 72

65 Attention-based End-to-End Architecture 65 / 72

66 Attention model 66 / 72

67 Formal Definition: Content Focus 67 / 72 Input vector sequence: x t R D, t = 1,..., T Hidden outputs: h t, t = 1,..., T Scorer: ɛ m,t = tanh(v m,ɛ x t + b ɛ ) for t = 1,..., T, m = 1,..., M Generator: σ(w α ɛ m,t ) α m,t = T τ=1 σ(w for t = 1,..., T, m = 1,..., M α ɛ m,τ ) Glimpse: g m = Output: T α m,t x t t=1 h m = σ(w h g m + b h ) for m = 1,..., M for m = 1,..., M

68 Formal Definition: Recurrent Attention Scorer: ɛ m,t = tanh(w ɛ x t + R ɛ s m 1 + U ɛ (F ɛ α m 1 ) + b ɛ ) Generator: σ(w α ɛ m,t ) α m,t = T τ=1 σ(w for t = 1,..., T, m = 1,..., M ɛ ɛ m,τ ) Glimpse: g m = GRU state: T α m,t x t for m = 1,..., M t=1 s m = GRU(g m, h m, s m 1 ) for m = 1,..., M Output: h m = σ(w h g m + R h s m 1 + b h ) for m = 1,..., M 68 / 72

69 End-to-End Performance 69 / 72 Table: TIMIT WER [%] Model dev eval HMM End-to-end RNN Transducer n/a 17.7

70 70 / 72 K. Greff, R. K. Srivastava, J. Koutník, B. R. Steunebrink, and J. Schmidhuber, LSTM: A search space odyssey, CoRR, vol. abs/ , [Online]. Available: K. Cho, B. Van Merriënboer, Ç. Gülçehre, D. Bahdanau, F. Bougares, H. Schwenk, and Y. Bengio, Learning phrase representations using rnn encoder decoder for statistical machine translation, in Proceedings of the 2014 Conference on Empirical Methods in Natural Language Processing (EMNLP). Doha, Qatar: Association for Computational Linguistics, Oct. 2014, pp [Online]. Available: J. Chung, Ç. Gülçehre, K. Cho, and Y. Bengio, Empirical evaluation of gated recurrent neural networks on sequence modeling, CoRR, vol. abs/ , [Online]. Available:

71 71 / 72 R. Józefowicz, W. Zaremba, and I. Sutskever, An empirical exploration of recurrent network architectures, in ICML, ser. JMLR Proceedings, vol. 37. JMLR.org, 2015, pp A. Graves, N. Jaitly, and A. Mohamed, Hybrid speech recognition with deep bidirectional LSTM, in ASRU. IEEE, 2013, pp H. Sak, A. W. Senior, and F. Beaufays, Long short-term memory recurrent neural network architectures for large scale acoustic modeling, in INTERSPEECH. ISCA, 2014, pp A.-R. Mohamed, F. Seide, D. Yu, J. Droppo, A. Stolcke, G. Zweig, and G. Penn, Deep bi-directional recurrent networks over spectral windows, in Proc. IEEE Automatic Speech Recognition and Understanding Workshop. IEEE Institute of Electrical and Electronics Engineers, December

72 2015, pp [Online]. Available: 72 / 72

Introduction to RNNs!

Introduction to RNNs! Introduction to RNNs Arun Mallya Best viewed with Computer Modern fonts installed Outline Why Recurrent Neural Networks (RNNs)? The Vanilla RNN unit The RNN forward pass Backpropagation refresher The RNN

More information

EE-559 Deep learning LSTM and GRU

EE-559 Deep learning LSTM and GRU EE-559 Deep learning 11.2. LSTM and GRU François Fleuret https://fleuret.org/ee559/ Mon Feb 18 13:33:24 UTC 2019 ÉCOLE POLYTECHNIQUE FÉDÉRALE DE LAUSANNE The Long-Short Term Memory unit (LSTM) by Hochreiter

More information

Unfolded Recurrent Neural Networks for Speech Recognition

Unfolded Recurrent Neural Networks for Speech Recognition INTERSPEECH 2014 Unfolded Recurrent Neural Networks for Speech Recognition George Saon, Hagen Soltau, Ahmad Emami and Michael Picheny IBM T. J. Watson Research Center, Yorktown Heights, NY, 10598 gsaon@us.ibm.com

More information

End-to-end Automatic Speech Recognition

End-to-end Automatic Speech Recognition End-to-end Automatic Speech Recognition Markus Nussbaum-Thom IBM Thomas J. Watson Research Center Yorktown Heights, NY 10598, USA Markus Nussbaum-Thom. February 22, 2017 Nussbaum-Thom: IBM Thomas J. Watson

More information

High Order LSTM/GRU. Wenjie Luo. January 19, 2016

High Order LSTM/GRU. Wenjie Luo. January 19, 2016 High Order LSTM/GRU Wenjie Luo January 19, 2016 1 Introduction RNN is a powerful model for sequence data but suffers from gradient vanishing and explosion, thus difficult to be trained to capture long

More information

Recurrent Neural Networks (Part - 2) Sumit Chopra Facebook

Recurrent Neural Networks (Part - 2) Sumit Chopra Facebook Recurrent Neural Networks (Part - 2) Sumit Chopra Facebook Recap Standard RNNs Training: Backpropagation Through Time (BPTT) Application to sequence modeling Language modeling Applications: Automatic speech

More information

An exploration of dropout with LSTMs

An exploration of dropout with LSTMs An exploration of out with LSTMs Gaofeng Cheng 1,3, Vijayaditya Peddinti 4,5, Daniel Povey 4,5, Vimal Manohar 4,5, Sanjeev Khudanpur 4,5,Yonghong Yan 1,2,3 1 Key Laboratory of Speech Acoustics and Content

More information

Deep Recurrent Neural Networks

Deep Recurrent Neural Networks Deep Recurrent Neural Networks Artem Chernodub e-mail: a.chernodub@gmail.com web: http://zzphoto.me ZZ Photo IMMSP NASU 2 / 28 Neuroscience Biological-inspired models Machine Learning p x y = p y x p(x)/p(y)

More information

Highway-LSTM and Recurrent Highway Networks for Speech Recognition

Highway-LSTM and Recurrent Highway Networks for Speech Recognition Highway-LSTM and Recurrent Highway Networks for Speech Recognition Golan Pundak, Tara N. Sainath Google Inc., New York, NY, USA {golan, tsainath}@google.com Abstract Recently, very deep networks, with

More information

Introduction to Convolutional Neural Networks 2018 / 02 / 23

Introduction to Convolutional Neural Networks 2018 / 02 / 23 Introduction to Convolutional Neural Networks 2018 / 02 / 23 Buzzword: CNN Convolutional neural networks (CNN, ConvNet) is a class of deep, feed-forward (not recurrent) artificial neural networks that

More information

Deep Learning. Recurrent Neural Network (RNNs) Ali Ghodsi. October 23, Slides are partially based on Book in preparation, Deep Learning

Deep Learning. Recurrent Neural Network (RNNs) Ali Ghodsi. October 23, Slides are partially based on Book in preparation, Deep Learning Recurrent Neural Network (RNNs) University of Waterloo October 23, 2015 Slides are partially based on Book in preparation, by Bengio, Goodfellow, and Aaron Courville, 2015 Sequential data Recurrent neural

More information

Deep Learning for Automatic Speech Recognition Part II

Deep Learning for Automatic Speech Recognition Part II Deep Learning for Automatic Speech Recognition Part II Xiaodong Cui IBM T. J. Watson Research Center Yorktown Heights, NY 10598 Fall, 2018 Outline A brief revisit of sampling, pitch/formant and MFCC DNN-HMM

More information

Residual LSTM: Design of a Deep Recurrent Architecture for Distant Speech Recognition

Residual LSTM: Design of a Deep Recurrent Architecture for Distant Speech Recognition INTERSPEECH 017 August 0 4, 017, Stockholm, Sweden Residual LSTM: Design of a Deep Recurrent Architecture for Distant Speech Recognition Jaeyoung Kim 1, Mostafa El-Khamy 1, Jungwon Lee 1 1 Samsung Semiconductor,

More information

Long-Short Term Memory and Other Gated RNNs

Long-Short Term Memory and Other Gated RNNs Long-Short Term Memory and Other Gated RNNs Sargur Srihari srihari@buffalo.edu This is part of lecture slides on Deep Learning: http://www.cedar.buffalo.edu/~srihari/cse676 1 Topics in Sequence Modeling

More information

Lecture 11 Recurrent Neural Networks I

Lecture 11 Recurrent Neural Networks I Lecture 11 Recurrent Neural Networks I CMSC 35246: Deep Learning Shubhendu Trivedi & Risi Kondor University of Chicago May 01, 2017 Introduction Sequence Learning with Neural Networks Some Sequence Tasks

More information

Very Deep Convolutional Neural Networks for LVCSR

Very Deep Convolutional Neural Networks for LVCSR INTERSPEECH 2015 Very Deep Convolutional Neural Networks for LVCSR Mengxiao Bi, Yanmin Qian, Kai Yu Key Lab. of Shanghai Education Commission for Intelligent Interaction and Cognitive Engineering SpeechLab,

More information

Gate Activation Signal Analysis for Gated Recurrent Neural Networks and Its Correlation with Phoneme Boundaries

Gate Activation Signal Analysis for Gated Recurrent Neural Networks and Its Correlation with Phoneme Boundaries INTERSPEECH 2017 August 20 24, 2017, Stockholm, Sweden Gate Activation Signal Analysis for Gated Recurrent Neural Networks and Its Correlation with Phoneme Boundaries Yu-Hsuan Wang, Cheng-Tao Chung, Hung-yi

More information

RECURRENT NEURAL NETWORKS WITH FLEXIBLE GATES USING KERNEL ACTIVATION FUNCTIONS

RECURRENT NEURAL NETWORKS WITH FLEXIBLE GATES USING KERNEL ACTIVATION FUNCTIONS 2018 IEEE INTERNATIONAL WORKSHOP ON MACHINE LEARNING FOR SIGNAL PROCESSING, SEPT. 17 20, 2018, AALBORG, DENMARK RECURRENT NEURAL NETWORKS WITH FLEXIBLE GATES USING KERNEL ACTIVATION FUNCTIONS Simone Scardapane,

More information

Modeling Time-Frequency Patterns with LSTM vs. Convolutional Architectures for LVCSR Tasks

Modeling Time-Frequency Patterns with LSTM vs. Convolutional Architectures for LVCSR Tasks Modeling Time-Frequency Patterns with LSTM vs Convolutional Architectures for LVCSR Tasks Tara N Sainath, Bo Li Google, Inc New York, NY, USA {tsainath, boboli}@googlecom Abstract Various neural network

More information

Recurrent Neural Networks (RNN) and Long-Short-Term-Memory (LSTM) Yuan YAO HKUST

Recurrent Neural Networks (RNN) and Long-Short-Term-Memory (LSTM) Yuan YAO HKUST 1 Recurrent Neural Networks (RNN) and Long-Short-Term-Memory (LSTM) Yuan YAO HKUST Summary We have shown: Now First order optimization methods: GD (BP), SGD, Nesterov, Adagrad, ADAM, RMSPROP, etc. Second

More information

Large Vocabulary Continuous Speech Recognition with Long Short-Term Recurrent Networks

Large Vocabulary Continuous Speech Recognition with Long Short-Term Recurrent Networks Large Vocabulary Continuous Speech Recognition with Long Short-Term Recurrent Networks Haşim Sak, Andrew Senior, Oriol Vinyals, Georg Heigold, Erik McDermott, Rajat Monga, Mark Mao, Françoise Beaufays

More information

Based on the original slides of Hung-yi Lee

Based on the original slides of Hung-yi Lee Based on the original slides of Hung-yi Lee New Activation Function Rectified Linear Unit (ReLU) σ z a a = z Reason: 1. Fast to compute 2. Biological reason a = 0 [Xavier Glorot, AISTATS 11] [Andrew L.

More information

Recurrent Neural Networks with Flexible Gates using Kernel Activation Functions

Recurrent Neural Networks with Flexible Gates using Kernel Activation Functions 2018 IEEE International Workshop on Machine Learning for Signal Processing (MLSP 18) Recurrent Neural Networks with Flexible Gates using Kernel Activation Functions Authors: S. Scardapane, S. Van Vaerenbergh,

More information

Segmental Recurrent Neural Networks for End-to-end Speech Recognition

Segmental Recurrent Neural Networks for End-to-end Speech Recognition Segmental Recurrent Neural Networks for End-to-end Speech Recognition Liang Lu, Lingpeng Kong, Chris Dyer, Noah Smith and Steve Renals TTI-Chicago, UoE, CMU and UW 9 September 2016 Background A new wave

More information

Recurrent and Recursive Networks

Recurrent and Recursive Networks Neural Networks with Applications to Vision and Language Recurrent and Recursive Networks Marco Kuhlmann Introduction Applications of sequence modelling Map unsegmented connected handwriting to strings.

More information

Deep Learning Tutorial. 李宏毅 Hung-yi Lee

Deep Learning Tutorial. 李宏毅 Hung-yi Lee Deep Learning Tutorial 李宏毅 Hung-yi Lee Outline Part I: Introduction of Deep Learning Part II: Why Deep? Part III: Tips for Training Deep Neural Network Part IV: Neural Network with Memory Part I: Introduction

More information

arxiv: v3 [cs.lg] 14 Jan 2018

arxiv: v3 [cs.lg] 14 Jan 2018 A Gentle Tutorial of Recurrent Neural Network with Error Backpropagation Gang Chen Department of Computer Science and Engineering, SUNY at Buffalo arxiv:1610.02583v3 [cs.lg] 14 Jan 2018 1 abstract We describe

More information

RECURRENT NETWORKS I. Philipp Krähenbühl

RECURRENT NETWORKS I. Philipp Krähenbühl RECURRENT NETWORKS I Philipp Krähenbühl RECAP: CLASSIFICATION conv 1 conv 2 conv 3 conv 4 1 2 tu RECAP: SEGMENTATION conv 1 conv 2 conv 3 conv 4 RECAP: DETECTION conv 1 conv 2 conv 3 conv 4 RECAP: GENERATION

More information

Faster Training of Very Deep Networks Via p-norm Gates

Faster Training of Very Deep Networks Via p-norm Gates Faster Training of Very Deep Networks Via p-norm Gates Trang Pham, Truyen Tran, Dinh Phung, Svetha Venkatesh Center for Pattern Recognition and Data Analytics Deakin University, Geelong Australia Email:

More information

Deep Neural Networks

Deep Neural Networks Deep Neural Networks DT2118 Speech and Speaker Recognition Giampiero Salvi KTH/CSC/TMH giampi@kth.se VT 2015 1 / 45 Outline State-to-Output Probability Model Artificial Neural Networks Perceptron Multi

More information

TTIC 31230, Fundamentals of Deep Learning David McAllester, April Vanishing and Exploding Gradients. ReLUs. Xavier Initialization

TTIC 31230, Fundamentals of Deep Learning David McAllester, April Vanishing and Exploding Gradients. ReLUs. Xavier Initialization TTIC 31230, Fundamentals of Deep Learning David McAllester, April 2017 Vanishing and Exploding Gradients ReLUs Xavier Initialization Batch Normalization Highway Architectures: Resnets, LSTMs and GRUs Causes

More information

Artificial Neural Networks D B M G. Data Base and Data Mining Group of Politecnico di Torino. Elena Baralis. Politecnico di Torino

Artificial Neural Networks D B M G. Data Base and Data Mining Group of Politecnico di Torino. Elena Baralis. Politecnico di Torino Artificial Neural Networks Data Base and Data Mining Group of Politecnico di Torino Elena Baralis Politecnico di Torino Artificial Neural Networks Inspired to the structure of the human brain Neurons as

More information

Slide credit from Hung-Yi Lee & Richard Socher

Slide credit from Hung-Yi Lee & Richard Socher Slide credit from Hung-Yi Lee & Richard Socher 1 Review Recurrent Neural Network 2 Recurrent Neural Network Idea: condition the neural network on all previous words and tie the weights at each time step

More information

Modelling Time Series with Neural Networks. Volker Tresp Summer 2017

Modelling Time Series with Neural Networks. Volker Tresp Summer 2017 Modelling Time Series with Neural Networks Volker Tresp Summer 2017 1 Modelling of Time Series The next figure shows a time series (DAX) Other interesting time-series: energy prize, energy consumption,

More information

Deep Learning for Speech Recognition. Hung-yi Lee

Deep Learning for Speech Recognition. Hung-yi Lee Deep Learning for Speech Recognition Hung-yi Lee Outline Conventional Speech Recognition How to use Deep Learning in acoustic modeling? Why Deep Learning? Speaker Adaptation Multi-task Deep Learning New

More information

Recurrent Neural Networks 2. CS 287 (Based on Yoav Goldberg s notes)

Recurrent Neural Networks 2. CS 287 (Based on Yoav Goldberg s notes) Recurrent Neural Networks 2 CS 287 (Based on Yoav Goldberg s notes) Review: Representation of Sequence Many tasks in NLP involve sequences w 1,..., w n Representations as matrix dense vectors X (Following

More information

Lecture 11 Recurrent Neural Networks I

Lecture 11 Recurrent Neural Networks I Lecture 11 Recurrent Neural Networks I CMSC 35246: Deep Learning Shubhendu Trivedi & Risi Kondor niversity of Chicago May 01, 2017 Introduction Sequence Learning with Neural Networks Some Sequence Tasks

More information

Lecture 17: Neural Networks and Deep Learning

Lecture 17: Neural Networks and Deep Learning UVA CS 6316 / CS 4501-004 Machine Learning Fall 2016 Lecture 17: Neural Networks and Deep Learning Jack Lanchantin Dr. Yanjun Qi 1 Neurons 1-Layer Neural Network Multi-layer Neural Network Loss Functions

More information

Recurrent Neural Network

Recurrent Neural Network Recurrent Neural Network Xiaogang Wang xgwang@ee..edu.hk March 2, 2017 Xiaogang Wang (linux) Recurrent Neural Network March 2, 2017 1 / 48 Outline 1 Recurrent neural networks Recurrent neural networks

More information

Machine Learning for Signal Processing Neural Networks Continue. Instructor: Bhiksha Raj Slides by Najim Dehak 1 Dec 2016

Machine Learning for Signal Processing Neural Networks Continue. Instructor: Bhiksha Raj Slides by Najim Dehak 1 Dec 2016 Machine Learning for Signal Processing Neural Networks Continue Instructor: Bhiksha Raj Slides by Najim Dehak 1 Dec 2016 1 So what are neural networks?? Voice signal N.Net Transcription Image N.Net Text

More information

Machine Learning for Large-Scale Data Analysis and Decision Making A. Neural Networks Week #6

Machine Learning for Large-Scale Data Analysis and Decision Making A. Neural Networks Week #6 Machine Learning for Large-Scale Data Analysis and Decision Making 80-629-17A Neural Networks Week #6 Today Neural Networks A. Modeling B. Fitting C. Deep neural networks Today s material is (adapted)

More information

Deep Learning Recurrent Networks 2/28/2018

Deep Learning Recurrent Networks 2/28/2018 Deep Learning Recurrent Networks /8/8 Recap: Recurrent networks can be incredibly effective Story so far Y(t+) Stock vector X(t) X(t+) X(t+) X(t+) X(t+) X(t+5) X(t+) X(t+7) Iterated structures are good

More information

Introduction to Deep Neural Networks

Introduction to Deep Neural Networks Introduction to Deep Neural Networks Presenter: Chunyuan Li Pattern Classification and Recognition (ECE 681.01) Duke University April, 2016 Outline 1 Background and Preliminaries Why DNNs? Model: Logistic

More information

Recurrent Neural Networks Deep Learning Lecture 5. Efstratios Gavves

Recurrent Neural Networks Deep Learning Lecture 5. Efstratios Gavves Recurrent Neural Networks Deep Learning Lecture 5 Efstratios Gavves Sequential Data So far, all tasks assumed stationary data Neither all data, nor all tasks are stationary though Sequential Data: Text

More information

BIDIRECTIONAL LSTM-HMM HYBRID SYSTEM FOR POLYPHONIC SOUND EVENT DETECTION

BIDIRECTIONAL LSTM-HMM HYBRID SYSTEM FOR POLYPHONIC SOUND EVENT DETECTION BIDIRECTIONAL LSTM-HMM HYBRID SYSTEM FOR POLYPHONIC SOUND EVENT DETECTION Tomoki Hayashi 1, Shinji Watanabe 2, Tomoki Toda 1, Takaaki Hori 2, Jonathan Le Roux 2, Kazuya Takeda 1 1 Nagoya University, Furo-cho,

More information

Speech and Language Processing

Speech and Language Processing Speech and Language Processing Lecture 5 Neural network based acoustic and language models Information and Communications Engineering Course Takahiro Shinoaki 08//6 Lecture Plan (Shinoaki s part) I gives

More information

Stephen Scott.

Stephen Scott. 1 / 35 (Adapted from Vinod Variyam and Ian Goodfellow) sscott@cse.unl.edu 2 / 35 All our architectures so far work on fixed-sized inputs neural networks work on sequences of inputs E.g., text, biological

More information

EE-559 Deep learning Recurrent Neural Networks

EE-559 Deep learning Recurrent Neural Networks EE-559 Deep learning 11.1. Recurrent Neural Networks François Fleuret https://fleuret.org/ee559/ Sun Feb 24 20:33:31 UTC 2019 Inference from sequences François Fleuret EE-559 Deep learning / 11.1. Recurrent

More information

Based on the original slides of Hung-yi Lee

Based on the original slides of Hung-yi Lee Based on the original slides of Hung-yi Lee Google Trends Deep learning obtains many exciting results. Can contribute to new Smart Services in the Context of the Internet of Things (IoT). IoT Services

More information

Deep Residual. Variations

Deep Residual. Variations Deep Residual Network and Its Variations Diyu Yang (Originally prepared by Kaiming He from Microsoft Research) Advantages of Depth Degradation Problem Possible Causes? Vanishing/Exploding Gradients. Overfitting

More information

Recurrent Neural Networks. Jian Tang

Recurrent Neural Networks. Jian Tang Recurrent Neural Networks Jian Tang tangjianpku@gmail.com 1 RNN: Recurrent neural networks Neural networks for sequence modeling Summarize a sequence with fix-sized vector through recursively updating

More information

Speech recognition. Lecture 14: Neural Networks. Andrew Senior December 12, Google NYC

Speech recognition. Lecture 14: Neural Networks. Andrew Senior December 12, Google NYC Andrew Senior 1 Speech recognition Lecture 14: Neural Networks Andrew Senior Google NYC December 12, 2013 Andrew Senior 2 1

More information

arxiv: v4 [cs.cl] 5 Jun 2017

arxiv: v4 [cs.cl] 5 Jun 2017 Multitask Learning with CTC and Segmental CRF for Speech Recognition Liang Lu, Lingpeng Kong, Chris Dyer, and Noah A Smith Toyota Technological Institute at Chicago, USA School of Computer Science, Carnegie

More information

Machine Translation. 10: Advanced Neural Machine Translation Architectures. Rico Sennrich. University of Edinburgh. R. Sennrich MT / 26

Machine Translation. 10: Advanced Neural Machine Translation Architectures. Rico Sennrich. University of Edinburgh. R. Sennrich MT / 26 Machine Translation 10: Advanced Neural Machine Translation Architectures Rico Sennrich University of Edinburgh R. Sennrich MT 2018 10 1 / 26 Today s Lecture so far today we discussed RNNs as encoder and

More information

CSC321 Lecture 10 Training RNNs

CSC321 Lecture 10 Training RNNs CSC321 Lecture 10 Training RNNs Roger Grosse and Nitish Srivastava February 23, 2015 Roger Grosse and Nitish Srivastava CSC321 Lecture 10 Training RNNs February 23, 2015 1 / 18 Overview Last time, we saw

More information

Recurrent neural networks

Recurrent neural networks 12-1: Recurrent neural networks Prof. J.C. Kao, UCLA Recurrent neural networks Motivation Network unrollwing Backpropagation through time Vanishing and exploding gradients LSTMs GRUs 12-2: Recurrent neural

More information

Introduction to Convolutional Neural Networks (CNNs)

Introduction to Convolutional Neural Networks (CNNs) Introduction to Convolutional Neural Networks (CNNs) nojunk@snu.ac.kr http://mipal.snu.ac.kr Department of Transdisciplinary Studies Seoul National University, Korea Jan. 2016 Many slides are from Fei-Fei

More information

Need for Deep Networks Perceptron. Can only model linear functions. Kernel Machines. Non-linearity provided by kernels

Need for Deep Networks Perceptron. Can only model linear functions. Kernel Machines. Non-linearity provided by kernels Need for Deep Networks Perceptron Can only model linear functions Kernel Machines Non-linearity provided by kernels Need to design appropriate kernels (possibly selecting from a set, i.e. kernel learning)

More information

Neural Architectures for Image, Language, and Speech Processing

Neural Architectures for Image, Language, and Speech Processing Neural Architectures for Image, Language, and Speech Processing Karl Stratos June 26, 2018 1 / 31 Overview Feedforward Networks Need for Specialized Architectures Convolutional Neural Networks (CNNs) Recurrent

More information

Convolutional Neural Networks II. Slides from Dr. Vlad Morariu

Convolutional Neural Networks II. Slides from Dr. Vlad Morariu Convolutional Neural Networks II Slides from Dr. Vlad Morariu 1 Optimization Example of optimization progress while training a neural network. (Loss over mini-batches goes down over time.) 2 Learning rate

More information

4F10: Deep Learning. Mark Gales. Michaelmas 2016

4F10: Deep Learning. Mark Gales. Michaelmas 2016 4F10: Deep Learning Mark Gales Michaelmas 2016 What is Deep Learning? From Wikipedia: Deep learning is a branch of machine learning based on a set of algorithms that attempt to model high-level abstractions

More information

Improved Learning through Augmenting the Loss

Improved Learning through Augmenting the Loss Improved Learning through Augmenting the Loss Hakan Inan inanh@stanford.edu Khashayar Khosravi khosravi@stanford.edu Abstract We present two improvements to the well-known Recurrent Neural Network Language

More information

Sequence Modeling with Neural Networks

Sequence Modeling with Neural Networks Sequence Modeling with Neural Networks Harini Suresh y 0 y 1 y 2 s 0 s 1 s 2... x 0 x 1 x 2 hat is a sequence? This morning I took the dog for a walk. sentence medical signals speech waveform Successes

More information

DEEP LEARNING AND NEURAL NETWORKS: BACKGROUND AND HISTORY

DEEP LEARNING AND NEURAL NETWORKS: BACKGROUND AND HISTORY DEEP LEARNING AND NEURAL NETWORKS: BACKGROUND AND HISTORY 1 On-line Resources http://neuralnetworksanddeeplearning.com/index.html Online book by Michael Nielsen http://matlabtricks.com/post-5/3x3-convolution-kernelswith-online-demo

More information

Need for Deep Networks Perceptron. Can only model linear functions. Kernel Machines. Non-linearity provided by kernels

Need for Deep Networks Perceptron. Can only model linear functions. Kernel Machines. Non-linearity provided by kernels Need for Deep Networks Perceptron Can only model linear functions Kernel Machines Non-linearity provided by kernels Need to design appropriate kernels (possibly selecting from a set, i.e. kernel learning)

More information

Deep learning for Natural Language Processing and Machine Translation

Deep learning for Natural Language Processing and Machine Translation Deep learning for Natural Language Processing and Machine Translation 2015.10.16 Seung-Hoon Na Contents Introduction: Neural network, deep learning Deep learning for Natural language processing Neural

More information

Introduction to Neural Networks

Introduction to Neural Networks Introduction to Neural Networks Steve Renals Automatic Speech Recognition ASR Lecture 10 24 February 2014 ASR Lecture 10 Introduction to Neural Networks 1 Neural networks for speech recognition Introduction

More information

Gated Recurrent Neural Tensor Network

Gated Recurrent Neural Tensor Network Gated Recurrent Neural Tensor Network Andros Tjandra, Sakriani Sakti, Ruli Manurung, Mirna Adriani and Satoshi Nakamura Faculty of Computer Science, Universitas Indonesia, Indonesia Email: andros.tjandra@gmail.com,

More information

Multi-Scale Attention with Dense Encoder for Handwritten Mathematical Expression Recognition

Multi-Scale Attention with Dense Encoder for Handwritten Mathematical Expression Recognition Multi-Scale Attention with Dense Encoder for Handwritten Mathematical Expression Recognition Jianshu Zhang, Jun Du and Lirong Dai National Engineering Laboratory for Speech and Language Information Processing

More information

Recurrent Neural Networks

Recurrent Neural Networks Charu C. Aggarwal IBM T J Watson Research Center Yorktown Heights, NY Recurrent Neural Networks Neural Networks and Deep Learning, Springer, 218 Chapter 7.1 7.2 The Challenges of Processing Sequences Conventional

More information

arxiv: v1 [cs.cl] 21 May 2017

arxiv: v1 [cs.cl] 21 May 2017 Spelling Correction as a Foreign Language Yingbo Zhou yingbzhou@ebay.com Utkarsh Porwal uporwal@ebay.com Roberto Konow rkonow@ebay.com arxiv:1705.07371v1 [cs.cl] 21 May 2017 Abstract In this paper, we

More information

CSC321 Lecture 15: Exploding and Vanishing Gradients

CSC321 Lecture 15: Exploding and Vanishing Gradients CSC321 Lecture 15: Exploding and Vanishing Gradients Roger Grosse Roger Grosse CSC321 Lecture 15: Exploding and Vanishing Gradients 1 / 23 Overview Yesterday, we saw how to compute the gradient descent

More information

Presented By: Omer Shmueli and Sivan Niv

Presented By: Omer Shmueli and Sivan Niv Deep Speaker: an End-to-End Neural Speaker Embedding System Chao Li, Xiaokong Ma, Bing Jiang, Xiangang Li, Xuewei Zhang, Xiao Liu, Ying Cao, Ajay Kannan, Zhenyao Zhu Presented By: Omer Shmueli and Sivan

More information

Lecture 3 Feedforward Networks and Backpropagation

Lecture 3 Feedforward Networks and Backpropagation Lecture 3 Feedforward Networks and Backpropagation CMSC 35246: Deep Learning Shubhendu Trivedi & Risi Kondor University of Chicago April 3, 2017 Things we will look at today Recap of Logistic Regression

More information

Neural Networks. Yan Shao Department of Linguistics and Philology, Uppsala University 7 December 2016

Neural Networks. Yan Shao Department of Linguistics and Philology, Uppsala University 7 December 2016 Neural Networks Yan Shao Department of Linguistics and Philology, Uppsala University 7 December 2016 Outline Part 1 Introduction Feedforward Neural Networks Stochastic Gradient Descent Computational Graph

More information

Neural Networks 2. 2 Receptive fields and dealing with image inputs

Neural Networks 2. 2 Receptive fields and dealing with image inputs CS 446 Machine Learning Fall 2016 Oct 04, 2016 Neural Networks 2 Professor: Dan Roth Scribe: C. Cheng, C. Cervantes Overview Convolutional Neural Networks Recurrent Neural Networks 1 Introduction There

More information

Neural Networks with Applications to Vision and Language. Feedforward Networks. Marco Kuhlmann

Neural Networks with Applications to Vision and Language. Feedforward Networks. Marco Kuhlmann Neural Networks with Applications to Vision and Language Feedforward Networks Marco Kuhlmann Feedforward networks Linear separability x 2 x 2 0 1 0 1 0 0 x 1 1 0 x 1 linearly separable not linearly separable

More information

Analysis of Multilayer Neural Network Modeling and Long Short-Term Memory

Analysis of Multilayer Neural Network Modeling and Long Short-Term Memory Analysis of Multilayer Neural Network Modeling and Long Short-Term Memory Danilo López, Nelson Vera, Luis Pedraza International Science Index, Mathematical and Computational Sciences waset.org/publication/10006216

More information

Deep Feedforward Networks. Seung-Hoon Na Chonbuk National University

Deep Feedforward Networks. Seung-Hoon Na Chonbuk National University Deep Feedforward Networks Seung-Hoon Na Chonbuk National University Neural Network: Types Feedforward neural networks (FNN) = Deep feedforward networks = multilayer perceptrons (MLP) No feedback connections

More information

Natural Language Processing and Recurrent Neural Networks

Natural Language Processing and Recurrent Neural Networks Natural Language Processing and Recurrent Neural Networks Pranay Tarafdar October 19 th, 2018 Outline Introduction to NLP Word2vec RNN GRU LSTM Demo What is NLP? Natural Language? : Huge amount of information

More information

(Feed-Forward) Neural Networks Dr. Hajira Jabeen, Prof. Jens Lehmann

(Feed-Forward) Neural Networks Dr. Hajira Jabeen, Prof. Jens Lehmann (Feed-Forward) Neural Networks 2016-12-06 Dr. Hajira Jabeen, Prof. Jens Lehmann Outline In the previous lectures we have learned about tensors and factorization methods. RESCAL is a bilinear model for

More information

Ch.6 Deep Feedforward Networks (2/3)

Ch.6 Deep Feedforward Networks (2/3) Ch.6 Deep Feedforward Networks (2/3) 16. 10. 17. (Mon.) System Software Lab., Dept. of Mechanical & Information Eng. Woonggy Kim 1 Contents 6.3. Hidden Units 6.3.1. Rectified Linear Units and Their Generalizations

More information

Long Short- Term Memory (LSTM) M1 Yuichiro Sawai Computa;onal Linguis;cs Lab. January 15, Deep Lunch

Long Short- Term Memory (LSTM) M1 Yuichiro Sawai Computa;onal Linguis;cs Lab. January 15, Deep Lunch Long Short- Term Memory (LSTM) M1 Yuichiro Sawai Computa;onal Linguis;cs Lab. January 15, 2015 @ Deep Lunch 1 Why LSTM? OJen used in many recent RNN- based systems Machine transla;on Program execu;on Can

More information

Deep Learning and Lexical, Syntactic and Semantic Analysis. Wanxiang Che and Yue Zhang

Deep Learning and Lexical, Syntactic and Semantic Analysis. Wanxiang Che and Yue Zhang Deep Learning and Lexical, Syntactic and Semantic Analysis Wanxiang Che and Yue Zhang 2016-10 Part 2: Introduction to Deep Learning Part 2.1: Deep Learning Background What is Machine Learning? From Data

More information

CSC321 Lecture 16: ResNets and Attention

CSC321 Lecture 16: ResNets and Attention CSC321 Lecture 16: ResNets and Attention Roger Grosse Roger Grosse CSC321 Lecture 16: ResNets and Attention 1 / 24 Overview Two topics for today: Topic 1: Deep Residual Networks (ResNets) This is the state-of-the

More information

From perceptrons to word embeddings. Simon Šuster University of Groningen

From perceptrons to word embeddings. Simon Šuster University of Groningen From perceptrons to word embeddings Simon Šuster University of Groningen Outline A basic computational unit Weighting some input to produce an output: classification Perceptron Classify tweets Written

More information

CS 229 Project Final Report: Reinforcement Learning for Neural Network Architecture Category : Theory & Reinforcement Learning

CS 229 Project Final Report: Reinforcement Learning for Neural Network Architecture Category : Theory & Reinforcement Learning CS 229 Project Final Report: Reinforcement Learning for Neural Network Architecture Category : Theory & Reinforcement Learning Lei Lei Ruoxuan Xiong December 16, 2017 1 Introduction Deep Neural Network

More information

Neural Networks Language Models

Neural Networks Language Models Neural Networks Language Models Philipp Koehn 10 October 2017 N-Gram Backoff Language Model 1 Previously, we approximated... by applying the chain rule p(w ) = p(w 1, w 2,..., w n ) p(w ) = i p(w i w 1,...,

More information

arxiv: v1 [cs.cl] 22 Feb 2018

arxiv: v1 [cs.cl] 22 Feb 2018 HIGH ORDER RECURRENT NEURAL NETWORKS FOR ACOUSTIC MODELLING C. Zhang & P. C. Woodland Cambridge University Engineering Dept., Trumpington St., Cambridge, CB2 1PZ U.K. {cz277,pcw}@eng.cam.ac.uk arxiv:1802.08314v1

More information

A Primal-Dual Method for Training Recurrent Neural Networks Constrained by the Echo-State Property

A Primal-Dual Method for Training Recurrent Neural Networks Constrained by the Echo-State Property A Primal-Dual Method for Training Recurrent Neural Networks Constrained by the Echo-State Property Jianshu Chen Department of Electrical Engineering University of California Los Angeles, CA 90034, USA

More information

Convolutional LSTM Network: A Machine Learning Approach for Precipitation Nowcasting 卷积 LSTM 网络 : 利用机器学习预测短期降雨 施行健 香港科技大学 VALSE 2016/03/23

Convolutional LSTM Network: A Machine Learning Approach for Precipitation Nowcasting 卷积 LSTM 网络 : 利用机器学习预测短期降雨 施行健 香港科技大学 VALSE 2016/03/23 Convolutional LSTM Network: A Machine Learning Approach for Precipitation Nowcasting 卷积 LSTM 网络 : 利用机器学习预测短期降雨 施行健 香港科技大学 VALSE 2016/03/23 Content Quick Review of Recurrent Neural Network Introduction

More information

Index. Santanu Pattanayak 2017 S. Pattanayak, Pro Deep Learning with TensorFlow,

Index. Santanu Pattanayak 2017 S. Pattanayak, Pro Deep Learning with TensorFlow, Index A Activation functions, neuron/perceptron binary threshold activation function, 102 103 linear activation function, 102 rectified linear unit, 106 sigmoid activation function, 103 104 SoftMax activation

More information

RARE SOUND EVENT DETECTION USING 1D CONVOLUTIONAL RECURRENT NEURAL NETWORKS

RARE SOUND EVENT DETECTION USING 1D CONVOLUTIONAL RECURRENT NEURAL NETWORKS RARE SOUND EVENT DETECTION USING 1D CONVOLUTIONAL RECURRENT NEURAL NETWORKS Hyungui Lim 1, Jeongsoo Park 1,2, Kyogu Lee 2, Yoonchang Han 1 1 Cochlear.ai, Seoul, Korea 2 Music and Audio Research Group,

More information

Conditional Language modeling with attention

Conditional Language modeling with attention Conditional Language modeling with attention 2017.08.25 Oxford Deep NLP 조수현 Review Conditional language model: assign probabilities to sequence of words given some conditioning context x What is the probability

More information

Deep Learning Recurrent Networks 10/11/2017

Deep Learning Recurrent Networks 10/11/2017 Deep Learning Recurrent Networks 10/11/2017 1 Which open source project? Related math. What is it talking about? And a Wikipedia page explaining it all The unreasonable effectiveness of recurrent neural

More information

Lecture 3 Feedforward Networks and Backpropagation

Lecture 3 Feedforward Networks and Backpropagation Lecture 3 Feedforward Networks and Backpropagation CMSC 35246: Deep Learning Shubhendu Trivedi & Risi Kondor University of Chicago April 3, 2017 Things we will look at today Recap of Logistic Regression

More information

Generating Sequences with Recurrent Neural Networks

Generating Sequences with Recurrent Neural Networks Generating Sequences with Recurrent Neural Networks Alex Graves University of Toronto & Google DeepMind Presented by Zhe Gan, Duke University May 15, 2015 1 / 23 Outline Deep recurrent neural network based

More information

Unsupervised Model Adaptation using Information-Theoretic Criterion

Unsupervised Model Adaptation using Information-Theoretic Criterion Unsupervised Model Adaptation using Information-Theoretic Criterion Ariya Rastrow 1, Frederick Jelinek 1, Abhinav Sethy 2 and Bhuvana Ramabhadran 2 1 Human Language Technology Center of Excellence, and

More information

Deep Learning Sequence to Sequence models: Attention Models. 17 March 2018

Deep Learning Sequence to Sequence models: Attention Models. 17 March 2018 Deep Learning Sequence to Sequence models: Attention Models 17 March 2018 1 Sequence-to-sequence modelling Problem: E.g. A sequence X 1 X N goes in A different sequence Y 1 Y M comes out Speech recognition:

More information

Convolutional Neural Networks

Convolutional Neural Networks Convolutional Neural Networks Books» http://www.deeplearningbook.org/ Books http://neuralnetworksanddeeplearning.com/.org/ reviews» http://www.deeplearningbook.org/contents/linear_algebra.html» http://www.deeplearningbook.org/contents/prob.html»

More information