Fun Neural Net Demo Site. CS 188: Artificial Intelligence. N-Layer Neural Network. Multi-class Softmax Σ >0? Deep Learning II

Size: px
Start display at page:

Download "Fun Neural Net Demo Site. CS 188: Artificial Intelligence. N-Layer Neural Network. Multi-class Softmax Σ >0? Deep Learning II"

Transcription

1 Fun Neural Net Demo Site CS 188: Artificial Intelligence Demo-site: Deep Learning II Instructors: Pieter Abbeel & Anca Dragan --- University of California, Berkeley [These slides were created by Dan Klein, Pieter Abbeel, Anca Dragan for CS188 Intro to AI at UC Berkeley. All CS188 materials are available at N-Layer Neural Network Multi-class Softmax Σ >0? Σ >0? Σ >0? 3-class softmax classes A, B, C 3 weight vectors: f 1 Probability of label A: (similar for B, C) f 2 Σ >0? Σ >0? Σ >0? Σ f 3 Objective: Σ >0? Σ >0? Σ >0? Log:

2 Multi-class Two-Layer Neural Network Remaining Pieces f 1 f 2 w 11 w 12 w 22 f 3 w 13 w 21 Σ >0? A w 31 Σ w 23 Σ w 32 >0? Σ w 33 >0? wa 1 w 2 A w 3 B w 1 B w 2 B w 3 C w 1 C w 2 C w 3 Σ Σ Score for A Score for B Score for C Optimizing machine learning objectives: Stochastic Descent Mini-batches Improving generalization Drop-out Activation functions Initialization and batch normalization Computing the gradient Backprop Gradient checking Mini-batches and Stochastic Gradient Descent Remaining Pieces Typical objective: = average log-likelihood of label given input = estimate based on mini-batch 1 k - Mini-batch gradient descent: compute gradient on mini-batch (+ cycle over mini-batches: 1..k, k+1 2k,... ; make sure to randomize permutation of data!) - Stochastic gradient descent: k = 1 Optimizing machine learning objectives: Stochastic Descent Mini-batches Improving generalization Drop-out Activation functions Initialization and batch normalization Computing the gradient Gradient checking Backprop

3 Regularization: Dropout randomly set some neurons to zero in the forward pass Waaaait a second How could this possibly be a good idea? [Srivastava et al., 2014] Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture Jan 2016 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture Jan 2016 Waaaait a second How could this possibly be a good idea? Waaaait a second How could this possibly be a good idea? Forces the network to have a redundant representation. has an ear has a tail is furry has claws mischievous look X X X cat score Another interpretation: Dropout is training a large ensemble of models (that share parameters). Each binary mask is one model, gets trained on only ~one datapoint. Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture Jan 2016 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture Jan 2016

4 At test time. Ideally: want to integrate out all the noise Sampling-based approximation: do many forward passes with different dropout masks, average all predictions At test time. Can in fact do this with a single forward pass! (approximately) Leave all input neurons turned on (no dropout). Q: Suppose that with all inputs present at test time the output of this neuron is x. What would its output be during training time, in expectation? (e.g. if p = 0.5) Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture Jan 2016 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture Jan 2016 At test time. Can in fact do this with a single forward pass! (approximately) Leave all input neurons turned on (no dropout). At test time. Can in fact do this with a single forward pass! (approximately) Leave all input neurons turned on (no dropout). x w0 a y w1 during test: a = w0*x + w1*y during train: E[a] = ¼ * (w0*0 + w1*0 w0*0 + w1*y w0*x + w1*0 w0*x + w1*y) = ¼ * (2 w0*x + 2 w1*y) = ½ * (w0*x + w1*y) x w0 a w1 y during test: a = w0*x + w1*y during train: E[a] = ¼ * (w0*0 + w1*0 w0*0 + w1*y w0*x + w1*0 w0*x + w1*y) = ¼ * (2 w0*x + 2 w1*y) = ½ * (w0*x + w1*y) With p=0.5, using all inputs in the forward pass would inflate the activations by 2x from what the network was used to during training! => Have to compensate by scaling the activations back down by ½ Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture Jan 2016 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture Jan 2016

5 Remaining Pieces Activation Functions Leaky ReLU max(0.1x, x) Optimizing machine learning objectives: Stochastic Descent Mini-batches Improving generalization Drop-out Initialization and batch normalization Computing the gradient Gradient checking Backprop Sigmoid tanh tanh(x) Maxout ELU Activation functions ReLU max(0,x) Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-18 Remaining Pieces - Q: what happens when W=0 init is used? Optimizing machine learning objectives: Stochastic Descent Mini-batches Improving generalization Drop-out Initialization and batch normalization Computing the gradient Gradient checking Backprop Activation functions Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-20

6 - First idea: Small random numbers (gaussian with zero mean and 1e-2 standard deviation) - First idea: Small random numbers (gaussian with zero mean and 1e-2 standard deviation) Works ~okay for small networks, but can lead to non-homogeneous distributions of activations across the layers of a network. Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-21 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-22 Lets look at some activation statistics E.g. 10-layer net with 500 neurons on each layer, using tanh non-linearities, and initializing as described in last slide. Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-23 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-24

7 All activations become zero! Q: What do the gradients look like? *1.0 instead of *0.01 Almost all neurons completely saturated, either -1 and 1. Gradients will be all zero. Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-25 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-26 Xavier initialization [Glorot et al., 2010] but when using the ReLU nonlinearity it breaks. Reasonable initialization. (Mathematical derivation assumes linear activations) Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-27 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-28

8 He et al., 2015 (note additional /2) He et al., 2015 (note additional /2) Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-29 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-30 Proper initialization is an active area of research Understanding the difficulty of training deep feedforward neural networks by Glorot and Bengio, 2010 Exact solutions to the nonlinear dynamics of learning in deep linear neural networks by Saxe et al, 2013 Random walk initialization for training very deep feedforward networks by Sussillo and Abbott, 2014 Batch Normalization you want unit gaussian activations? just make them so. consider a batch of activations at some layer. To make each dimension unit gaussian, apply: [Ioffe and Szegedy, 2015] Delving deep into rectifiers: Surpassing human-level performance on ImageNet classification by He et al., 2015 Data-dependent Initializations of Convolutional Neural Networks by Krähenbühl et al., 2015 All you need is a good init, Mishkin and Matas, 2015 this is a vanilla differentiable function... Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-31 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-32

9 Batch Normalization [Ioffe and Szegedy, 2015] Batch Normalization [Ioffe and Szegedy, 2015] N you want unit gaussian activations? just make them so. X D 1. compute the empirical mean and variance independently for each dimension. 2. Normalize Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-33 FC BN tanh FC BN tanh... Usually inserted after Fully Connected / (or Convolutional, as we ll see soon) layers, and before nonlinearity. Problem: do we necessarily want a unit gaussian input to a tanh layer? Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-34 Batch Normalization [Ioffe and Szegedy, 2015] Batch Normalization [Ioffe and Szegedy, 2015] Normalize: Note, the network can learn: - Improves gradient flow through the network - Allows higher learning rates - Reduces the strong dependence on initialization - Acts as a form of regularization in a funny way, and slightly reduces the need for dropout, maybe And then allow the network to squash the range if it wants to: to recover the identity mapping. Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-35 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-36

10 Batch Normalization [Ioffe and Szegedy, 2015] Note: at test time BatchNorm layer functions differently: The mean/std are not computed based on the batch. Instead, a single fixed empirical mean of activations during training is used. (e.g. can be estimated during training with running averages) Optimizing machine learning objectives: Stochastic Descent Mini-batches Improving generalization Drop-out Activation functions Remaining Pieces Initialization and batch normalization Computing the gradient Gradient checking Backprop Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 5-37 Gradient Descent Computational Graph Numerical gradient: slow :(, approximate :(, easy to write :) Analytic gradient: fast :), exact :), error-prone :( W x * s (scores) hinge loss R + L In practice: Derive analytic gradient, check your implementation with numerical gradient Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-39 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-40

11 Convolutional Network (AlexNet) Neural Turing Machine input image weights loss input tape loss Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-41 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-42 Neural Turing Machine e.g. x = -2, y = 5, z = -4 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-43 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-44

12 e.g. x = -2, y = 5, z = -4 e.g. x = -2, y = 5, z = -4 Want: Want: Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-45 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-46 e.g. x = -2, y = 5, z = -4 e.g. x = -2, y = 5, z = -4 Want: Want: Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-47 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-48

13 e.g. x = -2, y = 5, z = -4 e.g. x = -2, y = 5, z = -4 Want: Want: Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-49 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-50 e.g. x = -2, y = 5, z = -4 e.g. x = -2, y = 5, z = -4 Want: Want: Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-51 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-52

14 e.g. x = -2, y = 5, z = -4 e.g. x = -2, y = 5, z = -4 Chain rule: Want: Want: Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-53 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-54 activations e.g. x = -2, y = 5, z = -4 Chain rule: f Want: Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-55 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-56

15 activations activations local gradient local gradient f f gradients Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-57 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-58 activations activations local gradient local gradient f f gradients gradients Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-59 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-60

16 activations Another example: local gradient f gradients Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-61 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-62 Another example: Another example: Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-63 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-64

17 Another example: Another example: Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-65 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-66 Another example: Another example: Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-67 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-68

18 Another example: Another example: Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-69 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-70 Another example: Another example: (-1) * (-0.20) = 0.20 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-71 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-72

19 Another example: Another example: [local gradient] x [its gradient] [1] x [0.2] = 0.2 [1] x [0.2] = 0.2 (both inputs!) Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-73 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-74 Another example: sigmoid function [local gradient] x [its gradient] x0: [2] x [0.2] = 0.4 w0: [-1] x [0.2] = -0.2 sigmoid gate Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-75 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-76

20 sigmoid function Patterns in backward flow add gate: gradient distributor max gate: gradient router mul gate: gradient? sigmoid gate (0.73) * (1-0.73) = 0.2 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-77 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-78 Gradients add at branches Implementation: forward/backward API Graph (or Net) object. (Rough psuedo code) + Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-79 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-80

21 Implementation: forward/backward API Implementation: forward/backward API x * z x * z y y (x,y,z are scalars) (x,y,z are scalars) Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-81 Fei-Fei Li & Andrej Karpathy & Justin Johnson Lecture 4-82 ConvNets are everywhere ConvNets are everywhere Classification Retrieval Detection Segmentation [Krizhevsky 2012] [Faster R-CNN: Ren, He, Girshick, Sun 2015] [Farabet et al., 2012]

22 ConvNets are everywhere ConvNets are everywhere [Taigman et al. 2014] NVIDIA Tegra X1 self-driving cars [Simonyan et al. 2014] [Goodfellow 2014] ConvNets are everywhere ConvNets are everywhere [Toshev, Szegedy 2014] [Mnih 2013] [Ciresan et al. 2013] [Sermanet et al. 2011] [Ciresan et al.]

23 ConvNets are everywhere ConvNets are everywhere [Denil et al. 2014] [Turaga et al., 2010] Whale recognition, Kaggle Challenge Mnih and Hinton, 2010 Image Captioning [Vinyals et al., 2015] reddit.com/r/deepdream

Lecture 39: Training Neural Networks (Cont d)

Lecture 39: Training Neural Networks (Cont d) Lecture 39: Training Neural Networks (Cont d) CS 4670/5670 Sean Bell Strawberry Goblet Throne (Side Note for PA5) AlexNet: 1 vs 2 parts Caffe represents caffe like the above image, but computes as if it

More information

CS 1675: Intro to Machine Learning. Neural Networks. Prof. Adriana Kovashka University of Pittsburgh November 1, 2018

CS 1675: Intro to Machine Learning. Neural Networks. Prof. Adriana Kovashka University of Pittsburgh November 1, 2018 CS 1675: Intro to Machine Learning Neural Networks Prof. Adriana Kovashka University of Pittsburgh November 1, 2018 Plan for this lecture Neural network basics Definition and architecture Biological inspiration

More information

Convolutional Neural Networks

Convolutional Neural Networks CS 1674: Intro to Computer Vision Convolutional Neural Networks Prof. Adriana Kovashka University of Pittsburgh March 13, 15, 20, 2018 Plan for the next few lectures Why (convolutional) neural networks?

More information

Neural Networks II. Chen Gao. Virginia Tech Spring 2019 ECE-5424G / CS-5824

Neural Networks II. Chen Gao. Virginia Tech Spring 2019 ECE-5424G / CS-5824 Neural Networks II Chen Gao ECE-5424G / CS-5824 Virginia Tech Spring 2019 Neural Networks Origins: Algorithms that try to mimic the brain. What is this? A single neuron in the brain Input Output Slide

More information

Introduction to Machine Learning NPFL 054

Introduction to Machine Learning NPFL 054 Introduction to Machine Learning NPFL 054 http://ufal.mff.cuni.cz/course/npfl054 Barbora Hladká hladka@ufal.mff.cuni.cz Martin Holub holub@ufal.mff.cuni.cz Charles University, Faculty of Mathematics and

More information

Visualizing and Understanding Stochastic Depth Networks

Visualizing and Understanding Stochastic Depth Networks Visualizing and Understanding Stochastic Depth Networks Russell Kaplan, Raphael Palefsky-Smith, Liu Jiang Stanford University 450 Serra Mall, Stanford, CA 94305 {rjkaplan, rpalefsk, liujiang}@stanford.edu

More information

Predicting Horse Racing Results with Machine Learning

Predicting Horse Racing Results with Machine Learning Predicting Horse Racing Results with Machine Learning LYU 1703 LIU YIDE 1155062194 Supervisor: Professor Michael R. Lyu Outline Recap of last semester Object of this semester Data Preparation Set to sequence

More information

Universal Style Transfer via Feature Transforms

Universal Style Transfer via Feature Transforms Universal Style Transfer via Feature Transforms Yijun Li, Chen Fang, Jimei Yang, Zhaowen Wang, Xin Lu, Ming-Hsuan Yang UC Merced, Adobe Research, NVIDIA Research Presented: Dong Wang (Refer to slides by

More information

Neural Nets Using Backpropagation. Chris Marriott Ryan Shirley CJ Baker Thomas Tannahill

Neural Nets Using Backpropagation. Chris Marriott Ryan Shirley CJ Baker Thomas Tannahill Neural Nets Using Backpropagation Chris Marriott Ryan Shirley CJ Baker Thomas Tannahill Agenda Review of Neural Nets and Backpropagation Backpropagation: The Math Advantages and Disadvantages of Gradient

More information

Machine Learning Methods for Climbing Route Classification

Machine Learning Methods for Climbing Route Classification Machine Learning Methods for Climbing Route Classification Alejandro Dobles Mathematics adobles@stanford.edu Juan Carlos Sarmiento Management Science & Engineering jcs10@stanford.edu Abstract Peter Satterthwaite

More information

Performance of Fully Automated 3D Cracking Survey with Pixel Accuracy based on Deep Learning

Performance of Fully Automated 3D Cracking Survey with Pixel Accuracy based on Deep Learning Performance of Fully Automated 3D Cracking Survey with Pixel Accuracy based on Deep Learning Kelvin C.P. Wang Oklahoma State University and WayLink Systems Corp. 2017-10-19, Copenhagen, Denmark European

More information

Deformable Convolutional Networks

Deformable Convolutional Networks Deformable Convolutional Networks -- MSRA COCO Detection & Segmentation Challenge 2017 Entry Jifeng Dai With Haozhi Qi*, Zheng Zhang, Bin Xiao, Han Hu, Bowen Cheng*, Yichen Wei Visual Computing Group Microsoft

More information

Attacking and defending neural networks. HU Xiaolin ( 胡晓林 ) Department of Computer Science and Technology Tsinghua University, Beijing, China

Attacking and defending neural networks. HU Xiaolin ( 胡晓林 ) Department of Computer Science and Technology Tsinghua University, Beijing, China Attacking and defending neural networks HU Xiaolin ( 胡晓林 ) Department of Computer Science and Technology Tsinghua University, Beijing, China Outline Background Attacking methods Defending methods 2 AI

More information

Predicting Shot Making in Basketball Learnt from Adversarial Multiagent Trajectories

Predicting Shot Making in Basketball Learnt from Adversarial Multiagent Trajectories arxiv:1609.04849v4 [stat.ml] 28 Dec 2017 Predicting Shot Making in Basketball Learnt from Adversarial Multiagent Trajectories Mark Harmon, 1 Patrick Lucey, 2 Diego Klabjan 1 1 Northwestern University 2

More information

BASKETBALL PREDICTION ANALYSIS OF MARCH MADNESS GAMES CHRIS TSENG YIBO WANG

BASKETBALL PREDICTION ANALYSIS OF MARCH MADNESS GAMES CHRIS TSENG YIBO WANG BASKETBALL PREDICTION ANALYSIS OF MARCH MADNESS GAMES CHRIS TSENG YIBO WANG GOAL OF PROJECT The goal is to predict the winners between college men s basketball teams competing in the 2018 (NCAA) s March

More information

Predicting NBA Shots

Predicting NBA Shots Predicting NBA Shots Brett Meehan Stanford University https://github.com/brettmeehan/cs229 Final Project bmeehan2@stanford.edu Abstract This paper examines the application of various machine learning algorithms

More information

Deconstructing Data Science

Deconstructing Data Science Deconstructing Data Science David Bamman, UC Berkele Info 29 Lecture 4: Regression overview Feb 1, 216 Regression A mapping from input data (drawn from instance space ) to a point in R (R = the set of

More information

intended velocity ( u k arm movements

intended velocity ( u k arm movements Fig. A Complete Brain-Machine Interface B Human Subjects Closed-Loop Simulator ensemble action potentials (n k ) ensemble action potentials (n k ) primary motor cortex simulated primary motor cortex neuroprosthetic

More information

Phrase-based Image Captioning

Phrase-based Image Captioning Phrase-based Image Captioning Rémi Lebret, Pedro O. Pinheiro, Ronan Collobert Idiap Research Institute / EPFL ICML, 9 July 2015 Image Captioning Objective: Generate descriptive sentences given a sample

More information

Logistic Regression. Hongning Wang

Logistic Regression. Hongning Wang Logistic Regression Hongning Wang CS@UVa Today s lecture Logistic regression model A discriminative classification model Two different perspectives to derive the model Parameter estimation CS@UVa CS 6501:

More information

A Brief History of the Development of Artificial Neural Networks

A Brief History of the Development of Artificial Neural Networks A Brief History of the Development of Artificial Neural Networks Prof. Bernard Widrow Department of Electrical Engineering Stanford University Baidu July 18, 2018 Prof. Widrow @ Berkeley A Brief History

More information

Evaluating and Classifying NBA Free Agents

Evaluating and Classifying NBA Free Agents Evaluating and Classifying NBA Free Agents Shanwei Yan In this project, I applied machine learning techniques to perform multiclass classification on free agents by using game statistics, which is useful

More information

Syntax and Parsing II

Syntax and Parsing II Syntax and Parsing II Dependency Parsing Slav Petrov Google Thanks to: Dan Klein, Ryan McDonald, Alexander Rush, Joakim Nivre, Greg Durrett, David Weiss Lisbon Machine Learning School 2015 Notes for 2016

More information

Basketball field goal percentage prediction model research and application based on BP neural network

Basketball field goal percentage prediction model research and application based on BP neural network ISSN : 0974-7435 Volume 10 Issue 4 BTAIJ, 10(4), 2014 [819-823] Basketball field goal percentage prediction model research and application based on BP neural network Jijun Guo Department of Physical Education,

More information

Deconstructing Data Science

Deconstructing Data Science Deconstructing Data Science David Bamman, UC Berkele Info 29 Lecture 4: Regression overview Jan 26, 217 Regression A mapping from input data (drawn from instance space ) to a point in R (R = the set of

More information

CS249: ADVANCED DATA MINING

CS249: ADVANCED DATA MINING CS249: ADVANCED DATA MINING Linear Regression, Logistic Regression, and GLMs Instructor: Yizhou Sun yzsun@cs.ucla.edu April 24, 2017 About WWW2017 Conference 2 Turing Award Winner Sir Tim Berners-Lee 3

More information

B. AA228/CS238 Component

B. AA228/CS238 Component Abstract Two supervised learning methods, one employing logistic classification and another employing an artificial neural network, are used to predict the outcome of baseball postseason series, given

More information

ARTIFICIAL NEURAL NETWORK BASED DESIGN FOR DUAL LATERAL WELL APPLICATIONS

ARTIFICIAL NEURAL NETWORK BASED DESIGN FOR DUAL LATERAL WELL APPLICATIONS The Pennsylvania State University the Graduate School Department of Energy and Mineral Engineering ARTIFICIAL NEURAL NETWORK BASED DESIGN FOR DUAL LATERAL WELL APPLICATIONS Thesis in Energy and Mineral

More information

A Minimal Span-Based Neural Constituency Parser. Mitchell Stern, Jacob Andreas, Dan Klein UC Berkeley

A Minimal Span-Based Neural Constituency Parser. Mitchell Stern, Jacob Andreas, Dan Klein UC Berkeley A Minimal pan-based Neural Constituency Parser Mitchell tern, Jacob Andreas, Dan Klein UC Berkeley Parsing as pan Classification. he enjoys playing tennis Parsing as pan Classification. he enjoys playing

More information

Introduction to Pattern Recognition

Introduction to Pattern Recognition Introduction to Pattern Recognition Jason Corso SUNY at Buffalo 12 January 2009 J. Corso (SUNY at Buffalo) Introduction to Pattern Recognition 12 January 2009 1 / 28 Pattern Recognition By Example Example:

More information

Using Spatio-Temporal Data To Create A Shot Probability Model

Using Spatio-Temporal Data To Create A Shot Probability Model Using Spatio-Temporal Data To Create A Shot Probability Model Eli Shayer, Ankit Goyal, Younes Bensouda Mourri June 2, 2016 1 Introduction Basketball is an invasion sport, which means that players move

More information

Predicting the Total Number of Points Scored in NFL Games

Predicting the Total Number of Points Scored in NFL Games Predicting the Total Number of Points Scored in NFL Games Max Flores (mflores7@stanford.edu), Ajay Sohmshetty (ajay14@stanford.edu) CS 229 Fall 2014 1 Introduction Predicting the outcome of National Football

More information

Special Topics: Data Science

Special Topics: Data Science Special Topics: Data Science L Linear Methods for Prediction Dr. Vidhyasaharan Sethu School of Electrical Engineering & Telecommunications University of New South Wales Sydney, Australia V. Sethu 1 Topics

More information

Open Research Online The Open University s repository of research publications and other research outputs

Open Research Online The Open University s repository of research publications and other research outputs Open Research Online The Open University s repository of research publications and other research outputs Developing an intelligent table tennis umpiring system Conference or Workshop Item How to cite:

More information

2 When Some or All Labels are Missing: The EM Algorithm

2 When Some or All Labels are Missing: The EM Algorithm CS769 Spring Advanced Natural Language Processing The EM Algorithm Lecturer: Xiaojin Zhu jerryzhu@cs.wisc.edu Given labeled examples (x, y ),..., (x l, y l ), one can build a classifier. If in addition

More information

Building an NFL performance metric

Building an NFL performance metric Building an NFL performance metric Seonghyun Paik (spaik1@stanford.edu) December 16, 2016 I. Introduction In current pro sports, many statistical methods are applied to evaluate player s performance and

More information

Modeling Diffusion Rates of a Gas in an Enclosed Space

Modeling Diffusion Rates of a Gas in an Enclosed Space Modeling Diffusion Rates of a Gas in an Enclosed Space By: Chirag Kulkarni, Haoran Fei, Henry Friedlander Abstract: This research attempts to identify the relationship between pressure of a certain gas

More information

Practical Approach to Evacuation Planning Via Network Flow and Deep Learning

Practical Approach to Evacuation Planning Via Network Flow and Deep Learning Practical Approach to Evacuation Planning Via Network Flow and Deep Learning Akira Tanaka Nozomi Hata Nariaki Tateiwa Katsuki Fujisawa Graduate School of Mathematics, Kyushu University Institute of Mathematics

More information

Lecture 5. Optimisation. Regularisation

Lecture 5. Optimisation. Regularisation Lecture 5. Optimisation. Regularisation COMP90051 Statistical Machine Learning Semester 2, 2017 Lecturer: Andrey Kan Copyright: University of Melbourne Iterative optimisation Loss functions Coordinate

More information

PREDICTING THE NCAA BASKETBALL TOURNAMENT WITH MACHINE LEARNING. The Ringer/Getty Images

PREDICTING THE NCAA BASKETBALL TOURNAMENT WITH MACHINE LEARNING. The Ringer/Getty Images PREDICTING THE NCAA BASKETBALL TOURNAMENT WITH MACHINE LEARNING A N D R E W L E V A N D O S K I A N D J O N A T H A N L O B O The Ringer/Getty Images THE TOURNAMENT MARCH MADNESS 68 teams (4 play-in games)

More information

Smart-Walk: An Intelligent Physiological Monitoring System for Smart Families

Smart-Walk: An Intelligent Physiological Monitoring System for Smart Families Smart-Walk: An Intelligent Physiological Monitoring System for Smart Families P. Sundaravadivel 1, S. P. Mohanty 2, E. Kougianos 3, V. P. Yanambaka 4, and M. K. Ganapathiraju 5 University of North Texas,

More information

Predicting Horse Racing Results with TensorFlow

Predicting Horse Racing Results with TensorFlow Predicting Horse Racing Results with TensorFlow LYU 1703 LIU YIDE WANG ZUOYANG News CUHK Professor, Gu Mingao, wins 50 MILLIONS dividend using his sure-win statistical strategy. News AlphaGO defeats human

More information

knn & Naïve Bayes Hongning Wang

knn & Naïve Bayes Hongning Wang knn & Naïve Bayes Hongning Wang CS@UVa Today s lecture Instance-based classifiers k nearest neighbors Non-parametric learning algorithm Model-based classifiers Naïve Bayes classifier A generative model

More information

Predicting Human Behavior from Public Cameras with Convolutional Neural Networks

Predicting Human Behavior from Public Cameras with Convolutional Neural Networks Comenius University in Bratislava Faculty of Mathematics, Physics and Informatics Predicting Human Behavior from Public Cameras with Convolutional Neural Networks Master thesis 2016 Ondrej Jariabka Comenius

More information

PREDICTING the outcomes of sporting events

PREDICTING the outcomes of sporting events CS 229 FINAL PROJECT, AUTUMN 2014 1 Predicting National Basketball Association Winners Jasper Lin, Logan Short, and Vishnu Sundaresan Abstract We used National Basketball Associations box scores from 1991-1998

More information

CS 4649/7649 Robot Intelligence: Planning

CS 4649/7649 Robot Intelligence: Planning CS 4649/7649 Robot Intelligence: Planning Differential Kinematics, Probabilistic Roadmaps Sungmoon Joo School of Interactive Computing College of Computing Georgia Institute of Technology S. Joo (sungmoon.joo@cc.gatech.edu)

More information

FEATURES. Features. UCI Machine Learning Repository. Admin 9/23/13

FEATURES. Features. UCI Machine Learning Repository. Admin 9/23/13 Admin Assignment 2 This class will make you a better programmer! How did it go? How much time did you spend? FEATURES David Kauchak CS 451 Fall 2013 Assignment 3 out Implement perceptron variants See how

More information

THe rip currents are very fast moving narrow channels,

THe rip currents are very fast moving narrow channels, 1 Rip Current Detection using Optical Flow Shweta Philip sphilip@ucsc.edu Abstract Rip currents are narrow currents of fast moving water that are strongest near the beach. These type of currents are dangerous

More information

Process Control Loops

Process Control Loops In this section, you will learn about how control components and control algorithms are integrated to create a process control system. Because in some processes many variables must be controlled, and each

More information

Introduction to Pattern Recognition

Introduction to Pattern Recognition Introduction to Pattern Recognition Jason Corso SUNY at Buffalo 19 January 2011 J. Corso (SUNY at Buffalo) Introduction to Pattern Recognition 19 January 2011 1 / 32 Examples of Pattern Recognition in

More information

The Intrinsic Value of a Batted Ball Technical Details

The Intrinsic Value of a Batted Ball Technical Details The Intrinsic Value of a Batted Ball Technical Details Glenn Healey, EECS Department University of California, Irvine, CA 9617 Given a set of observed batted balls and their outcomes, we develop a method

More information

1.1 The size of the search space Modeling the problem Change over time Constraints... 21

1.1 The size of the search space Modeling the problem Change over time Constraints... 21 Introduction : : : : : : : : : : : : : : : : : : : : : : : : : : : : : : : : : 1 I What Are the Ages of My Three Sons? : : : : : : : : : : : : : : : : : 9 1 Why Are Some Problems Dicult to Solve? : : :

More information

Minimum Mean-Square Error (MMSE) and Linear MMSE (LMMSE) Estimation

Minimum Mean-Square Error (MMSE) and Linear MMSE (LMMSE) Estimation Minimum Mean-Square Error (MMSE) and Linear MMSE (LMMSE) Estimation Outline: MMSE estimation, Linear MMSE (LMMSE) estimation, Geometric formulation of LMMSE estimation and orthogonality principle. Reading:

More information

In memory of Dr. Kevin P. Granata, my graduate advisor, who was killed protecting others on the morning of April 16, 2007.

In memory of Dr. Kevin P. Granata, my graduate advisor, who was killed protecting others on the morning of April 16, 2007. Acknowledgement In memory of Dr. Kevin P. Granata, my graduate advisor, who was killed protecting others on the morning of April 16, 2007. There are many others without whom I could not have completed

More information

The Incremental Evolution of Gaits for Hexapod Robots

The Incremental Evolution of Gaits for Hexapod Robots The Incremental Evolution of Gaits for Hexapod Robots Abstract Gait control programs for hexapod robots are learned by incremental evolution. The first increment is used to learn the activations required

More information

Bayesian Methods: Naïve Bayes

Bayesian Methods: Naïve Bayes Bayesian Methods: Naïve Bayes Nicholas Ruozzi University of Texas at Dallas based on the slides of Vibhav Gogate Last Time Parameter learning Learning the parameter of a simple coin flipping model Prior

More information

CS 4649/7649 Robot Intelligence: Planning

CS 4649/7649 Robot Intelligence: Planning CS 4649/7649 Robot Intelligence: Planning Roadmap Approaches Sungmoon Joo School of Interactive Computing College of Computing Georgia Institute of Technology S. Joo (sungmoon.joo@cc.gatech.edu) 1 *Slides

More information

LQG Based Robust Tracking Control of Blood Gases during Extracorporeal Membrane Oxygenation

LQG Based Robust Tracking Control of Blood Gases during Extracorporeal Membrane Oxygenation 2011 American Control Conference on O'Farrell Street, San Francisco, CA, USA June 29 - July 01, 2011 LQG Based Robust Tracking Control of Blood Gases during Extracorporeal Membrane Oxygenation David J.

More information

Course 495: Advanced Statistical Machine Learning/Pattern Recognition

Course 495: Advanced Statistical Machine Learning/Pattern Recognition Course 495: Advanced Statistical Machine Learning/Pattern Recognition Lectures: Stefanos Zafeiriou Goal (Lectures): To present modern statistical machine learning/pattern recognition algorithms. The course

More information

Gerald D. Anderson. Education Technical Specialist

Gerald D. Anderson. Education Technical Specialist Gerald D. Anderson Education Technical Specialist The factors which influence selection of equipment for a liquid level control loop interact significantly. Analyses of these factors and their interactions

More information

Chapter 12 Practice Test

Chapter 12 Practice Test Chapter 12 Practice Test 1. Which of the following is not one of the conditions that must be satisfied in order to perform inference about the slope of a least-squares regression line? (a) For each value

More information

Mixture Models & EM. Nicholas Ruozzi University of Texas at Dallas. based on the slides of Vibhav Gogate

Mixture Models & EM. Nicholas Ruozzi University of Texas at Dallas. based on the slides of Vibhav Gogate Mixture Models & EM Nicholas Ruozzi University of Texas at Dallas based on the slides of Vibhav Gogate Previously We looked at -means and hierarchical clustering as mechanisms for unsupervised learning

More information

Environmental Science: An Indian Journal

Environmental Science: An Indian Journal Environmental Science: An Indian Journal Research Vol 14 Iss 1 Flow Pattern and Liquid Holdup Prediction in Multiphase Flow by Machine Learning Approach Chandrasekaran S *, Kumar S Petroleum Engineering

More information

CS 351 Design of Large Programs Zombie House

CS 351 Design of Large Programs Zombie House CS 351 Design of Large Programs Zombie House Instructor: Joel Castellanos e-mail: joel@unm.edu Web: http://cs.unm.edu/~joel/ Office: Electrical and Computer Engineering building (ECE). Room 233 2/23/2017

More information

A N E X P L O R AT I O N W I T H N E W Y O R K C I T Y TA X I D ATA S E T

A N E X P L O R AT I O N W I T H N E W Y O R K C I T Y TA X I D ATA S E T A N E X P L O R AT I O N W I T H N E W Y O R K C I T Y TA X I D ATA S E T GAO, Zheng 26 May 2016 Abstract The data analysis is two-part: an exploratory data analysis, and an attempt to answer an inferential

More information

CS472 Foundations of Artificial Intelligence. Final Exam December 19, :30pm

CS472 Foundations of Artificial Intelligence. Final Exam December 19, :30pm CS472 Foundations of Artificial Intelligence Final Exam December 19, 2003 12-2:30pm Name: (Q exam takers should write their Number instead!!!) Instructions: You have 2.5 hours to complete this exam. The

More information

Adaptability and Fault Tolerance

Adaptability and Fault Tolerance Adaptability and Fault Tolerance Rogério de Lemos University of Kent, UK Context: self-* and dependability; Focus: adaptability and fault tolerance; State of the art; Conclusions; Rogério de Lemos ICSE

More information

Name: Class: Date: (First Page) Name: Class: Date: (Subsequent Pages) 1. {Exercise 5.07}

Name: Class: Date: (First Page) Name: Class: Date: (Subsequent Pages) 1. {Exercise 5.07} Name: Class: Date: _ (First Page) Name: Class: Date: _ (Subsequent Pages) 1. {Exercise 5.07} The probability distribution for the random variable x follows. Excel File: data05 07.xls a. f(x) is greater

More information

STANDARD SCORES AND THE NORMAL DISTRIBUTION

STANDARD SCORES AND THE NORMAL DISTRIBUTION STANDARD SCORES AND THE NORMAL DISTRIBUTION REVIEW 1.MEASURES OF CENTRAL TENDENCY A.MEAN B.MEDIAN C.MODE 2.MEASURES OF DISPERSIONS OR VARIABILITY A.RANGE B.DEVIATION FROM THE MEAN C.VARIANCE D.STANDARD

More information

CAAD CTF 2018 Rules June 21, 2018 Version 1.1

CAAD CTF 2018 Rules June 21, 2018 Version 1.1 CAAD CTF 2018 Rules June 21, 2018 Version 1.1 The organizer will invite 5 teams to participate CAAD CTF 2018. We will have it in Las Vegas on Aug. 10 th, 2018. The rules details are below: 1. Each team

More information

Parsimonious Linear Fingerprinting for Time Series

Parsimonious Linear Fingerprinting for Time Series Parsimonious Linear Fingerprinting for Time Series Lei Li, B. Aditya Prakash, Christos Faloutsos School of Computer Science Carnegie Mellon University VLDB 2010 1 L. Li, 2010 VLDB2010, 36 th International

More information

Failure Detection in an Autonomous Underwater Vehicle

Failure Detection in an Autonomous Underwater Vehicle Failure Detection in an Autonomous Underwater Vehicle Alec Orrick, Make McDermott, Department of Mechanical Engineering David M. Barnett, Eric L. Nelson, Glen N. Williams, Department of Computer Science

More information

Modelling and Simulation of Environmental Disturbances

Modelling and Simulation of Environmental Disturbances Modelling and Simulation of Environmental Disturbances (Module 5) Dr Tristan Perez Centre for Complex Dynamic Systems and Control (CDSC) Prof. Thor I Fossen Department of Engineering Cybernetics 18/09/2007

More information

EXPERIMENTÁLNÍ ANALÝZA MLP SÍTÍ PRO PREDIKCI POHYBU PLIC PŘI DÝCHÁNÍ Experimental Analysis of MLP for Lung Respiration Prediction

EXPERIMENTÁLNÍ ANALÝZA MLP SÍTÍ PRO PREDIKCI POHYBU PLIC PŘI DÝCHÁNÍ Experimental Analysis of MLP for Lung Respiration Prediction 21 Technická 4, 166 7 Praha 6 EXPERIMENTÁLNÍ ANALÝZA MLP SÍTÍ PRO PREDIKCI POHYBU PLIC PŘI DÝCHÁNÍ Experimental Analysis of MLP for Lung Respiration Prediction Ricardo Rodriguez 1,2 1 Czech Technical University

More information

Mitos Fluika Pressure and Vacuum Pumps Datasheet

Mitos Fluika Pressure and Vacuum Pumps Datasheet Unit 1, Anglian Business Park, Orchard Road, Royston, Hertfordshire, SG8 5TW, UK T: +44 (0)1763 242491 F: +44 (0)1763 246125 E: sales@dolomite-microfluidics.com W: www.dolomite-microfluidics.com Dolomite

More information

CS145: INTRODUCTION TO DATA MINING

CS145: INTRODUCTION TO DATA MINING CS145: INTRODUCTION TO DATA MINING 3: Vector Data: Logistic Regression Instructor: Yizhou Sun yzsun@cs.ucla.edu October 9, 2017 Methods to Learn Vector Data Set Data Sequence Data Text Data Classification

More information

Soccereus 2D Simulation Team Description Paper

Soccereus 2D Simulation Team Description Paper Soccereus 2D Simulation Team Description Paper Shayan Salehian 1, Ehsan Imani 2 Anahita Hosseini 3, Sahand Mozaffari 4, and Mohammad Ali Baghershemirani 5 1 salehian@ce.sharif.edu, Sharif University of

More information

Available online at ScienceDirect. Procedia Manufacturing 3 (2015 )

Available online at   ScienceDirect. Procedia Manufacturing 3 (2015 ) Available online at www.sciencedirect.com ScienceDirect Procedia Manufacturing 3 (2015 ) 858 865 6th International Conference on Applied Human Factors and Ergonomics (AHFE 2015) and the Affiliated Conferences,

More information

Section I: Multiple Choice Select the best answer for each problem.

Section I: Multiple Choice Select the best answer for each problem. Inference for Linear Regression Review Section I: Multiple Choice Select the best answer for each problem. 1. Which of the following is NOT one of the conditions that must be satisfied in order to perform

More information

What is Unique in Individual Gait Patterns? Understanding and Interpreting Deep Learning in Gait Analysis

What is Unique in Individual Gait Patterns? Understanding and Interpreting Deep Learning in Gait Analysis What is Unique in Individual Gait Patterns? Understanding and Interpreting Deep Learning in Gait Analysis Fabian Horst 1,+, Sebastian Lapuschkin 2,+, Wojciech Samek 2,*, Klaus-Robert Müller 3,4,5,*, and

More information

Calculation of Trail Usage from Counter Data

Calculation of Trail Usage from Counter Data 1. Introduction 1 Calculation of Trail Usage from Counter Data 1/17/17 Stephen Martin, Ph.D. Automatic counters are used on trails to measure how many people are using the trail. A fundamental question

More information

Analyzer Specifications Technical Bulletin

Analyzer Specifications Technical Bulletin 1. Introduction At Tiger Optics, we provide comprehensive specifications to give a detailed understanding of our instruments performance. Each analyzer goes through a rigorous qualification procedure to

More information

Decision Trees. Nicholas Ruozzi University of Texas at Dallas. Based on the slides of Vibhav Gogate and David Sontag

Decision Trees. Nicholas Ruozzi University of Texas at Dallas. Based on the slides of Vibhav Gogate and David Sontag Decision Trees Nicholas Ruozzi University of Texas at Dallas Based on the slides of Vibhav Gogate and David Sontag Announcements Course TA: Hao Xiong Office hours: Friday 2pm-4pm in ECSS2.104A1 First homework

More information

A Novel Approach to Predicting the Results of NBA Matches

A Novel Approach to Predicting the Results of NBA Matches A Novel Approach to Predicting the Results of NBA Matches Omid Aryan Stanford University aryano@stanford.edu Ali Reza Sharafat Stanford University sharafat@stanford.edu Abstract The current paper presents

More information

Introduction to topological data analysis

Introduction to topological data analysis Introduction to topological data analysis Ippei Obayashi Adavnced Institute for Materials Research, Tohoku University Jan. 12, 2018 I. Obayashi (AIMR (Tohoku U.)) Introduction to TDA Jan. 12, 2018 1 /

More information

A Study of Human Body Characteristics Effect on Micro-Doppler-Based Person Identification using Deep Learning

A Study of Human Body Characteristics Effect on Micro-Doppler-Based Person Identification using Deep Learning A Study of Human Body Characteristics Effect on Micro-Doppler-Based Person Identification using Deep Learning arxiv:1811.7173v1 [cs.cv] 17 Nov 218 Sherif Abdulatif, Fady Aziz, Karim Armanious, Bernhard

More information

SHOT ON GOAL. Name: Football scoring a goal and trigonometry Ian Edwards Luther College Teachers Teaching with Technology

SHOT ON GOAL. Name: Football scoring a goal and trigonometry Ian Edwards Luther College Teachers Teaching with Technology SHOT ON GOAL Name: Football scoring a goal and trigonometry 2006 Ian Edwards Luther College Teachers Teaching with Technology Shot on Goal Trigonometry page 2 THE TASKS You are an assistant coach with

More information

Looking at Spacings to Assess Streakiness

Looking at Spacings to Assess Streakiness Looking at Spacings to Assess Streakiness Jim Albert Department of Mathematics and Statistics Bowling Green State University September 2013 September 2013 1 / 43 The Problem Collect hitting data for all

More information

GOLOMB Compression Technique For FPGA Configuration

GOLOMB Compression Technique For FPGA Configuration GOLOMB Compression Technique For FPGA Configuration P.Hema Assistant Professor,EEE Jay Shriram Group Of Institutions ABSTRACT Bit stream compression is important in reconfigurable system design since it

More information

Motion Control of a Bipedal Walking Robot

Motion Control of a Bipedal Walking Robot Motion Control of a Bipedal Walking Robot Lai Wei Ying, Tang Howe Hing, Mohamed bin Hussein Faculty of Mechanical Engineering Universiti Teknologi Malaysia, 81310 UTM Skudai, Johor, Malaysia. Wylai2@live.my

More information

SEPARATING A GAS MIXTURE INTO ITS CONSTITUENT ANALYTES USING FICA

SEPARATING A GAS MIXTURE INTO ITS CONSTITUENT ANALYTES USING FICA SEPARATING A GAS MIXTURE INTO ITS CONSTITUENT ANALYTES USING FICA Aparna Mahadevan Thesis submitted to the faculty of the Virginia Polytechnic Institute and State University in partial fulfillment of the

More information

A COURSE OUTLINE (September 2001)

A COURSE OUTLINE (September 2001) 189-265A COURSE OUTLINE (September 2001) 1 Topic I. Line integrals: 2 1 2 weeks 1.1 Parametric curves Review of parametrization for lines and circles. Paths and curves. Differentiation and integration

More information

SPE The paper gives a brief description and the experience gained with WRIPS applied to water injection wells. The main

SPE The paper gives a brief description and the experience gained with WRIPS applied to water injection wells. The main SPE 102831 Online Water-Injection Optimization and Prevention of Reservoir Damage Bjørn Øyvind Bringedal, Svein Arne Morud, Nicolas Alexander Hall, ABB; Gary Huseman, Shell Copyright 2006, Society of Petroleum

More information

Transformer fault diagnosis using Dissolved Gas Analysis technology and Bayesian networks

Transformer fault diagnosis using Dissolved Gas Analysis technology and Bayesian networks Proceedings of the 4th International Conference on Systems and Control, Sousse, Tunisia, April 28-30, 2015 TuCA.2 Transformer fault diagnosis using Dissolved Gas Analysis technology and Bayesian networks

More information

Business and housing market cycles in the euro area: a multivariate unobserved component approach

Business and housing market cycles in the euro area: a multivariate unobserved component approach Business and housing market cycles in the euro area: a multivariate unobserved component approach Laurent Ferrara (a) and Siem Jan Koopman (b) http://staff.feweb.vu.nl/koopman (a) Banque de France (b)

More information

Development of PVT Correlation for Iraqi Crude Oils Using Artificial Neural Network

Development of PVT Correlation for Iraqi Crude Oils Using Artificial Neural Network Iraqi Journal of Chemical and Petroleum Engineering Iraqi Journal of Chemical and Petroleum Engineering Vol.13 No.3 (September 2012) 9-16 ISSN: 1997-4884 University of Baghdad College of Engineering Development

More information

Application Notes. SLP85xD Load Cells

Application Notes. SLP85xD Load Cells Application Notes Load Cells Table of Contents 1 Introduction 3 2 Description of the Filling Cycle 4 3 Filling Optimization 7 4 Filling Monitor 8 4.1 Weight-Based Filling Monitor... 8 4.2 Time-Based Filling

More information

Heart Rate Prediction Based on Cycling Cadence Using Feedforward Neural Network

Heart Rate Prediction Based on Cycling Cadence Using Feedforward Neural Network Heart Rate Prediction Based on Cycling Cadence Using Feedforward Neural Network Kusprasapta Mutijarsa School of Electrical Engineering and Information Technology Bandung Institute of Technology Bandung,

More information

ACCURATE PRESSURE MEASUREMENT FOR STEAM TURBINE PERFORMANCE TESTING

ACCURATE PRESSURE MEASUREMENT FOR STEAM TURBINE PERFORMANCE TESTING ACCURATE PRESSURE MEASUREMENT FOR STEAM TURBINE PERFORMANCE TESTING Blair Chalpin Charles A. Matthews Mechanical Design Engineer Product Support Manager Scanivalve Corp Scanivalve Corp Liberty Lake, WA

More information

IMPROVED OIL SLICK IDENTIFICATION USING CMOD5 MODEL FOR WIND SPEED EVALUATION ON SAR IMAGES

IMPROVED OIL SLICK IDENTIFICATION USING CMOD5 MODEL FOR WIND SPEED EVALUATION ON SAR IMAGES IMPROVED OIL SLICK IDENTIFICATION USING CMOD5 MODEL FOR WIND SPEED EVALUATION ON SAR IMAGES H.KHENOUCHI & Y. SMARA University of Sciences and Technology Houari Boumediene (USTHB). Faculty of Electronics

More information