Announcements. HW3 Due tonight HW4 posted No class Thursday (Thanksgiving) 2017 Kevin Jamieson

Size: px
Start display at page:

Download "Announcements. HW3 Due tonight HW4 posted No class Thursday (Thanksgiving) 2017 Kevin Jamieson"

Transcription

1 Announcements HW3 Due tonight HW4 posted No class Thursday (Thanksgiving) 2017 Kevin Jamieson 1

2 Mixtures of Gaussians Machine Learning CSE546 Kevin Jamieson University of Washington November 20, 2016 Kevin Jamieson 2017 Kevin Jamieson

3 Mixture models Y Z = {y i } n i=1 is observed data = { i } n i=1 is unobserved data If (x) is Gaussian density with parameters =(µ, 2 )then `( ; Z, ) = nx (1 i) log[(1 ) 1 (y i )] + i log( 2 (y i )] i=1 i( ) =E[ i, Z] = Kevin Jamieson 2017 Kevin Jamieson

4 Mixture models Kevin Jamieson 2017 Kevin Jamieson

5 Gaussian Mixture Example: Start Kevin Jamieson 2017 Kevin Jamieson

6 After first iteration Kevin Jamieson 2017 Kevin Jamieson

7 After 2nd iteration Kevin Jamieson 2017 Kevin Jamieson

8 After 3rd iteration Kevin Jamieson 2017 Kevin Jamieson

9 After 4th iteration Kevin Jamieson 2017 Kevin Jamieson

10 After 5th iteration Kevin Jamieson 2017 Kevin Jamieson

11 After 6th iteration Kevin Jamieson 2017 Kevin Jamieson

12 After 20th iteration Kevin Jamieson 2017 Kevin Jamieson

13 Some Bio Assay data Kevin Jamieson 2017 Kevin Jamieson

14 GMM clustering of the assay data Kevin Jamieson 2017 Kevin Jamieson

15 Resulting Density Estimator Kevin Jamieson 2017 Kevin Jamieson

16 Expectation Maximization Algorithm Observe data x 1,...,x n drawn from a distribution p( ) for some 2 nx log(p(x i )) = i=1 = = i=1 i=1 b MLE = arg max 0 1 nx X p(x i,z i = j ) A j 0 nx X j nx X q i (z i = j 0 ) log i=1 j nx log(p(x i )) i=1 1 q i (z i = j 0 ) p(x i,z i = j ) A q i (z i = j 0 ) p(xi,z i = j ) q i (z i = j 0 ) nx X q i (z i = j 0 ) log (p(x i,z i = j )) + i=1 j (Introduce hidden data zi) (Introduce dummy distribution qi, variable θ ) nx X i=1 j (Jensen s inequality, log() is concave) q i (z i = j 0 ) log( 1 q i (z i =j 0 ) ) Does not depend on θ! Kevin Jamieson 2017 Kevin Jamieson

17 Expectation Maximization Algorithm Observe data X =[x 1,...,x n ] drawn from a distribution p( ) for some 2 nx log(p(x i )) i=1 b MLE = arg max nx log(p(x i )) i=1 nx X q i (z i = j 0 ) log (p(x i,z i = j )) i=1 j True for any choice of 0 and distribution q i (z i = j 0 ) Set q i (z i = j 0 )=p(z i = j 0, X) Kevin Jamieson 2017 Kevin Jamieson

18 Expectation Maximization Algorithm Observe data x 1,...,x n drawn from a distribution p( ) for some 2 nx log(p(x i )) i=1 b MLE = arg max nx log(p(x i )) i=1 nx X p(z i = j 0, X) log (p(x i,z i = j )) =: Q(, 0 ) i=1 j Initial guess for (0), for each step k: E-step: compute Q(, (k) )= nx i=1 i E zi hlog (p(x i,z i )) (k), X M-step: find (k+1) = arg max Q(, (k) ) Kevin Jamieson 2017 Kevin Jamieson

19 Expectation Maximization Algorithm Initial guess for (0), for each step k: E-step: compute M-step: find Q(, (k) )= nx i=1 (k+1) = arg max i E zi hlog (p(x i,z i )) (k), X Q(, (k) ) Example: Observe x 1,...,x n (1 )N (µ 1, 2 1 )+ N (µ 2, 2 2 ) z i = j if i is in mixture component j for j 2 {1, 2} =(,µ 1, E zi [log(p(x i,z i ) (k), X] = p(z i =1 (k),x i ) log p(x i,z i =1 ) = p(z i =1 (k),x i ) log p(x i z i =1, )p(z i =1 ) + p(z i =2 (k),x i ) log p(x i,z i =2 ) + p(z i =2 (k),x i ) log p(x i z i =2, )p(z i =2 ) 2 1,µ 2, 2 2) = (x i µ (k) 1, 2(k) 1 ) (x i µ (k) 1, 2 (k) 1 )+ (x i µ (k) 2, 2 2 (k) ) log (x i µ 1, 2 1)(1 ) + (x i µ (k) 2, 2(k) 2 ) (x i µ (k) 1, 2 (k) 1 )+ (x i µ (k) 2, 2 2 (k) ) log (x i µ 2, 2 2) Kevin Jamieson 2017 Kevin Jamieson

20 Expectation Maximization Algorithm - EM used to solve Latent Factor Models - Also used to solve missing data problems - Also known as Baum-Welch algorithm for Hidden Markov Models - In general, EM is non-convex so it can get stuck in local minima. Kevin Jamieson 2017 Kevin Jamieson

21 Density Estimation Machine Learning CSE546 Kevin Jamieson University of Washington November 20, 2016 Kevin Jamieson 2017 Kevin Jamieson

22 Kernel Density Estimation A very lazy GMM Kevin Jamieson 2017 Kevin Jamieson

23 Kernel Density Estimation Kevin Jamieson 2017 Kevin Jamieson

24 Kernel Density Estimation What is the Bayes optimal classification rule? Predict arg max m br im Kevin Jamieson 2017 Kevin Jamieson

25 Generative vs Discriminative Kevin Jamieson 2017 Kevin Jamieson

26 Basic Text Modeling Machine Learning CSE4546 Kevin Jamieson University of Washington November 20, 2017 Kevin Jamieson 26

27 Bag of Words n documents/articles with lots of text Questions: - How to get a feature representation of each article? - How to cluster documents into topics? Bag of words model: ith document: x i 2 R D x i,j = proportion of times jth word occurred in ith document Kevin Jamieson 27

28 Bag of Words n documents/articles with lots of text Questions: - How to get a feature representation of each article? - How to cluster documents into topics? Bag of words model: ith document: x i 2 R D x i,j = proportion of times jth word occurred in ith document Given vectors, run k-means or Gaussian mixture model to find k clusters/topics Kevin Jamieson 28

29 Nonnegative matrix factorization (NMF) A 2 R m n A i,j = frequency of jth word in document i Nonnegative Matrix factorization: min ka WH T k 2 F W 2 R m d +,H 2 R n d + d is number of topics Also see latent Dirichlet factorization (LDA) Kevin Jamieson 29

30 Nonnegative matrix factorization (NMF) A 2 R m n A i,j = frequency of jth word in document i Nonnegative Matrix factorization: min ka WH T k 2 F W 2 R m d +,H 2 R n d + d is number of topics Each column of H represents a cluster of a topic, Each row W is some weights a combination of topics Also see latent Dirichlet factorization (LDA) Kevin Jamieson 30

31 Word embeddings, word2vec Previous section presented methods to embed documents into a latent space Alternatively, we can embed words into a latent space This embedding came from directly querying for relationships. word2vec is a popular unsupervised learning approach that just uses a text corpus (e.g. nytimes.com) Kevin Jamieson 31

32 Word embeddings, word2vec slide: Kevin Jamieson 32

33 Word embeddings, word2vec Training neural network to predict co-occuring words. Use first layer weights as embedding, throw out output layer slide: Kevin Jamieson 33

34 Word embeddings, word2vec e hx ants,y car i X i e hx ants,y i i Training neural network to predict co-occuring words. Use first layer weights as embedding, throw out output layer slide: Kevin Jamieson 34

35 word2vec outputs king - man + woman = queen country - capital slide: Kevin Jamieson 35

36 TF*IDF n documents/articles with lots of text How to get a feature representation of each article? 1. For each document d compute the proportion of times word t occurs out of all words in d, i.e. term frequency TF d,t 2. For each word t in your corpus, compute the proportion of documents out of n that the word t occurs, i.e., document frequency DF t 3. Compute score for word t in document d as 1 TF d,t log( ) DF t Kevin Jamieson 36

37 BeerMapper - Under the Hood Algorithm requires feature representations of the beers {x 1,...,x n } R d Two Hearted Ale - Input ~2500 natural language reviews Reviews for each beer Bag of Words weighted by TF*IDF Get 100 nearest neighbors using cosine distance Non-metric multidimensional scaling Embedding in d dimensions

38 BeerMapper - Under the Hood Algorithm requires feature representations of the beers {x 1,...,x n } R d Two Hearted Ale - Weighted Bag of Words: Reviews for each beer Bag of Words weighted by TF*IDF Get 100 nearest neighbors using cosine distance Non-metric multidimensional scaling Embedding in d dimensions

39 BeerMapper - Under the Hood Algorithm requires feature representations of the beers {x 1,...,x n } R d Weighted count vector for the ith beer: z i 2 R 400,000 Cosine distance: d(z i,z j )=1 z T i z j z i z j Two Hearted Ale - Nearest Neighbors: Bear Republic Racer 5 Avery IPA Stone India Pale Ale (IPA) Founders Centennial IPA Smuttynose IPA Anderson Valley Hop Ottin IPA AleSmith IPA BridgePort IPA Boulder Beer Mojo IPA Goose Island India Pale Ale Great Divide Titan IPA New Holland Mad Hatter Ale Lagunitas India Pale Ale Heavy Seas Loose Cannon Hop3 Sweetwater IPA Reviews for each beer Bag of Words weighted by TF*IDF Get 100 nearest neighbors using cosine distance Non-metric multidimensional scaling Embedding in d dimensions

40 BeerMapper - Under the Hood Algorithm requires feature representations of the beers {x 1,...,x n } R d Find an embedding {x 1,...,x n } R d such that x k x i < x k x j whenever d(z k,z i ) <d(z k,z j ) for all 100-nearest neighbors. (10 7 constraints, 10 5 variables) distance in 400,000 dimensional word space Solve with hinge loss and stochastic gradient descent. (20 minutes on my laptop) (d=2,err=6%) (d=3,err=4%) Could have also used local-linear-embedding, max-volume-unfolding, kernel-pca, etc. Reviews for each beer Bag of Words weighted by TF*IDF Get 100 nearest neighbors using cosine distance Non-metric multidimensional scaling Embedding in d dimensions

41 BeerMapper - Under the Hood Algorithm requires feature representations of the beers {x 1,...,x n } R d Reviews for each beer Bag of Words weighted by TF*IDF Get 100 nearest neighbors using cosine distance Non-metric multidimensional scaling Embedding in d dimensions

42 BeerMapper - Under the Hood Algorithm requires feature representations of the beers {x 1,...,x n } R d Pilsner IPA Sanity check: styles should cluster together and similar styles should be close. Light lager Pale ale Blond Amber Brown ale Doppelbock Belgian light Wit Belgian dark Lambic Wheat Porter Stout Reviews for each beer Bag of Words weighted by TF*IDF Get 100 nearest neighbors using cosine distance Non-metric multidimensional scaling Embedding in d dimensions

43 BeerMapper - Under the Hood Algorithm requires feature representations of the beers {x 1,...,x n } R d Pilsner IPA Sanity check: styles should cluster together and similar styles should be close. Light lager Pale ale Blond Amber Brown ale Doppelbock Belgian light Wit Belgian dark Lambic Wheat Porter Stout Reviews for each beer Bag of Words weighted by TF*IDF Get 100 nearest neighbors using cosine distance Non-metric multidimensional scaling Embedding in d dimensions

44 Feature generation for images Machine Learning CSE4546 Kevin Jamieson University of Washington November 20, 2017 Kevin Jamieson 44

45 Contains slides from LeCun & Ranzato Russ Salakhutdinov Honglak Lee Google images Kevin Jamieson 45

46 Convolution of images (Note to EEs: deep learning uses the word convolution to mean what is usually known as cross-correlation, e.g., neither signal is flipped) Image I Filter K I K Slide credit: Kevin Jamieson 46

47 Convolution of images (Note to EEs: deep learning uses the word convolution to mean what is usually known as cross-correlation, e.g., neither signal is flipped) K I K Image I Kevin Jamieson 47

48 Convolution of images Input image X flatten into vector 2 3 vec(h 1 X) 6 4 vec(h 2 X) 7 5. filters H k convolved image H k X Kevin Jamieson 48

49 Stacking convolved images filters Kevin Jamieson 49

50 Stacking convolved images filters Apply Non-linearity to the output of each layer, Here: ReLu (rectified linear unit) Other choices: sigmoid, arctan Kevin Jamieson 50

51 Pooling Pooling reduces the dimension and can be interpreted as This filter had a high response in this general region 27x27x64 14x14x64 Kevin Jamieson 51

52 Pooling Convolution layer 27 14x14x filters Convolve with 64 6x6x3 filters MaxPool with 2x2 filters and stride 2 Kevin Jamieson 52

53 Full feature pipeline 27 14x14x filters Convolve with 64 6x6x3 filters MaxPool with 2x2 filters and stride 2 Flatten into a single vector of size 14*14*64=12544 How do we choose all the hyperparameters? How do we choose the filters? - Hand design them (digital signal processing, c.f. wavelets) - Learn them (deep learning) Kevin Jamieson 53

54 Some hand-created image features SIFT Spin Image HoG RIFT Texton GLOH Slide from Honglak Lee Kevin Jamieson 54

55 ML Street Fight Machine Learning CSE546 Kevin Jamieson University of Washington November 20, 2017 Kevin Jamieson 2017 Kevin Jamieson

56 Mini case study Inspired by Coates and Ng (2012) Input is CIFAR-10 dataset: examples of 32x32x3 images 1. Construct set of patches by random selection from images 2. Standardize patch set (de-mean, norm 1, whiten, etc.) 3. Run k-means on random patches 4. Convolve each image with all patches (plus an offset) 5. Push through ReLu 6. Solve least squares for multiclass classification 7. Classify with argmax Kevin Jamieson 56

57 Mini case study Methods of standardization: Kevin Jamieson 57

58 Mini case study Dealing with class imbalance: Kevin Jamieson 58

59 Mini case study Dealing with outliers: Kevin Jamieson 59

60 Mini case study Dealing with outliers: `huber (z) = ( 1 2 z2 if z apple 1 1 z 2 otherwise arg min 0 X j i=1 k(x i,x j ) j y i 1 A 2 + X i,j i j k(x i,x j ) arg min nx i=1 `huber X j k(x i,x j ) j y i 1 A + X i,j i j k(x i,x j ) Kevin Jamieson 60

61 Mini case study Dealing with hyperparameters: Kevin Jamieson 61

62 Hyperparameter Optimization Machine Learning CSE546 Kevin Jamieson University of Washington November 20, 2017 Kevin Jamieson 2017 Kevin Jamieson

63

64 N out = 10 N hid Training set Eval \ set N in = 784 hyperparameters learning rate 2 [10 3, 10 1 ] `2-penalty 2 [10 6, 10 1 ] #hiddennodesn hid 2 [10 1, 10 3 ]

65 N out = 10 N hid Training set Eval \ set N in = 784 bf Hyperparameters (10 1.6, , ) (10 1.0, , ) (10 1.2, , ) (10 2.4, , ) (10 2.6, , ) (10 2.7, , ) (10 1.8, , ) (10 1.4, , ) (10 1.9, , ) (10 1.8, , ) Eval-loss hyperparameters learning rate 2 [10 3, 10 1 ] `2-penalty 2 [10 6, 10 1 ] #hiddennodesn hid 2 [10 1, 10 3 ]

66 N out = 10 N hid Training set Eval \ set N in = 784 bf Hyperparameters (10 1.6, , ) (10 1.0, , ) (10 1.2, , ) (10 2.4, , ) (10 2.6, , ) (10 2.7, , ) (10 1.8, , ) (10 1.4, , ) (10 1.9, , ) (10 1.8, , ) Eval-loss hyperparameters learning rate 2 [10 3, 10 1 ] `2-penalty 2 [10 6, 10 1 ] #hiddennodesn hid 2 [10 1, 10 3 ]

67 N out = 10 N hid Training set Eval \ set N in = 784 Hyperparameters (10 1.6, , ) (10 1.0, , ) (10 1.2, , ) (10 2.4, , ) (10 2.6, , ) (10 2.7, , ) (10 1.8, , ) (10 1.4, , ) (10 1.9, , ) (10 1.8, , ) Eval-loss hyperparameters learning rate 2 [10 3, 10 1 ] `2-penalty 2 [10 6, 10 1 ] #hiddennodesn hid 2 [10 1, 10 3 ]

68 N out = 10 N hid Training set Eval \ set N in = 784 Hyperparameters (10 1.6, , ) (10 1.0, , ) (10 1.2, , ) (10 2.4, , ) (10 2.6, , ) (10 2.7, , ) (10 1.8, , ) (10 1.4, , ) (10 1.9, , ) (10 1.8, , ) Eval-loss How do we choose hyperparameters to train and evaluate?

69 How do we choose hyperparameters to train and evaluate? Grid search: Hyperparameters on 2d uniform grid

70 How do we choose hyperparameters to train and evaluate? Grid search: Hyperparameters on 2d uniform grid Random search: Hyperparameters randomly chosen

71 How do we choose hyperparameters to train and evaluate? Grid search: Hyperparameters on 2d uniform grid Random search: Hyperparameters randomly chosen Bayesian Optimization: Hyperparameters adaptively chosen 10 2

72 Bayesian Optimization: How does it work? Hyperparameters adaptively chosen

73 Recent work attempts to speed up hyperparameter evaluation by stopping poor performing settings before they are fully trained. Kevin Swersky, Jasper Snoek, and Ryan Prescott Adams. Freeze-thaw bayesian optimization. arxiv: , Alekh Agarwal, Peter Bartlett, and John Duchi. Oracle inequalities for computationally adaptive model selection. COLT, Domhan, T., Springenberg, J. T., and Hutter, F. Speeding up automatic hyperparameter optimization of deep neural networks by extrapolation of learning curves. In IJCAI, András György and Levente Kocsis. Efficient multi-start strategies for local search algorithms. JAIR, 41, Li, Jamieson, DeSalvo, Rostamizadeh, Talwalkar. Hyperband: A Novel Bandit-Based Approach to Hyperparameter Optimization. ICLR Hyperparameters Eval-loss (10 1.6, , ) (10 1.0, , ) (10 1.2, , ) (10 2.4, , ) (10 2.6, , ) eval-loss How computation time was spent? (10 2.7, , ) (10 1.8, , ) (10 1.4, , ) (10 1.9, , ) (10 1.8, , ) epochs

74 Hyperparameter Optimization In general, hyperparameter optimization is non-convex optimization and little is known about the underlying function (only observe validation loss) Your time is valuable, computers are cheap: Do not employ grad student descent for hyper parameter search. Write modular code that takes parameters as input and automate this embarrassingly parallel search. Use crowd resources (see pywren) Tools for different purposes: - Very few evaluations: use random search (and pray) or be clever - Few evaluations and long-running computations: see refs on last slide - Moderate number of evaluations (but still exp(#params)) and high accuracy needed: use Bayesian Optimization - Many evaluations possible: use random search. Why overthink it?

Support Vector Machines

Support Vector Machines Support Vector Machines Linearly Separable Data SVM: Simple Linear Separator hyperplane Which Simple Linear Separator? Classifier Margin Objective #1: Maximize Margin MARGIN MARGIN How s this look? MARGIN

More information

A comparative analysis of subreddit recommenders for Reddit

A comparative analysis of subreddit recommenders for Reddit A comparative analysis of subreddit recommenders for Reddit Jay Baxter Massachusetts Institute of Technology jbaxter@mit.edu Abstract Reddit has become a very popular social news website, but even though

More information

CS 229: r/classifier - Subreddit Text Classification

CS 229: r/classifier - Subreddit Text Classification CS 229: r/classifier - Subreddit Text Classification Andrew Giel agiel@stanford.edu Jonathan NeCamp jnecamp@stanford.edu Hussain Kader hkader@stanford.edu Abstract This paper presents techniques for text

More information

Overview. Ø Neural Networks are considered black-box models Ø They are complex and do not provide much insight into variable relationships

Overview. Ø Neural Networks are considered black-box models Ø They are complex and do not provide much insight into variable relationships Neural Networks Overview Ø s are considered black-box models Ø They are complex and do not provide much insight into variable relationships Ø They have the potential to model very complicated patterns

More information

Tengyu Ma Facebook AI Research. Based on joint work with Rong Ge (Duke) and Jason D. Lee (USC)

Tengyu Ma Facebook AI Research. Based on joint work with Rong Ge (Duke) and Jason D. Lee (USC) Tengyu Ma Facebook AI Research Based on joint work with Rong Ge (Duke) and Jason D. Lee (USC) Users Optimization Researchers function f Solution gradient descent local search Convex relaxation + Rounding

More information

Tengyu Ma Facebook AI Research. Based on joint work with Yuanzhi Li (Princeton) and Hongyang Zhang (Stanford)

Tengyu Ma Facebook AI Research. Based on joint work with Yuanzhi Li (Princeton) and Hongyang Zhang (Stanford) Tengyu Ma Facebook AI Research Based on joint work with Yuanzhi Li (Princeton) and Hongyang Zhang (Stanford) Ø Over-parameterization: # parameters # examples Ø a set of parameters that can Ø fit to training

More information

Cluster Analysis. (see also: Segmentation)

Cluster Analysis. (see also: Segmentation) Cluster Analysis (see also: Segmentation) Cluster Analysis Ø Unsupervised: no target variable for training Ø Partition the data into groups (clusters) so that: Ø Observations within a cluster are similar

More information

Learning and Visualizing Political Issues from Voting Records Erik Goldman, Evan Cox, Mikhail Kerzhner. Abstract

Learning and Visualizing Political Issues from Voting Records Erik Goldman, Evan Cox, Mikhail Kerzhner. Abstract Learning and Visualizing Political Issues from Voting Records Erik Goldman, Evan Cox, Mikhail Kerzhner Abstract For our project, we analyze data from US Congress voting records, a dataset that consists

More information

CS 229 Final Project - Party Predictor: Predicting Political A liation

CS 229 Final Project - Party Predictor: Predicting Political A liation CS 229 Final Project - Party Predictor: Predicting Political A liation Brandon Ewonus bewonus@stanford.edu Bryan McCann bmccann@stanford.edu Nat Roth nroth@stanford.edu Abstract In this report we analyze

More information

Dimension Reduction. Why and How

Dimension Reduction. Why and How Dimension Reduction Why and How The Curse of Dimensionality As the dimensionality (i.e. number of variables) of a space grows, data points become so spread out that the ideas of distance and density become

More information

Congressional Gridlock: The Effects of the Master Lever

Congressional Gridlock: The Effects of the Master Lever Congressional Gridlock: The Effects of the Master Lever Olga Gorelkina Max Planck Institute, Bonn Ioanna Grypari Max Planck Institute, Bonn Preliminary & Incomplete February 11, 2015 Abstract This paper

More information

Classification of posts on Reddit

Classification of posts on Reddit Classification of posts on Reddit Pooja Naik Graduate Student CSE Dept UCSD, CA, USA panaik@ucsd.edu Sachin A S Graduate Student CSE Dept UCSD, CA, USA sachinas@ucsd.edu Vincent Kuri Graduate Student CSE

More information

Deep Learning and Visualization of Election Data

Deep Learning and Visualization of Election Data Deep Learning and Visualization of Election Data Garcia, Jorge A. New Mexico State University Tao, Ng Ching City University of Hong Kong Betancourt, Frank University of Tennessee, Knoxville Wong, Kwai

More information

Appendix to Non-Parametric Unfolding of Binary Choice Data Keith T. Poole Graduate School of Industrial Administration Carnegie-Mellon University

Appendix to Non-Parametric Unfolding of Binary Choice Data Keith T. Poole Graduate School of Industrial Administration Carnegie-Mellon University Appendix to Non-Parametric Unfolding of Binary Choice Data Keith T. Poole Graduate School of Industrial Administration Carnegie-Mellon University 7 July 1999 This appendix is a supplement to Non-Parametric

More information

Popularity Prediction of Reddit Texts

Popularity Prediction of Reddit Texts San Jose State University SJSU ScholarWorks Master's Theses Master's Theses and Graduate Research Spring 2016 Popularity Prediction of Reddit Texts Tracy Rohlin San Jose State University Follow this and

More information

Text as Actuator: Text-Driven Response Modeling and Prediction in Politics. Tae Yano

Text as Actuator: Text-Driven Response Modeling and Prediction in Politics. Tae Yano Text as Actuator: Text-Driven Response Modeling and Prediction in Politics Tae Yano taey@cs.cmu.edu Contents 1 Introduction 3 1.1 Text and Response Prediction.................... 4 1.2 Proposed Prediction

More information

Pivoted Text Scaling for Open-Ended Survey Responses

Pivoted Text Scaling for Open-Ended Survey Responses Pivoted Text Scaling for Open-Ended Survey Responses William Hobbs September 28, 2017 Abstract Short texts such as open-ended survey responses and tweets contain valuable information about public opinions,

More information

Instructors: Tengyu Ma and Chris Re

Instructors: Tengyu Ma and Chris Re Instructors: Tengyu Ma and Chris Re cs229.stanford.edu Ø Probability (CS109 or STAT 116) Ø distribution, random variable, expectation, conditional probability, variance, density Ø Linear algebra (Math

More information

Deep Classification and Generation of Reddit Post Titles

Deep Classification and Generation of Reddit Post Titles Deep Classification and Generation of Reddit Post Titles Tyler Chase tchase56@stanford.edu Rolland He rhe@stanford.edu William Qiu willqiu@stanford.edu Abstract The online news aggregation website Reddit

More information

Probabilistic earthquake early warning in complex earth models using prior sampling

Probabilistic earthquake early warning in complex earth models using prior sampling Probabilistic earthquake early warning in complex earth models using prior sampling Andrew Valentine, Paul Käufl & Jeannot Trampert EGU 2016 21 st April www.geo.uu.nl/~andrew a.p.valentine@uu.nl A case

More information

Distributed representations of politicians

Distributed representations of politicians Distributed representations of politicians Bobbie Macdonald Department of Political Science Stanford University bmacdon@stanford.edu Abstract Methods for generating dense embeddings of words and sentences

More information

Category-level localization. Cordelia Schmid

Category-level localization. Cordelia Schmid Category-level localization Cordelia Schmid Recognition Classification Object present/absent in an image Often presence of a significant amount of background clutter Localization / Detection Localize object

More information

Statistical Analysis of Corruption Perception Index across countries

Statistical Analysis of Corruption Perception Index across countries Statistical Analysis of Corruption Perception Index across countries AMDA Project Summary Report (Under the guidance of Prof Malay Bhattacharya) Group 3 Anit Suri 1511007 Avishek Biswas 1511013 Diwakar

More information

Predicting Congressional Votes Based on Campaign Finance Data

Predicting Congressional Votes Based on Campaign Finance Data 1 Predicting Congressional Votes Based on Campaign Finance Data Samuel Smith, Jae Yeon (Claire) Baek, Zhaoyi Kang, Dawn Song, Laurent El Ghaoui, Mario Frank Department of Electrical Engineering and Computer

More information

P(x) testing training. x Hi

P(x) testing training. x Hi ÙÑÙÐ Ø Ú ÈÖÓ Ø ± Ê Ú Û Ó Ä ØÙÖ ½ Ç Ñ³ Ê ÞÓÖ Ì ÑÔÐ Ø ÑÓ Ð Ø Ø Ø Ø Ø Ð Ó Ø ÑÓ Ø ÔÐ Ù Ð º Ë ÑÔÐ Ò P(x) testing training Ø ÒÓÓÔ Ò x ÓÑÔÐ Ü ØÝ Ó h ÓÑÔÐ Ü ØÝ Ó H ¼ ¾¼ ½¼ ¼ ¹½¼ ÒÓÓÔ Ò ÒÓ ÒÓÓÔ Ò ÙÒÐ ÐÝ Ú ÒØ Ò

More information

Probabilistic Latent Semantic Analysis Hofmann (1999)

Probabilistic Latent Semantic Analysis Hofmann (1999) Probabilistic Latent Semantic Analysis Hofmann (1999) Presenter: Mercè Vintró Ricart February 8, 2016 Outline Background Topic models: What are they? Why do we use them? Latent Semantic Analysis (LSA)

More information

An Homophily-based Approach for Fast Post Recommendation in Microblogging Systems

An Homophily-based Approach for Fast Post Recommendation in Microblogging Systems An Homophily-based Approach for Fast Post Recommendation in Microblogging Systems Quentin Grossetti 1,2 Supervised by Cédric du Mouza 2, Camelia Constantin 1 and Nicolas Travers 2 1 LIP6 - Université Pierre

More information

Understanding factors that influence L1-visa outcomes in US

Understanding factors that influence L1-visa outcomes in US Understanding factors that influence L1-visa outcomes in US By Nihar Dalmia, Meghana Murthy and Nianthrini Vivekanandan Link to online course gallery : https://www.ischool.berkeley.edu/projects/2017/understanding-factors-influence-l1-work

More information

Political Language in Economics

Political Language in Economics Political Language in Economics Zubin Jelveh, Bruce Kogut, and Suresh Naidu May 6, 2017 Abstract Does political ideology influence economic research? We rely upon purely inductive methods in natural language

More information

Chapter. Sampling Distributions Pearson Prentice Hall. All rights reserved

Chapter. Sampling Distributions Pearson Prentice Hall. All rights reserved Chapter 8 Sampling Distributions 2010 Pearson Prentice Hall. All rights reserved Section 8.1 Distribution of the Sample Mean 2010 Pearson Prentice Hall. All rights reserved Objectives 1. Describe the distribution

More information

Automatic Thematic Classification of the Titles of the Seimas Votes

Automatic Thematic Classification of the Titles of the Seimas Votes Automatic Thematic Classification of the Titles of the Seimas Votes Vytautas Mickevičius 1,2 Tomas Krilavičius 1,2 Vaidas Morkevičius 3 Aušra Mackutė-Varoneckienė 1 1 Vytautas Magnus University, 2 Baltic

More information

Chapter. Estimating the Value of a Parameter Using Confidence Intervals Pearson Prentice Hall. All rights reserved

Chapter. Estimating the Value of a Parameter Using Confidence Intervals Pearson Prentice Hall. All rights reserved Chapter 9 Estimating the Value of a Parameter Using Confidence Intervals 2010 Pearson Prentice Hall. All rights reserved Section 9.1 The Logic in Constructing Confidence Intervals for a Population Mean

More information

Recommendations For Reddit Users Avideh Taalimanesh and Mohammad Aleagha Stanford University, December 2012

Recommendations For Reddit Users Avideh Taalimanesh and Mohammad Aleagha Stanford University, December 2012 Recommendations For Reddit Users Avideh Taalimanesh and Mohammad Aleagha Stanford University, December 2012 Abstract In this paper we attempt to develop an algorithm to generate a set of post recommendations

More information

Do two parties represent the US? Clustering analysis of US public ideology survey

Do two parties represent the US? Clustering analysis of US public ideology survey Do two parties represent the US? Clustering analysis of US public ideology survey Louisa Lee 1 and Siyu Zhang 2, 3 Advised by: Vicky Chuqiao Yang 1 1 Department of Engineering Sciences and Applied Mathematics,

More information

Classification of Short Legal Lithuanian Texts

Classification of Short Legal Lithuanian Texts Classification of Short Legal Lithuanian Texts Vytautas Mickevičius 1,2 Tomas Krilavičius 1,2 Vaidas Morkevičius 3 1 Vytautas Magnus University, 2 Baltic Institute of Advanced Technologies, 3 Kaunas University

More information

An Integrated Tag Recommendation Algorithm Towards Weibo User Profiling

An Integrated Tag Recommendation Algorithm Towards Weibo User Profiling An Integrated Tag Recommendation Algorithm Towards Weibo User Profiling Deqing Yang, Yanghua Xiao, Hanghang Tong, Junjun Zhang and Wei Wang School of Computer Science Shanghai Key Laboratory of Data Science

More information

Classifier Evaluation and Selection. Review and Overview of Methods

Classifier Evaluation and Selection. Review and Overview of Methods Classifier Evaluation and Selection Review and Overview of Methods Things to consider Ø Interpretation vs. Prediction Ø Model Parsimony vs. Model Error Ø Type of prediction task: Ø Decisions Interested

More information

1/12/12. Introduction-cont Pattern classification. Behavioral vs Physical Traits. Announcements

1/12/12. Introduction-cont Pattern classification. Behavioral vs Physical Traits. Announcements Announcements Introduction-cont Pattern classification Biometrics CSE 190 Lecture 2 Sign up for the course. Web page is up: http://www.cs.ucsd.edu/classes/wi12/ cse190-c/ HW0 posted. Intro to Matlab How

More information

Deep Learning Working Group R-CNN

Deep Learning Working Group R-CNN Deep Learning Working Group R-CNN Includes slides from : Josef Sivic, Andrew Zisserman and so many other Nicolas Gonthier February 1, 2018 Recognition Tasks Image Classification Does the image contain

More information

Subreddit Recommendations within Reddit Communities

Subreddit Recommendations within Reddit Communities Subreddit Recommendations within Reddit Communities Vishnu Sundaresan, Irving Hsu, Daryl Chang Stanford University, Department of Computer Science ABSTRACT: We describe the creation of a recommendation

More information

Random Forests. Gradient Boosting. and. Bagging and Boosting

Random Forests. Gradient Boosting. and. Bagging and Boosting Random Forests and Gradient Boosting Bagging and Boosting The Bootstrap Sample and Bagging Simple ideas to improve any model via ensemble Bootstrap Samples Ø Random samples of your data with replacement

More information

Identifying Factors in Congressional Bill Success

Identifying Factors in Congressional Bill Success Identifying Factors in Congressional Bill Success CS224w Final Report Travis Gingerich, Montana Scher, Neeral Dodhia Introduction During an era of government where Congress has been criticized repeatedly

More information

UC-BERKELEY. Center on Institutions and Governance Working Paper No. 22. Interval Properties of Ideal Point Estimators

UC-BERKELEY. Center on Institutions and Governance Working Paper No. 22. Interval Properties of Ideal Point Estimators UC-BERKELEY Center on Institutions and Governance Working Paper No. 22 Interval Properties of Ideal Point Estimators Royce Carroll and Keith T. Poole Institute of Governmental Studies University of California,

More information

Hierarchical Item Response Models for Analyzing Public Opinion

Hierarchical Item Response Models for Analyzing Public Opinion Hierarchical Item Response Models for Analyzing Public Opinion Xiang Zhou Harvard University July 16, 2017 Xiang Zhou (Harvard University) Hierarchical IRT for Public Opinion July 16, 2017 Page 1 Features

More information

The Issue-Adjusted Ideal Point Model

The Issue-Adjusted Ideal Point Model The Issue-Adjusted Ideal Point Model arxiv:1209.6004v1 [stat.ml] 26 Sep 2012 Sean Gerrish Princeton University 35 Olden Street Princeton, NJ 08540 sgerrish@cs.princeton.edu David M. Blei Princeton University

More information

arxiv: v1 [econ.gn] 20 Feb 2019

arxiv: v1 [econ.gn] 20 Feb 2019 arxiv:190207355v1 [econgn] 20 Feb 2019 IPL Working Paper Series Matching Refugees to Host Country Locations Based on Preferences and Outcomes Avidit Acharya, Kirk Bansak, and Jens Hainmueller Working Paper

More information

Introduction to Text Modeling

Introduction to Text Modeling Introduction to Text Modeling Carl Edward Rasmussen November 11th, 2016 Carl Edward Rasmussen Introduction to Text Modeling November 11th, 2016 1 / 7 Key concepts modeling document collections probabilistic

More information

Constraint satisfaction problems. Lirong Xia

Constraint satisfaction problems. Lirong Xia Constraint satisfaction problems Lirong Xia Spring, 2017 Project 1 Ø You can use Windows Ø Read the instruction carefully, make sure you understand the goal search for YOUR CODE HERE Ø Ask and answer questions

More information

Michael Laver and Ernest Sergenti: Party Competition. An Agent-Based Model

Michael Laver and Ernest Sergenti: Party Competition. An Agent-Based Model RMM Vol. 3, 2012, 66 70 http://www.rmm-journal.de/ Book Review Michael Laver and Ernest Sergenti: Party Competition. An Agent-Based Model Princeton NJ 2012: Princeton University Press. ISBN: 9780691139043

More information

Polydisciplinary Faculty of Larache Abdelmalek Essaadi University, MOROCCO 3 Department of Mathematics and Informatics

Polydisciplinary Faculty of Larache Abdelmalek Essaadi University, MOROCCO 3 Department of Mathematics and Informatics International Journal of Pure and Applied Mathematics Volume 115 No. 4 2017, 801-812 ISSN: 1311-8080 (printed version); ISSN: 1314-3395 (on-line version) url: http://www.ijpam.eu doi: 10.12732/ijpam.v115i4.13

More information

No Adults Allowed! Unsupervised Learning Applied to Gerrymandered School Districts

No Adults Allowed! Unsupervised Learning Applied to Gerrymandered School Districts No Adults Allowed! Unsupervised Learning Applied to Gerrymandered School Districts Divya Siddarth, Amber Thomas 1. INTRODUCTION With more than 80% of public school students attending the school assigned

More information

Name Phylogeny. A Generative Model of String Variation. Nicholas Andrews, Jason Eisner and Mark Dredze

Name Phylogeny. A Generative Model of String Variation. Nicholas Andrews, Jason Eisner and Mark Dredze Name Phylogeny A Generative Model of String Variation Nicholas Andrews, Jason Eisner and Mark Dredze Department of Computer Science, Johns Hopkins University EMNLP 2012 Thursday, July 12 Outline Introduction

More information

Do Individual Heterogeneity and Spatial Correlation Matter?

Do Individual Heterogeneity and Spatial Correlation Matter? Do Individual Heterogeneity and Spatial Correlation Matter? An Innovative Approach to the Characterisation of the European Political Space. Giovanna Iannantuoni, Elena Manzoni and Francesca Rossi EXTENDED

More information

Partition Decomposition for Roll Call Data

Partition Decomposition for Roll Call Data Partition Decomposition for Roll Call Data G. Leibon 1,2, S. Pauls 2, D. N. Rockmore 2,3,4, and R. Savell 5 Abstract In this paper we bring to bear some new tools from statistical learning on the analysis

More information

Remittances and the Brain Drain: Evidence from Microdata for Sub-Saharan Africa

Remittances and the Brain Drain: Evidence from Microdata for Sub-Saharan Africa Remittances and the Brain Drain: Evidence from Microdata for Sub-Saharan Africa Julia Bredtmann 1, Fernanda Martinez Flores 1,2, and Sebastian Otten 1,2,3 1 RWI, Rheinisch-Westfälisches Institut für Wirtschaftsforschung

More information

Statistical Analysis of Endorsement Experiments: Measuring Support for Militant Groups in Pakistan

Statistical Analysis of Endorsement Experiments: Measuring Support for Militant Groups in Pakistan Statistical Analysis of Endorsement Experiments: Measuring Support for Militant Groups in Pakistan Kosuke Imai Department of Politics Princeton University Joint work with Will Bullock and Jacob Shapiro

More information

Predicting How U.S. Counties will Vote in Presidential Elections Through Analysis of Socio- Economic Factors, Voting Heuristics, and Party Platforms

Predicting How U.S. Counties will Vote in Presidential Elections Through Analysis of Socio- Economic Factors, Voting Heuristics, and Party Platforms SMU Data Science Review Volume 1 Number 1 Article 4 2018 Predicting How U.S. Counties will Vote in Presidential Elections Through Analysis of Socio- Economic Factors, Voting Heuristics, and Party Platforms

More information

A procedure to compute a probabilistic bound for the maximum tardiness using stochastic simulation

A procedure to compute a probabilistic bound for the maximum tardiness using stochastic simulation Proceedings of the 17th World Congress The International Federation of Automatic Control A procedure to compute a probabilistic bound for the maximum tardiness using stochastic simulation Nasser Mebarki*.

More information

Local differential privacy

Local differential privacy Local differential privacy Adam Smith Penn State Bar-Ilan Winter School February 14, 2017 Outline Model Ø Implementations Question: what computations can we carry out in this model? Example: randomized

More information

national congresses and show the results from a number of alternate model specifications for

national congresses and show the results from a number of alternate model specifications for Appendix In this Appendix, we explain how we processed and analyzed the speeches at parties national congresses and show the results from a number of alternate model specifications for the analysis presented

More information

Political Economics II Spring Lectures 4-5 Part II Partisan Politics and Political Agency. Torsten Persson, IIES

Political Economics II Spring Lectures 4-5 Part II Partisan Politics and Political Agency. Torsten Persson, IIES Lectures 4-5_190213.pdf Political Economics II Spring 2019 Lectures 4-5 Part II Partisan Politics and Political Agency Torsten Persson, IIES 1 Introduction: Partisan Politics Aims continue exploring policy

More information

Genetic Algorithms with Elitism-Based Immigrants for Changing Optimization Problems

Genetic Algorithms with Elitism-Based Immigrants for Changing Optimization Problems Genetic Algorithms with Elitism-Based Immigrants for Changing Optimization Problems Shengxiang Yang Department of Computer Science, University of Leicester University Road, Leicester LE1 7RH, United Kingdom

More information

Ranking Subreddits by Classifier Indistinguishability in the Reddit Corpus

Ranking Subreddits by Classifier Indistinguishability in the Reddit Corpus Ranking Subreddits by Classifier Indistinguishability in the Reddit Corpus Faisal Alquaddoomi UCLA Computer Science Dept. Los Angeles, CA, USA Email: faisal@cs.ucla.edu Deborah Estrin Cornell Tech New

More information

Police patrol districting method and simulation evaluation using agent-based model & GIS

Police patrol districting method and simulation evaluation using agent-based model & GIS Zhang and Brown Security Informatics 2013, 2:7 RESEARCH Open Access Police patrol districting method and simulation evaluation using agent-based model & GIS Yue Zhang * and Donald E Brown Abstract Police

More information

Automated Classification of Congressional Legislation

Automated Classification of Congressional Legislation Automated Classification of Congressional Legislation Stephen Purpura John F. Kennedy School of Government Harvard University +-67-34-2027 stephen_purpura@ksg07.harvard.edu Dustin Hillard Electrical Engineering

More information

Analysis of the Reputation System and User Contributions on a Question Answering Website: StackOverflow

Analysis of the Reputation System and User Contributions on a Question Answering Website: StackOverflow Analysis of the Reputation System and User Contributions on a Question Answering Website: StackOverflow Dana Movshovitz-Attias Yair Movshovitz-Attias Peter Steenkiste Christos Faloutsos August 27, 2013

More information

Classical papers: Osborbe and Slivinski (1996) and Besley and Coate (1997)

Classical papers: Osborbe and Slivinski (1996) and Besley and Coate (1997) The identity of politicians is endogenized Typical approach: any citizen may enter electoral competition at a cost. There is no pre-commitment on the platforms, and winner implements his or her ideal policy.

More information

Measuring Political Preferences of the U.S. Voting Population

Measuring Political Preferences of the U.S. Voting Population Measuring Political Preferences of the U.S. Voting Population The Harvard community has made this article openly available. Please share how this access benefits you. Your story matters. Citation Accessed

More information

Coalitional Game Theory for Communication Networks: A Tutorial

Coalitional Game Theory for Communication Networks: A Tutorial Coalitional Game Theory for Communication Networks: A Tutorial Walid Saad 1, Zhu Han 2, Mérouane Debbah 3, Are Hjørungnes 1 and Tamer Başar 4 1 UNIK - University Graduate Center, University of Oslo, Kjeller,

More information

Online Appendix: Trafficking Networks and the Mexican Drug War

Online Appendix: Trafficking Networks and the Mexican Drug War Online Appendix: Trafficking Networks and the Mexican Drug War Melissa Dell February 6, 2015 Contents A-1 Estimation appendix A 3 A-1.1 The shortest paths problem........................ A 3 A-1.2 Solving

More information

Game theoretical techniques have recently

Game theoretical techniques have recently [ Walid Saad, Zhu Han, Mérouane Debbah, Are Hjørungnes, and Tamer Başar ] Coalitional Game Theory for Communication Networks [A tutorial] Game theoretical techniques have recently become prevalent in many

More information

Transnational Dimensions of Civil War

Transnational Dimensions of Civil War Transnational Dimensions of Civil War Kristian Skrede Gleditsch University of California, San Diego & Centre for the Study of Civil War, International Peace Research Institute, Oslo See http://weber.ucsd.edu/

More information

Political Language in Economics

Political Language in Economics Political Language in Economics Zubin Jelveh, Bruce Kogut, and Suresh Naidu October 27, 2015 Abstract Does political ideology influence economic research? We rely upon purely inductive methods in natural

More information

Using a Fuzzy-Based Cluster Algorithm for Recommending Candidates in eelections

Using a Fuzzy-Based Cluster Algorithm for Recommending Candidates in eelections Using a Fuzzy-Based Cluster Algorithm for Recommending Candidates in eelections Luis Terán University of Fribourg, Switzerland Andreas Lander Institut de Hautes Études en Administration Publique (IDHEAP),

More information

Towards Tackling Hate Online Automatically

Towards Tackling Hate Online Automatically Towards Tackling Hate Online Automatically Nikola Ljubešić 1, Darja Fišer 2,1, Tomaž Erjavec 1 1 Department of Knowledge Technologies, Jožef Stefan Institute, Ljubljana 2 Department of Translation, University

More information

The HeLIx + inversion code Genetic algorithms. A. Lagg - Abisko Winter School 1

The HeLIx + inversion code Genetic algorithms. A. Lagg - Abisko Winter School 1 The HeLIx + inversion code Genetic algorithms A. Lagg - Abisko Winter School 1 Inversion of the RTE Once solution of RTE is known: Ø comparison between Stokes spectra of synthetic and observed spectrum

More information

arxiv: v4 [cs.cl] 7 Jul 2015

arxiv: v4 [cs.cl] 7 Jul 2015 Unveiling the Political Agenda of the European Parliament Plenary: A Topical Analysis Derek Greene School of Computer Science & Informatics University College Dublin, Ireland derek.greene@ucd.ie James

More information

What makes people feel free: Subjective freedom in comparative perspective Progress Report

What makes people feel free: Subjective freedom in comparative perspective Progress Report What makes people feel free: Subjective freedom in comparative perspective Progress Report Presented by Natalia Firsova, PhD Student in Sociology at HSE at the Summer School of the Laboratory for Comparative

More information

AMONG the vast and diverse collection of videos in

AMONG the vast and diverse collection of videos in 1 Broadcasting oneself: Visual Discovery of Vlogging Styles Oya Aran, Member, IEEE, Joan-Isaac Biel, and Daniel Gatica-Perez, Member, IEEE Abstract We present a data-driven approach to discover different

More information

Comparison of Multi-stage Tests with Computerized Adaptive and Paper and Pencil Tests. Ourania Rotou Liane Patsula Steffen Manfred Saba Rizavi

Comparison of Multi-stage Tests with Computerized Adaptive and Paper and Pencil Tests. Ourania Rotou Liane Patsula Steffen Manfred Saba Rizavi Comparison of Multi-stage Tests with Computerized Adaptive and Paper and Pencil Tests Ourania Rotou Liane Patsula Steffen Manfred Saba Rizavi Educational Testing Service Paper presented at the annual meeting

More information

Research and strategy for the land community.

Research and strategy for the land community. Research and strategy for the land community. To: Northeastern Minnesotans for Wilderness From: Sonia Wang, Spencer Phillips Date: 2/27/2018 Subject: Full results from the review of comments on the proposed

More information

An Unbiased Measure of Media Bias Using Latent Topic Models

An Unbiased Measure of Media Bias Using Latent Topic Models An Unbiased Measure of Media Bias Using Latent Topic Models Lefteris Anastasopoulos 1 Aaron Kaufmann 2 Luke Miratrix 3 1 Harvard Kennedy School 2 Harvard University, Department of Government 3 Harvard

More information

Introduction-cont Pattern classification

Introduction-cont Pattern classification How are people identified? Introduction-cont Pattern classification Biometrics CSE 190-a Lecture 2 People are identified by three basic means: Something they have (identity document or token) Something

More information

Word Embeddings for the Analysis of Ideological Placement in Parliamentary Corpora

Word Embeddings for the Analysis of Ideological Placement in Parliamentary Corpora Word Embeddings for the Analysis of Ideological Placement in Parliamentary Corpora Ludovic Rheault and Christopher Cochrane Abstract Word embeddings, the coefficients from neural network models predicting

More information

Social Computing in Blogosphere

Social Computing in Blogosphere Social Computing in Blogosphere Opportunities and Challenges Nitin Agarwal* Arizona State University (Joint work with Huan Liu, Sudheendra Murthy, Arunabha Sen, Lei Tang, Xufei Wang, and Philip S. Yu)

More information

Comparison of the Psychometric Properties of Several Computer-Based Test Designs for. Credentialing Exams

Comparison of the Psychometric Properties of Several Computer-Based Test Designs for. Credentialing Exams CBT DESIGNS FOR CREDENTIALING 1 Running head: CBT DESIGNS FOR CREDENTIALING Comparison of the Psychometric Properties of Several Computer-Based Test Designs for Credentialing Exams Michael Jodoin, April

More information

Data Assimilation in Geosciences

Data Assimilation in Geosciences Data Assimilation in Geosciences Alberto Carrassi The Nordic Centre of Excellence for ensemble-based data assimilation Laurent Bertino (Lead), Alberto Carrassi (Co-Lead), Colin Grudzien (PD), Patrick Raanes

More information

Using Text to Scale Legislatures with Uninformative Voting

Using Text to Scale Legislatures with Uninformative Voting Using Text to Scale Legislatures with Uninformative Voting Nick Beauchamp NYU Department of Politics August 8, 2012 Abstract This paper shows how legislators written and spoken text can be used to ideologically

More information

Coalitional Game Theory

Coalitional Game Theory Coalitional Game Theory Game Theory Algorithmic Game Theory 1 TOC Coalitional Games Fair Division and Shapley Value Stable Division and the Core Concept ε-core, Least core & Nucleolus Reading: Chapter

More information

SIERRA LEONE 2012 ELECTIONS PROJECT PRE-ANALYSIS PLAN: INDIVIDUAL LEVEL INTERVENTIONS

SIERRA LEONE 2012 ELECTIONS PROJECT PRE-ANALYSIS PLAN: INDIVIDUAL LEVEL INTERVENTIONS SIERRA LEONE 2012 ELECTIONS PROJECT PRE-ANALYSIS PLAN: INDIVIDUAL LEVEL INTERVENTIONS PIs: Kelly Bidwell (IPA), Katherine Casey (Stanford GSB) and Rachel Glennerster (JPAL MIT) THIS DRAFT: 15 August 2013

More information

Multistage Adaptive Testing for a Large-Scale Classification Test: Design, Heuristic Assembly, and Comparison with Other Testing Modes

Multistage Adaptive Testing for a Large-Scale Classification Test: Design, Heuristic Assembly, and Comparison with Other Testing Modes ACT Research Report Series 2012 (6) Multistage Adaptive Testing for a Large-Scale Classification Test: Design, Heuristic Assembly, and Comparison with Other Testing Modes Yi Zheng Yuki Nozawa Xiaohong

More information

Combining national and constituency polling for forecasting

Combining national and constituency polling for forecasting Combining national and constituency polling for forecasting Chris Hanretty, Ben Lauderdale, Nick Vivyan Abstract We describe a method for forecasting British general elections by combining national and

More information

arxiv: v2 [cs.si] 10 Apr 2017

arxiv: v2 [cs.si] 10 Apr 2017 Detection and Analysis of 2016 US Presidential Election Related Rumors on Twitter Zhiwei Jin 1,2, Juan Cao 1,2, Han Guo 1,2, Yongdong Zhang 1,2, Yu Wang 3 and Jiebo Luo 3 arxiv:1701.06250v2 [cs.si] 10

More information

CS269I: Incentives in Computer Science Lecture #4: Voting, Machine Learning, and Participatory Democracy

CS269I: Incentives in Computer Science Lecture #4: Voting, Machine Learning, and Participatory Democracy CS269I: Incentives in Computer Science Lecture #4: Voting, Machine Learning, and Participatory Democracy Tim Roughgarden October 5, 2016 1 Preamble Last lecture was all about strategyproof voting rules

More information

Commuting and Productivity: Quantifying Urban Economic Activity using Cellphone Data

Commuting and Productivity: Quantifying Urban Economic Activity using Cellphone Data Commuting and Productivity: Quantifying Urban Economic Activity using Cellphone Data Gabriel Kreindler Yuhei Miyauchi Economics Department, MIT Netmob, April 8 th 2015 This work was carried out with the

More information

MPEDS: Automating the Generation of Protest Event Data

MPEDS: Automating the Generation of Protest Event Data MPEDS: Automating the Generation of Protest Event Data Alex Hanna January 9, 2017 The social media age has drawn vast amounts of attention to modern social movements. Movements such as Black Lives Matter

More information

Experimental Computational Philosophy: shedding new lights on (old) philosophical debates

Experimental Computational Philosophy: shedding new lights on (old) philosophical debates Experimental Computational Philosophy: shedding new lights on (old) philosophical debates Vincent Wiegel and Jan van den Berg 1 Abstract. Philosophy can benefit from experiments performed in a laboratory

More information

PASW & Hand Calculations for ANOVA

PASW & Hand Calculations for ANOVA PASW & Hand Calculations for ANOVA Gravetter & Wallnau Chapter 13, Problem 6 One possible reason that some birds migrate and others don t is intelligence. Birds with small brains relative to their body

More information

Are policy makers out of step with their constituency when it comes to immigration?

Are policy makers out of step with their constituency when it comes to immigration? Are policy makers out of step with their constituency when it comes to immigration? Margaret E. Peters, Stanford University Alexander M. Tahk, University of Wisconsin-Madison November 13, 2010 Puzzle:

More information

Predicting Information Diffusion Initiated from Multiple Sources in Online Social Networks

Predicting Information Diffusion Initiated from Multiple Sources in Online Social Networks Predicting Information Diffusion Initiated from Multiple Sources in Online Social Networks Chuan Peng School of Computer science, Wuhan University Email: chuan.peng@asu.edu Kuai Xu, Feng Wang, Haiyan Wang

More information