CSE 574 Finite State Machines for Information Extraction

Slides:



Advertisements
Similar presentations
Conditional Random Fields - A probabilistic graphical model Stefan Mutter Machine Learning Group Conditional Random Fields - A probabilistic graphical.
Advertisements

Hidden Markov Models Bonnie Dorr Christof Monz CMSC 723: Introduction to Computational Linguistics Lecture 5 October 6, 2004.
 CpG is a pair of nucleotides C and G, appearing successively, in this order, along one DNA strand.  CpG islands are particular short subsequences in.
Statistical NLP: Lecture 11
Hidden Markov Models Theory By Johan Walters (SR 2003)
… Hidden Markov Models Markov assumption: Transition model:
HMM-BASED PATTERN DETECTION. Outline  Markov Process  Hidden Markov Models Elements Basic Problems Evaluation Optimization Training Implementation 2-D.
Hidden Markov Model 11/28/07. Bayes Rule The posterior distribution Select k with the largest posterior distribution. Minimizes the average misclassification.
Lecture 5: Learning models using EM
Conditional Random Fields
. Hidden Markov Models with slides from Lise Getoor, Sebastian Thrun, William Cohen, and Yair Weiss.
6/29/2015 2:01 AM1 CSE 573 Finite State Machines for Information Extraction Topics –Administrivia –Background –DIRT –Finite State Machine Overview –HMMs.
Hidden Markov Models (HMMs) for Information Extraction
Sequence labeling and beam search LING 572 Fei Xia 2/15/07.
Learning Bayesian Networks
Bayesian Networks Alan Ritter.
CPSC 422, Lecture 18Slide 1 Intelligent Systems (AI-2) Computer Science cpsc422, Lecture 18 Feb, 25, 2015 Slide Sources Raymond J. Mooney University of.
Computer vision: models, learning and inference Chapter 10 Graphical Models.
Graphical models for part of speech tagging
1 HMM - Part 2 Review of the last lecture The EM algorithm Continuous density HMM.
A Markov Random Field Model for Term Dependencies Donald Metzler W. Bruce Croft Present by Chia-Hao Lee.
Hidden Markov Models for Information Extraction CSE 454.
Artificial Intelligence Recap & Expectation Maximization CSE 473 Dan Weld.
Hidden Markov Models in Keystroke Dynamics Md Liakat Ali, John V. Monaco, and Charles C. Tappert Seidenberg School of CSIS, Pace University, White Plains,
Maximum Entropy (ME) Maximum Entropy Markov Model (MEMM) Conditional Random Field (CRF)
CS Statistical Machine learning Lecture 24
CHAPTER 8 DISCRIMINATIVE CLASSIFIERS HIDDEN MARKOV MODELS.
1 CS 552/652 Speech Recognition with Hidden Markov Models Winter 2011 Oregon Health & Science University Center for Spoken Language Understanding John-Paul.
CPSC 422, Lecture 19Slide 1 Intelligent Systems (AI-2) Computer Science cpsc422, Lecture 19 Oct, 23, 2015 Slide Sources Raymond J. Mooney University of.
School of Computer Science 1 Information Extraction with HMM Structures Learned by Stochastic Optimization Dayne Freitag and Andrew McCallum Presented.
1 CSE 552/652 Hidden Markov Models for Speech Recognition Spring, 2006 Oregon Health & Science University OGI School of Science & Engineering John-Paul.
John Lafferty Andrew McCallum Fernando Pereira
Maximum Entropy Model, Bayesian Networks, HMM, Markov Random Fields, (Hidden/Segmental) Conditional Random Fields.
Conditional Markov Models: MaxEnt Tagging and MEMMs
1 Hidden Markov Models Hsin-min Wang References: 1.L. R. Rabiner and B. H. Juang, (1993) Fundamentals of Speech Recognition, Chapter.
CS Statistical Machine learning Lecture 25 Yuan (Alan) Qi Purdue CS Nov
Definition of the Hidden Markov Model A Seminar Speech Recognition presentation A Seminar Speech Recognition presentation October 24 th 2002 Pieter Bas.
Conditional Random Fields & Table Extraction Dongfang Xu School of Information.
Graphical Models for Segmenting and Labeling Sequence Data Manoj Kumar Chinnakotla NLP-AI Seminar.
Dan Roth University of Illinois, Urbana-Champaign 7 Sequential Models Tutorial on Machine Learning in Natural.
Conditional Random Fields and Its Applications Presenter: Shih-Hsiang Lin 06/25/2007.
. The EM algorithm Lecture #11 Acknowledgement: Some slides of this lecture are due to Nir Friedman.
Hidden Markov Models HMM Hassanin M. Al-Barhamtoshy
Unsupervised Learning Part 2. Topics How to determine the K in K-means? Hierarchical clustering Soft clustering with Gaussian mixture models Expectation-Maximization.
Hidden Markov Models BMI/CS 576
Hidden Markov Models for Information Extraction
Lecture 7: Constrained Conditional Models
CSC 594 Topics in AI – Natural Language Processing
Maximum Entropy Models and Feature Engineering CSCI-GA.2591
Hidden Markov Models.
Conditional Random Fields
Hidden Markov Models (HMMs) for Information Extraction
Statistical Models for Automatic Speech Recognition
Intelligent Systems (AI-2) Computer Science cpsc422, Lecture 19
Intelligent Systems (AI-2) Computer Science cpsc422, Lecture 19
Hidden Markov Models - Training
Data Mining Lecture 11.
CSC 594 Topics in AI – Natural Language Processing
Intelligent Systems (AI-2) Computer Science cpsc422, Lecture 18
Hidden Markov Models Part 2: Algorithms
CSC 594 Topics in AI – Natural Language Processing
Bayesian Models in Machine Learning
Statistical Models for Automatic Speech Recognition
Unsupervised Learning II: Soft Clustering with Gaussian Mixture Models
Speech Processing Speech Recognition
CPSC 503 Computational Linguistics
CSCI 5832 Natural Language Processing
Hidden Markov Models Teaching Demo The University of Arizona
Intelligent Systems (AI-2) Computer Science cpsc422, Lecture 18
Sequential Learning with Dependency Nets
Presentation transcript:

CSE 574 Finite State Machines for Information Extraction Today and Friday Dan @ IUI on the Canary Islands I am presenting Topics HMMs, Conditional Random Fields Inference and Learning 11/27/2018 5:20 PM TexPoint fonts used in EMF. Read the TexPoint manual before you delete this box.: AAAAAAAAAAAAA

Classify Pre-segmented Candidates Try alternate window sizes: Landscape of IE Techniques: Models Lexicons Alabama Alaska … Wisconsin Wyoming Abraham Lincoln was born in Kentucky. member? Classify Pre-segmented Candidates Classifier which class? Sliding Window Try alternate window sizes: Boundary Models BEGIN END Context Free Grammars NNP V P NP PP VP S Most likely parse? Finite State Machines Abraham Lincoln was born in Kentucky. Most likely state sequence? Each model can capture words, formatting, or both Slides from Cohen & McCallum 11/27/2018 5:20 PM

Finite State Models Generative directed models HMMs Naïve Bayes Sequence General Graphs Conditional Conditional Conditional Logistic Regression General CRFs Linear-chain CRFs General Graphs Sequence

Graphical Models Node is independent of its non-descendants given its parents Family of probability distributions that factorize in a certain way Directed (Bayes Nets) Undirected (Markov Random Field) Factor Graphs Node is independent all other nodes given its neighbors

The article appeared in the Seattle Times. Recap: Naïve Bayes Assumption: features independent given label Generative Classifier Model joint distribution p(x,y) Inference Learning: counting Example Labels of neighboring words dependent! The article appeared in the Seattle Times. city? Need to consider sequence! capitalization length suffix

Hidden Markov Models Generative Sequence Model Finite state model state sequence other person … y1 y2 y3 y4 y5 y6 y7 y8 location other observation sequence x1 x2 x3 x4 x5 x6 x7 x8 person person Yesterday Pedro … Generative Sequence Model 2 assumptions to make joint distribution tractable 1. Each state depends only on its immediate predecessor. 2. Each observation depends only on current state. Graphical Model transitions … … observations

Hidden Markov Models Generative Sequence Model Model Parameters Finite state model state sequence other person … y1 y2 y3 y4 y5 y6 y7 y8 location other observation sequence x1 x2 x3 x4 x5 x6 x7 x8 person person Yesterday Pedro … Generative Sequence Model Model Parameters Start state probabilities Transition probabilities Observation probabilities Graphical Model transitions … … observations

IE with Hidden Markov Models Given a sequence of observations: Yesterday Pedro Domingos spoke this example sentence. and a trained HMM: person name location name background Find the most likely state sequence: (Viterbi) Yesterday Pedro Domingos spoke this example sentence. Any words said to be generated by the designated “person name” state extract as a person name: Person name: Pedro Domingos Slide by Cohen & McCallum

IE with Hidden Markov Models For sparse extraction tasks : Separate HMM for each type of target Each HMM should Model entire document Consist of target and non-target states Not necessarily fully connected 9 Slide by Okan Basegmez

Information Extraction with HMMs Example – Research Paper Headers 10 Slide by Okan Basegmez

HMM Example: “Nymble” [Bikel, et al 1998], [BBN “IdentiFinder”] Task: Named Entity Extraction Transition probabilities Observation probabilities Person end-of-sentence start-of-sentence Org or (Five other name classes) Back-off to: Back-off to: Other Train on ~500k words of news wire text. Results: Case Language F1 . Mixed English 93% Upper English 91% Mixed Spanish 90% Other examples of shrinkage for HMMs in IE: [Freitag and McCallum ‘99] Slide by Cohen & McCallum

A parse of a sequence Given a sequence x = x1……xN, A parse of o is a sequence of states y = y1, ……, yN person 1 2 K … 1 1 2 K … 1 2 K … 1 2 K … … 2 2 other K location x1 x2 x3 xK Slide by Serafim Batzoglou

Question #1 – Evaluation GIVEN A sequence of observations x1 x2 x3 x4 ……xN A trained HMM θ=( , , ) QUESTION How likely is this sequence, given our HMM ? P(x,θ) Why do we care? Need it for learning to choose among competing models!

Question #2 - Decoding GIVEN A sequence of observations x1 x2 x3 x4 ……xN A trained HMM θ=( , , ) QUESTION How dow we choose the corresponding parse (state sequence) y1 y2 y3 y4 ……yN , which “best” explains x1 x2 x3 x4 ……xN ? There are several reasonable optimality criteria: single optimal sequence, average statistics for individual states, …

Question #3 - Learning GIVEN A sequence of observations x1 x2 x3 x4 ……xN QUESTION How do we learn the model parameters θ =( , , ) to maximize P(x, λ ) ?

Solution to #1: Evaluation Given observations x=x1 …xN and HMM θ, what is p(x) ? Naïve: enumerate every possible state sequence y=y1 …yN Probability of x and given particular y Probability of particular y Summing over all possible state sequences we get 2T multiplications per sequence For small HMMs T=10, N=10 there are 10 billion sequences! NT state sequences!

Solution to #1: Evaluation Use Dynamic Programming: Define forward variable probability that at time t - the state is yi - the partial observation sequence x=x1 …xt has been omitted

Solution to #1: Evaluation Use Dynamic Programming Cache and reuse inner sums Define forward variables probability that at time t the state is yt = Si the partial observation sequence x=x1 …xt has been omitted

The Forward Algorithm INITIALIZATION INDUCTION TERMINATION Time: O(K2N) Space: O(KN) K = |S| #states N length of sequence

The Forward Algorithm

The Backward Algorithm

The Backward Algorithm INITIALIZATION INDUCTION TERMINATION Time: O(K2N) Space: O(KN)

Solution to #2 - Decoding Given x=x1 …xN and HMM θ, what is “best” parse y1 …yN? Several optimal solutions 1. States which are individually most likely: most likely state y*t at time t is then But some transitions may have 0 probability!

Solution to #2 - Decoding Given x=x1 …xN and HMM θ, what is “best” parse y1 …yN? Several optimal solutions 1. States which are individually most likely 2. Single best state sequence We want to find sequence y1 …yN, such that P(x,y) is maximized y* = argmaxy P( x, y ) Again, we can use dynamic programming! 1 2 K … o1 o2 o3 oK

Backtracking to get state sequence y* The Viterbi Algorithm DEFINE INITIALIZATION INDUCTION TERMINATION Backtracking to get state sequence y*

The Viterbi Algorithm Time: O(K2T) Linear in length of sequence Space: x1 x2 ……xj-1 xj……………………………..xT State 1 Max 2 δj(i) i K Time: O(K2T) Space: O(KT) Linear in length of sequence Remember: δk(i) = probability of most likely state seq ending with state Sk Slides from Serafim Batzoglou

The Viterbi Algorithm Pedro Domingos 27

Solution to #3 - Learning Given x1 …xN , how do we learn θ =( , , ) to maximize P(x)? Unfortunately, there is no known way to analytically find a global maximum θ * such that θ * = arg max P(o | θ) But it is possible to find a local maximum; given an initial model θ, we can always find a model θ’ such that P(o | θ’) ≥ P(o | θ)

Solution to #3 - Learning Use hill-climbing Called the forward-backward (or Baum/Welch) algorithm Idea Use an initial parameter instantiation Loop Compute the forward and backward probabilities for given model parameters and our observations Re-estimate the parameters Until estimates don’t change much

Expectation Maximization The forward-backward algorithm is an instance of the more general EM algorithm The E Step: Compute the forward and backward probabilities for given model parameters and our observations The M Step: Re-estimate the model parameters

Chicken & Egg Problem If we knew the actual sequence of states It would be easy to learn transition and emission probabilities But we can’t observe states, so we don’t! If we knew transition & emission probabilities Then it’d be easy to estimate the sequence of states (Viterbi) But we don’t know them! 31 Slide by Daniel S. Weld 31

Simplest Version Mixture of two distributions Know: form of distribution & variance, % =5 Just need mean of each distribution .01 .03 .05 .07 .09 32 Slide by Daniel S. Weld 32

Input Looks Like .01 .03 .05 .07 .09 33 Slide by Daniel S. Weld 33

We Want to Predict ? .01 .03 .05 .07 .09 34 Slide by Daniel S. Weld 34

Chicken & Egg Note that coloring instances would be easy if we knew Gausians…. .01 .03 .05 .07 .09 35 Slide by Daniel S. Weld 35

Chicken & Egg And finding the Gausians would be easy If we knew the coloring .01 .03 .05 .07 .09 36 Slide by Daniel S. Weld 36

Expectation Maximization (EM) Pretend we do know the parameters Initialize randomly: set 1=?; 2=? .01 .03 .05 .07 .09 37 Slide by Daniel S. Weld 37

Expectation Maximization (EM) Pretend we do know the parameters Initialize randomly [E step] Compute probability of instance having each possible value of the hidden variable .01 .03 .05 .07 .09 38 Slide by Daniel S. Weld 38

Expectation Maximization (EM) Pretend we do know the parameters Initialize randomly [E step] Compute probability of instance having each possible value of the hidden variable .01 .03 .05 .07 .09 39 Slide by Daniel S. Weld 39

Expectation Maximization (EM) Pretend we do know the parameters Initialize randomly [E step] Compute probability of instance having each possible value of the hidden variable [M step] Treating each instance as fractionally having both values compute the new parameter values .01 .03 .05 .07 .09 40 Slide by Daniel S. Weld 40

ML Mean of Single Gaussian Uml = argminu i(xi – u)2 .01 .03 .05 .07 .09 41 Slide by Daniel S. Weld 41

Expectation Maximization (EM) [E step] Compute probability of instance having each possible value of the hidden variable [M step] Treating each instance as fractionally having both values compute the new parameter values .01 .03 .05 .07 .09 42 Slide by Daniel S. Weld 42

Expectation Maximization (EM) [E step] Compute probability of instance having each possible value of the hidden variable .01 .03 .05 .07 .09 43 Slide by Daniel S. Weld 43

Expectation Maximization (EM) [E step] Compute probability of instance having each possible value of the hidden variable [M step] Treating each instance as fractionally having both values compute the new parameter values .01 .03 .05 .07 .09 44 Slide by Daniel S. Weld 44

Expectation Maximization (EM) [E step] Compute probability of instance having each possible value of the hidden variable [M step] Treating each instance as fractionally having both values compute the new parameter values .01 .03 .05 .07 .09 45 Slide by Daniel S. Weld 45

The Problem with HMMs We want more than an Atomic View of Words We want many arbitrary, overlapping features of words y y y identity of word ends in “-ski” is capitalized is part of a noun phrase is in a list of city names is under node X in WordNet is in bold font is indented is in hyperlink anchor last person name was female next two words are “and Associates” t - 1 t t+1 … is “Wisniewski” … part of noun phrase ends in “-ski” x x x t - 1 t t +1 Slide by Cohen & McCallum

Finite State Models ?   Generative directed models HMMs Naïve Bayes Sequence General Graphs Conditional Conditional Conditional Logistic Regression General CRFs Linear-chain CRFs General Graphs Sequence

Problems with Richer Representation and a Joint Model These arbitrary features are not independent. Multiple levels of granularity (chars, words, phrases) Multiple dependent modalities (words, formatting, layout) Past & future Two choices: Model the dependencies. Each state would have its own Bayes Net. But we are already starved for training data! Ignore the dependencies. This causes “over-counting” of evidence (ala naïve Bayes). Big problem when combining evidence, as in Viterbi! (Similar issues in bio-sequence modeling,...) S S S S S S t - 1 t t+1 t - 1 t t+1 O O O O O O Slide by Cohen & McCallum t - 1 t t +1 t - 1 t t +1

Discriminative and Generative Models So far: all models generative Generative Models … model P(x,y) Discriminative Models … model P(x|y) P(x|y) does not include a model of P(x), so it does not need to model the dependencies between features!

Discriminative Models often better Eventually, what we care about is p(y|x)! Bayes Net describes a family of joint distributions of, whose conditionals take certain form But there are many other joint models, whose conditionals also have that form. We want to make independence assumptions among y, but not among x.

Conditional Sequence Models We prefer a model that is trained to maximize a conditional probability rather than joint probability: P(y|x) instead of P(y,x): Can examine features, but not responsible for generating them. Don’t have to explicitly model their dependencies. Don’t “waste modeling effort” trying to generate what we are given at test time anyway. Slide by Cohen & McCallum

Finite State Models Generative directed models HMMs Naïve Bayes Sequence General Graphs Conditional Conditional Conditional Logistic Regression General CRFs Linear-chain CRFs General Graphs Sequence

Linear-Chain Conditional Random Fields From HMMs to CRFs can also be written as (set , …) We let new parameters vary freely, so we need normalization constant Z.

Linear-Chain Conditional Random Fields Introduce feature functions ( , ) Then the conditional distribution is This is a linear-chain CRF, but includes only current word’s identity as a feature One feature per transition One feature per state-observation pair

Linear-Chain Conditional Random Fields Conditional p(y|x) that follows from joint p(y,x) of HMM is a linear CRF with certain feature functions!

Linear-Chain Conditional Random Fields Definition: A linear-chain CRF is a distribution that takes the form where Z(x) is a normalization function parameters feature functions

Linear-Chain Conditional Random Fields HMM-like linear-chain CRF Linear-chain CRF, in which transition score depends on the current observation … … … …