Development of intelligent systems (RInS) Object recognition with Convolutional Neural Networks

Size: px
Start display at page:

Download "Development of intelligent systems (RInS) Object recognition with Convolutional Neural Networks"

Transcription

1 Development of intelligent systems (RInS) Object recognition with Convolutional Neural Networks Danijel Skočaj University of Ljubljana Faculty of Computer and Information Science Academic year: 2017/18

2 Media hype Develpment of inteligent systems, Object recognition with CNNs 2

3 Superior performance ILSVRC results Deep learning era Develpment of inteligent systems, Object recognition with CNNs 3

4 History - Perceptron The Mark I Perceptron machine was the first implementation of the perceptron algorithm. The machine was connected to a camera that used cadmium sulfide photocells to produce a 400- pixel image. recognized letters of the alphabet update rule: Frank Rosenblatt, ~1957: Perceptron Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 4

5 History Biological evidence Hubel & Wiesel, 1959 Receptive fields of single neurons in the cat s striate cortex 1962 Receptive fields, binocular interaction and functional architecture in the cat s visual cortex Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 5

6 History LeNet-5 Gradient-based learning applied to document recognition [LeCun, Bottou, Bengio, Haffner 1998] LeNet-5 Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 6

7 History AlexNet first strong results Context-Dependent Pre-trained Deep Neural Networks for Large Vocabulary Speech Recognition George Dahl, Dong Yu, Li Deng, Alex Acero, 2010 Imagenet classification with deep convolutional neural networks Alex Krizhevsky, Ilya Sutskever, Geoffrey E Hinton, 2012 Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 7

8 Beginning of the Deep learning era More data! More computational power! Improved learning details! Develpment of inteligent systems, Object recognition with CNNs 8

9 The main concept Zelier and Fergus, 2014 Develpment of inteligent systems, Object recognition with CNNs 9

10 End to end learning Representations as well as classifier are being learned Develpment of inteligent systems, Object recognition with CNNs 10

11 Perceptron Rosenblatt, 1957 Binary inputs and output Weights Threshold Bias Very simple! Develpment of inteligent systems, Object recognition with CNNs 11

12 Sigmoid neurons Real inputs and outputs from interval [0,1] Activation function: sgimoid function output = Develpment of inteligent systems, Object recognition with CNNs 12

13 Sigmoid neurons Small changes in weights and biases causes small change in output Enables learning! Develpment of inteligent systems, Object recognition with CNNs 13

14 Feedfoward neural networks Network architecture: Develpment of inteligent systems, Object recognition with CNNs 14

15 Example: recognizing digits MNIST database of handwritten digits 28x28 pixes (=784 input neurons) 10 digits training images validation images test images Develpment of inteligent systems, Object recognition with CNNs 15

16 Example code: Feedforward Code from or git clone Develpment of inteligent systems, Object recognition with CNNs 16

17 Loss function Given: for all training images Loss function: (mean sqare error quadratic loss function) Find weigths w and biases b that for given input x produce output a that minimizes Loss function C Develpment of inteligent systems, Object recognition with CNNs 17

18 Gradient descend Find minimum of Change of C: Gradient of C: Change v in the opposite direction of the gradient: Algorithm: Initialize v Until stopping criterium riched Apply udate rule Learning rate Develpment of inteligent systems, Object recognition with CNNs 18

19 Gradient descend in neural networks Loss function Update rules: Consider all training samples Very many parameters => computationaly very expensive Use Stochastic gradient descend instead Develpment of inteligent systems, Object recognition with CNNs 19

20 Stochastic gradient descend Compute gradient only for a subset of m training samples: Mini-batch: Approximate gradient: Update rules: Training: 1. Initialize w and b 2. In one epoch of training keep randomly selecting one mini-batch of m samples at a time (and train) until all training images are used 3. Repeat for several epochs Develpment of inteligent systems, Object recognition with CNNs 20

21 Example code: SGD Develpment of inteligent systems, Object recognition with CNNs 21

22 Backpropagation All we need is gradient of loss function Rate of change of C wrt. to change in any weigt Rate of change of C wrt. to change in any biase How to compute gradient? Numericaly Simple, approximate, extremely slow Analyticaly for entire C Fast, exact, nontractable Chain individual parts of netwok Fast, exact, doable Backpropagation! Develpment of inteligent systems, Object recognition with CNNs 22

23 Main principle We need the gradient of the Loss function Two phases: Forward pass; propagation: the input sample is propagated through the network and the error at the final layer is obtained Backward pass; weight update: the error is backpropagated to the individual levels, the contribution of the individual neuron to the error is calculated and the weights are updated accordingly Develpment of inteligent systems, Object recognition with CNNs 23

24 Learning strategy To obtain the gradient of the Loss function : For every neuron in the network calculate error of this neuron This error propagates through the netwok causing the final error Backpropagate the final error to get all Obtain all and from Develpment of inteligent systems, Object recognition with CNNs 24

25 Equations of backpropagation BP1: Error in the output layer: BP2: Error in terms of the error in the next layer: BP3: Rate of change of the cost wrt. to any bias: BP4: Rate of change of the cost wrt. to any weight: Develpment of inteligent systems, Object recognition with CNNs 25

26 Backpropagation algorithm Input x: Set the corresponding activation for the input layer Feedforward: For each compute Output error : Compute the output error Backpropagate the error: For each compute Output the gradient: Develpment of inteligent systems, Object recognition with CNNs 26

27 Backpropagation and SGD For a number of epochs Until all training images are used Select a mini-batch of training samples For each training sample in the mini-batch Input: set the corresponding activation Feedforward: for each compute and Output error: compute Backpropagation: for each compute Gradient descend: for each and update: Develpment of inteligent systems, Object recognition with CNNs 27

28 Example code: Backpropagation Develpment of inteligent systems, Object recognition with CNNs 28

29 Locality of computation activations local gradient f gradients Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 29

30 Activation and loss functions Activation function Linear Loss function Quadratic Sigmoid Cross-entropy Softmax Log-likelihood Develpment of inteligent systems, Object recognition with CNNs 30

31 Activation functions Sigmoid Leaky ReLU max(0.1x, x) tanh tanh(x) ELU ReLU max(0,x) Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 31

32 Overfitting Huge number of parameters -> danger of overfitting Use validation set to determine overfitting and early stopping Hold out method overfitting overfitting early stopping 1,000 MNIST training images 50,000 MNIST training images Develpment of inteligent systems, Object recognition with CNNs 32

33 Regularization How to avoid overfitting: Increase the number of training images Decrease the number of parameters Regularization Regularization: L2 regularization L1 regularization Dropout Data augmentation Develpment of inteligent systems, Object recognition with CNNs 33

34 L2 regularisation Add the regularisation term in the loss function L 2 norm Regularisation parameter Regularisation term Develpment of inteligent systems, Object recognition with CNNs 34

35 Weight decay Loss function: Partial derivatives: Update rules: Weight decay Develpment of inteligent systems, Object recognition with CNNs 35

36 Dropout Randomly (and temporarily) delete half (or p) hidden neurons in the network Then restore the neurons and repeat the process Halve the weights when running the full network in test time Or double the weights during learning Ensemble learning: training multiple networks and averaging the results Reduces complex co-adaptations of neurons Smaller models harder to overfit Usually significantly improves the results Develpment of inteligent systems, Object recognition with CNNs 36

37 Data augmentation Use more data! Synthetically generate new data Apply different kinds of transformations: translations, rotations, elastic distortions, appearance modifications (intensity, blur) Operations should reflect real-world variation Develpment of inteligent systems, Object recognition with CNNs 37

38 Weight initialization Ad-hoc normalization Initialize weights with N(0,1) Variance is growing with n in Many large z => many saturated neurons Slow learning Better initialization Normalize variance with Initialize weights with N(0,1/n in ) Total variance is limited Faster learning! In case of ReLU: Init with N( 0, 1/(n in /2) ) Event better: Batch normalization Develpment of inteligent systems, Object recognition with CNNs 38

39 Parameter updates Different schemes for updating gradient Gradient descend Momentum update Nesterov momentum AdaGrad update RMSProp update Adam update Learning rate decay Image credits: Alec Radford Develpment of inteligent systems, Object recognition with CNNs 39

40 Example code Better weight initialization Cross-entropy cost Regularization Develpment of inteligent systems, Object recognition with CNNs 40

41 Setting up the network Set up the network Coarse-fine cross-validation in stages Only a few epochs to get a rough idea Even on a smaller problem to speed up the process Longer running time, finer search, Cross-validation strategy Check various parameter settings Always sample parameters Check the results, adjust the range Hyperparameters to play with: network architecture learning rate, its decay schedule, update type regularization (L2/Dropout strength) Run multiple validations simultaneously Actively observe the learning progress Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 41

42 Convolutional neural networks From feedforward fully-connected neural networks To convolutional neural networks Develpment of inteligent systems, Object recognition with CNNs 42

43 Convolution example Convolution operation: Discrete convolution: Two-dimensional convolution: Convolution is commutative: Cross-correlation: flipped kernel Develpment of inteligent systems, Object recognition with CNNs 43

44 Convolution layer 32x32x3 image Filters always extend the full depth of the input volume 5x5x3 filter 32 height 3 32 depth width Convolve the filter with the image i.e. slide over the image spatially, computing dot products Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 44

45 Convolution layer 32 32x32x3 image 5x5x3 filter Several filters! convolve (slide) over all spatial locations activation map number: the result of taking a dot product between the filter and a small 5x5x3 chunk of the image (i.e. 5*5*3 = 75-dimensional dot product + bias) 1 28 Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 45

46 Convolution layer 6 filters -> 6 activation maps activation maps Convolution Layer 32 3 We stack these up to get a new image of size 28x28x6! Develpment of inteligent systems, Object recognition with CNNs Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson

47 Convolutional neural network ConvNet is a sequence of Convolutional Layers, interspersed with activation functions CONV, ReLU e.g. 6 5x5x3 filters 28 6 CONV, ReLU e.g. 10 5x5x6 filters CONV, ReLU. Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 47

48 Sparse connectivity Local connectivity neurons are only locally connected (receptive field) Reduces memory requirements Improves statistical efficiency Requires fewer operations from below from above The receptive field of the units in the deeper layers is large => Indirect connections! Develpment of inteligent systems, Object recognition with CNNs 48

49 Parameter sharing Neurons share weights! Tied weights Every element of the kernel is used at every position of the input All the neurons at the same level detect the same feature (everywhere in the input) Greatly reduces the number of parameters! Equivariance to translation Shift, convolution = convolution, shift Object moves => representation moves Fully connected network with an infinitively strong prior over its weights Tied weights Weights are zero outside the kernel region => learns only local interactions and is equivariant to translations Develpment of inteligent systems, Object recognition with CNNs 49

50 Convolutional neural network [From recent Yann LeCun slides] Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 50

51 Convolutional neural network one filter => one activation map example 5x5 filters (32 total) input image: Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 51

52 Stride N7 F F 7x7 input (N=7) 3x3 filter (F=3) Stride 1 => 5x5 output 7N Stride 2 => 3x3 output Output size: (N - F) / stride + 1 Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 52

53 Zero padding Extend the image to allow processing of neighboring pixels e.g. input 7x7 3x3 filter, applied with stride 1 pad with 1 pixel border 7x7 output! To preserve size: stride 1 filter size FxF zero-padding with (F-1)/2. e.g. F = 3 => zero pad with 1 F = 5 => zero pad with 2 F = 7 => zero pad with 3 Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 53

54 Conv layer parameters Common settings: - K = (powers of 2, e.g. 32, 64, 128, 512) - F = 3, S = 1, P = 1 - F = 5, S = 1, P = 2 - F = 5, S = 2, P =? (whatever fits) - F = 1, S = 1, P = 0 Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 54

55 Pooling layer makes the representations smaller and more manageable operates over each activation map independently downsampling Example: Max pooling Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 55

56 Pooling Max pooling introduces translation invariance Pooling with downsampling Reduces the representation size Reduces computational cost Increases statistical efficiency Develpment of inteligent systems, Object recognition with CNNs 56

57 Pooling layer parameters Common settings: two F = 2, S = 2 F = 3, S = 2 Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 57

58 CNN layers Layers used to build ConvNets: INPUT: raw pixel values CONV: convolutional layer ReLU: introducing nonlinearity POOL: downsampling FC: for computing class scores Develpment of inteligent systems, Object recognition with CNNs 58

59 CNN architecture Stack the layers in an appropriate order Babenko et. al. Hu et. al. Develpment of inteligent systems, Object recognition with CNNs 59

60 CNN architecture Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 60

61 Case study LeNet-5 [LeCun et al., 1998] Conv filters were 5x5, applied at stride 1 Subsampling (Pooling) layers were 2x2 applied at stride 2 i.e. architecture is [CONV-POOL-CONV-POOL-CONV-FC] Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 61

62 Case study - AlexNet [Krizhevsky et al. 2012] INPUT CONV1 CONV2 CONV3 CONV4 CONV5 FC6 FC7 FC8 POOL1 POOL2 POOL3 NORM1 NORM2 Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 62

63 Case studay - VGGNet [Simonyan and Zisserman, 2014] best model Only 3x3 CONV stride 1, pad 1 and 2x2 MAX POOL stride % top 5 error in ILSVRC > 7.3% top 5 error Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 63

64 Case study - GoogLeNet [Szegedy et al., 2014] Inception module ILSVRC 2014 winner (6.7% top 5 error) Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 64

65 Case study - ResNet spatial dim. only 56x56! - Batch Normalization after every CONV layer - Xavier/2 initialization from He et al. - SGD + Momentum (0.9) - Learning rate: 0.1, divided by 10 when validation error plateaus - Mini-batch size Weight decay of 1e-5 - No dropout used ILSVRC 2015 winner (3.6% top 5 error) Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 65

66 Case study Inception-v4 x3 3 x 4 4 x7 5 x x 3 x % top 5 error 75 layers [Szegedy et al., 2016] Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 66

67 Analysis of DNN models [Canziani et al., 2017] Develpment of inteligent systems, Object recognition with CNNs 67

68 Transfer learning If you don t have enough data use pretrained models! 1. Train on Imagenet 2. Small dataset: feature extractor Freeze these Train this 3. Medium dataset: finetuning more data = retrain more of the network (or all of it) Freeze these tip: use only ~1/10th of the original learning rate in finetuning top layer, and ~1/100th on intermediate layers Train this Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 68

69 Wide usabilty of ConvNets Classification Retrieval [Krizhevsky 2012] Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 69

70 Wide usabilty of ConvNets Detection Segmentation [Faster R-CNN: Ren, He, Girshick, Sun 2015] [Farabet et al., 2012] Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 70

71 Wide usabilty of ConvNets NVIDIA Tegra X1 self-driving cars Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 71

72 Wide usabilty of ConvNets [Taigman et al. 2014] [Simonyan et al. 2014] [Goodfellow 2014] Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 72

73 Wide usabilty of ConvNets [Toshev, Szegedy 2014] [Mnih 2013] Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 73

74 Wide usabilty of ConvNets [Ciresan et al. 2013] [Sermanet et al. 2011] [Ciresan et al.] Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 74

75 Wide usabilty of ConvNets [Denil et al. 2014] [Turaga et al., 2010] Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 75

76 Wide usabilty of ConvNets Whale recognition, Kaggle Challenge Mnih and Hinton, 2010 Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 76

77 Wide usabilty of ConvNets Image Captioning [Vinyals et al., 2015] Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 77

78 Wide usabilty of ConvNets reddit.com/r/deepdream Slide credit: Fei-Fei Li, Andrej Karpathy, Justin Johnson Develpment of inteligent systems, Object recognition with CNNs 78

79 Literature Michael A. Nielsen, Neural Networks and Deep learning, Determination Press, Ian Goodfellow and Yoshua Bengio and Aaron Courville, Deep Learning, MIT Press, Fei-Fei Li, Andrej Karpathy, Justin Johnson, CS231n: Convolutional Neural Networks for Visual Recognition, Stanford University, Papers Develpment of inteligent systems, Object recognition with CNNs 79

80 Software Neural networks in Python Convolutional neural networks using Theano or TensorFlow or other deep learning frameworks Develpment of inteligent systems, Object recognition with CNNs 80

CS6501: Deep Learning for Visual Recognition. CNN Architectures

CS6501: Deep Learning for Visual Recognition. CNN Architectures CS6501: Deep Learning for Visual Recognition CNN Architectures ILSVRC: ImagenetLarge Scale Visual Recognition Challenge [Russakovsky et al 2014] The Problem: Classification Classify an image into 1000

More information

[Boston March for Science 2017 photo Hendrik Strobelt]

[Boston March for Science 2017 photo Hendrik Strobelt] [Boston March for Science 2017 photo Hendrik Strobelt] [Boston March for Science 2017] [Boston March for Science 2017] [Boston March for Science 2017] Object Detectors Emerge in Deep Scene CNNs Bolei

More information

Week 42: Siamese Network: Architecture and Applications in Visual Object Tracking. Yuanwei Wu

Week 42: Siamese Network: Architecture and Applications in Visual Object Tracking. Yuanwei Wu Week 42: Siamese Network: Architecture and Applications in Visual Object Tracking Yuanwei Wu 10-21-2016 1 Outline Siamese Architecture Siamese Applications in Computer Vision Paper review Visual Object

More information

The Kaggle Competitions: An Introduction to CAMCOS Fall 2015

The Kaggle Competitions: An Introduction to CAMCOS Fall 2015 The Kaggle Competitions: An Introduction to CAMCOS Fall 15 Guangliang Chen Math/Stats Colloquium San Jose State University August 6, 15 Outline Introduction to Kaggle Description of projects Summary Guangliang

More information

Recurrent neural network grammars. Slide credits: Chris Dyer, Adhiguna Kuncoro

Recurrent neural network grammars. Slide credits: Chris Dyer, Adhiguna Kuncoro Recurrent neural network grammars Slide credits: Chris Dyer, Adhiguna Kuncoro Widespread phenomenon: Polarity items can only appear in certain contexts Example: anybody is a polarity item that tends to

More information

Genera&on of Image Descrip&ons. Tambet Ma&isen

Genera&on of Image Descrip&ons. Tambet Ma&isen Genera&on of Image Descrip&ons Tambet Ma&isen 14.10.2015 Agenda Datasets Convolu&onal neural networks Neural language models Neural machine transla&on Genera&on of image descrip&ons AFen&on Metrics A

More information

Where Is My Puppy? Retrieving Lost Dogs by Facial Features

Where Is My Puppy? Retrieving Lost Dogs by Facial Features Where Is My Puppy? Retrieving Lost Dogs by Facial Features Thierry Pinheiro Moreira Mauricio Lisboa Perez Rafael de Oliveira Werneck Eduardo Valle Received: date / Accepted: date arxiv:1510.02781v2 [cs.cv]

More information

Multiclass and Multi-label Classification

Multiclass and Multi-label Classification Multiclass and Multi-label Classification INFO-4604, Applied Machine Learning University of Colorado Boulder September 21, 2017 Prof. Michael Paul Today Beyond binary classification All classifiers we

More information

Available online at ScienceDirect. Procedia Computer Science 102 (2016 )

Available online at  ScienceDirect. Procedia Computer Science 102 (2016 ) Available online at www.sciencedirect.com ScienceDirect Procedia Computer Science 102 (2016 ) 617 622 12th International Conference on Application of Fuzzy Systems and Soft Computing, ICAFS 2016, 29-30

More information

Nathan A. Thompson, Ph.D. Adjunct Faculty, University of Cincinnati Vice President, Assessment Systems Corporation

Nathan A. Thompson, Ph.D. Adjunct Faculty, University of Cincinnati Vice President, Assessment Systems Corporation An Introduction to Computerized Adaptive Testing Nathan A. Thompson, Ph.D. Adjunct Faculty, University of Cincinnati Vice President, Assessment Systems Corporation Welcome! CAT: tests that adapt to each

More information

IMAGE CAPTIONING USING PHRASE-BASED HIERARCHICAL LSTM MODEL

IMAGE CAPTIONING USING PHRASE-BASED HIERARCHICAL LSTM MODEL IMAGE CAPTIONING USING PHRASE-BASED HIERARCHICAL LSTM MODEL 1 Chee Seng Chan PhD SMIEEE 23 October 2017 Nvidia AI Conference, Singapore email: cs.chan@um.edu.my INTRODUCTION Aim: Automatic generate a full

More information

STUDY BEHAVIOR OF CERTAIN PARAMETERS AFFECTING ASSESSMENT OF THE QUALITY OF QUAIL EGGS BY COMPUTER VISION SYSTEM

STUDY BEHAVIOR OF CERTAIN PARAMETERS AFFECTING ASSESSMENT OF THE QUALITY OF QUAIL EGGS BY COMPUTER VISION SYSTEM STUDY BEHAVIOR OF CERTAIN PARAMETERS AFFECTING ASSESSMENT OF THE QUALITY OF QUAIL EGGS BY COMPUTER VISION SYSTEM Zlatin Zlatev, Veselina Nedeva Faculty of Technics and Technologies, Trakia University Graf

More information

Effective Vaccine Management Initiative

Effective Vaccine Management Initiative Effective Vaccine Management Initiative Background Version v1.7 Sep.2010 Effective Vaccine Management Initiative EVM setting a standard for the vaccine supply chain Contents 1. Background...3 2. VMA and

More information

Dynamic Programming for Linear Time Incremental Parsing

Dynamic Programming for Linear Time Incremental Parsing Dynamic Programming for Linear Time ncremental Parsing Liang Huang nformation Sciences nstitute University of Southern California Kenji Sagae nstitute for Creative Technologies University of Southern California

More information

Machine Learning.! A completely different way to have an. agent acquire the appropriate abilities to solve a particular goal is via machine learning.

Machine Learning.! A completely different way to have an. agent acquire the appropriate abilities to solve a particular goal is via machine learning. Machine Learning! A completely different way to have an agent acquire the appropriate abilities to solve a particular goal is via machine learning. Machine Learning! What is Machine Learning? " Programs

More information

Design of High Speed Vedic Multiplier Using Carry Select Adder with Brent Kung Adder

Design of High Speed Vedic Multiplier Using Carry Select Adder with Brent Kung Adder Design of High Speed Vedic Multiplier Using Carry Select Adder with Brent Kung Adder Kathi Anoosha M.Tech(VLSI&ES), AVN Institute of Engineering and Technology. Sasi Kiran, M.Tech Assistant Professor,

More information

Pre-natal construction of neural circuits (the highways are genetically specified):

Pre-natal construction of neural circuits (the highways are genetically specified): Modification of Brain Circuits as a Result of Experience Chapter 24, Purves et al. 4 th Ed. Pre-natal construction of neural circuits (the highways are genetically specified): (1/6/2010) Mona Buhusi Postnatal

More information

Comparison of Parallel Prefix Adders Performance in an FPGA

Comparison of Parallel Prefix Adders Performance in an FPGA International Journal of Engineering Research and Development e-issn: 2278-067X, p-issn: 2278-800X, www.ijerd.com Volume 3, Issue 6 (September 2012), PP. 62-67 Comparison of Parallel Prefix Adders Performance

More information

Subdomain Entry Vocabulary Modules Evaluation

Subdomain Entry Vocabulary Modules Evaluation Subdomain Entry Vocabulary Modules Evaluation Technical Report Vivien Petras August 11, 2000 Abstract: Subdomain entry vocabulary modules represent a way to provide a more specialized retrieval vocabulary

More information

Writing Simple Procedures Drawing a Pentagon Copying a Procedure Commanding PenUp and PenDown Drawing a Broken Line...

Writing Simple Procedures Drawing a Pentagon Copying a Procedure Commanding PenUp and PenDown Drawing a Broken Line... Turtle Guide Contents Introduction... 1 What is Turtle Used For?... 1 The Turtle Toolbar... 2 Do I Have Turtle?... 3 Reviewing Your Licence Agreement... 3 Starting Turtle... 3 Key Features... 4 Placing

More information

Design of 32 bit Parallel Prefix Adders

Design of 32 bit Parallel Prefix Adders IOSR Journal of Electronics and Communication Engineering (IOSR-JECE) e-issn: 2278-2834,p- ISSN: 2278-8735. Volume 6, Issue 1 (May. - Jun. 2013), PP 01-06 Design of 32 bit Parallel Prefix Adders P.Chaitanya

More information

Building Concepts: Mean as Fair Share

Building Concepts: Mean as Fair Share Lesson Overview This lesson introduces students to mean as a way to describe the center of a set of data. Often called the average, the mean can also be visualized as leveling out the data in the sense

More information

FPGA Implementation of Efficient 16-Bit Parallel Prefix Kogge Stone Architecture for Convolution Applications Geetha.B 1 Ramachandra.A.

FPGA Implementation of Efficient 16-Bit Parallel Prefix Kogge Stone Architecture for Convolution Applications Geetha.B 1 Ramachandra.A. IJSRD - International Journal for Scientific Research & Development Vol. 2, Issue 05, 2014 ISSN (online): 2321-0613 FPGA Implementation of Efficient 16-Bit Parallel Prefix Kogge Stone Architecture for

More information

6. 1 Leaping Lizards!

6. 1 Leaping Lizards! 1 TRANSFORMATION AND SYMMETRY 6.1 6. 1 Leaping Lizards! A Develop Understanding Task Animated films and cartoons are now usually produced using computer technology, rather than the hand-drawn images of

More information

Comparative Evaluation of Online and Paper & Pencil Forms for the Iowa Assessments ITP Research Series

Comparative Evaluation of Online and Paper & Pencil Forms for the Iowa Assessments ITP Research Series Comparative Evaluation of Online and Paper & Pencil Forms for the Iowa Assessments ITP Research Series Catherine J. Welch Stephen B. Dunbar Heather Rickels Keyu Chen ITP Research Series 2014.2 A Comparative

More information

16-BIT CARRY SELECT ADDER. Anushree Garg B.Tech Scholar, JVW, University, Rajasthan, India

16-BIT CARRY SELECT ADDER. Anushree Garg B.Tech Scholar, JVW, University, Rajasthan, India International Journal of Engineering Science and Generic Research (IJESAR) Available Online at www.ijesar.in Volume 2; Issue 3; May-June-2016; Page No. 19-24 16-BIT CARRY SELECT ADDER Anushree Garg B.Tech

More information

The Impact of Gigabit LTE Technologies on the User Experience

The Impact of Gigabit LTE Technologies on the User Experience The Impact of Gigabit LTE Technologies on the User Experience Michael Thelander, President October 2017 Key Highlights A Category 16 Gigabit LTE smartphone meaningfully improves the user experience with

More information

Answers to Questions about Smarter Balanced 2017 Test Results. March 27, 2018

Answers to Questions about Smarter Balanced 2017 Test Results. March 27, 2018 Answers to Questions about Smarter Balanced Test Results March 27, 2018 Smarter Balanced Assessment Consortium, 2018 Table of Contents Table of Contents...1 Background...2 Jurisdictions included in Studies...2

More information

Design of 16-Bit Adder Structures - Performance Comparison

Design of 16-Bit Adder Structures - Performance Comparison Volume 118 No. 24 2018 ISSN: 1314-3395 (on-line version) url: http://www.acadpubl.eu/hub/ http://www.acadpubl.eu/hub/ Design of 16-Bit Adder Structures - Performance Comparison Padma Balaji R D, Tarun

More information

Biol 160: Lab 7. Modeling Evolution

Biol 160: Lab 7. Modeling Evolution Name: Modeling Evolution OBJECTIVES Help you develop an understanding of important factors that affect evolution of a species. Demonstrate important biological and environmental selection factors that

More information

Rules of Connectivity between Geniculate Cells and Simple Cells in Cat Primary Visual Cortex

Rules of Connectivity between Geniculate Cells and Simple Cells in Cat Primary Visual Cortex The Journal of Neuroscience, June 1, 2001, 21(11):4002 4015 Rules of Connectivity between Geniculate Cells and Simple Cells in Cat Primary Visual Cortex Jose-Manuel Alonso, 1,2 W. Martin Usrey, 1,3 and

More information

Reversing Category Exclusivities in Infant Perceptual Categorization: Simulations and Data

Reversing Category Exclusivities in Infant Perceptual Categorization: Simulations and Data Reversing Category Exclusivities in Infant Perceptual Categorization: Simulations and Data Robert M. French, Martial Mermillod (rfrench, mmermillod@ulg.ac.be) Psychology Department, Université de Liège,

More information

Design of Low Power and High Speed Carry Select Adder Using Brent Kung Adder

Design of Low Power and High Speed Carry Select Adder Using Brent Kung Adder Design of Low Power and High Speed Carry Select Adder Using Brent Kung Adder Dr.K.Srinivasulu Professor, Dept of ECE, Malla Reddy Collage of Engineering. Abstract: The binary addition is the basic arithmetic

More information

Pierre-Louis Toutain, Ecole Nationale Vétérinaire National veterinary School of Toulouse, France Wuhan 12/10/2015

Pierre-Louis Toutain, Ecole Nationale Vétérinaire National veterinary School of Toulouse, France Wuhan 12/10/2015 Antimicrobial susceptibility testing for amoxicillin in pigs: the setting of the PK/PD cutoff value using population kinetic and Monte Carlo Simulation Pierre-Louis Toutain, Ecole Nationale Vétérinaire

More information

10015NAT Graduate Diploma Veterinary Acupuncture

10015NAT Graduate Diploma Veterinary Acupuncture 10015NAT Graduate Diploma Veterinary Acupuncture Nationally accredited under the Australian Qualifications Framework at postgraduate level. WHO IS IT FOR? The 10015NAT Graduate Diploma Veterinary Acupuncture

More information

Trends and challenges in Engineering geodesy

Trends and challenges in Engineering geodesy Trends and challenges in Engineering geodesy Rudolf STAIGER rudolf.staiger@hs-bochum.de International Federation of Surveyors Féderation Internationale des Géomètres Internationale Vereinigung der Vermessungsingenieure

More information

Effects of Cage Stocking Density on Feeding Behaviors of Group-Housed Laying Hens

Effects of Cage Stocking Density on Feeding Behaviors of Group-Housed Laying Hens AS 651 ASL R2018 2005 Effects of Cage Stocking Density on Feeding Behaviors of Group-Housed Laying Hens R. N. Cook Iowa State University Hongwei Xin Iowa State University, hxin@iastate.edu Recommended

More information

Application of Fuzzy Logic in Automated Cow Status Monitoring

Application of Fuzzy Logic in Automated Cow Status Monitoring University of Nebraska - Lincoln DigitalCommons@University of Nebraska - Lincoln Biological Systems Engineering: Papers and Publications Biological Systems Engineering 2001 Application of Fuzzy Logic in

More information

INTERNATIONAL JOURNAL OF ADVANCED RESEARCH IN ENGINEERING AND TECHNOLOGY (IJARET)

INTERNATIONAL JOURNAL OF ADVANCED RESEARCH IN ENGINEERING AND TECHNOLOGY (IJARET) INTERNATIONAL JOURNAL OF ADVANCED RESEARCH IN ENGINEERING AND TECHNOLOGY (IJARET) International Journal of Advanced Research in Engineering and Technology (IJARET), ISSN 0976 ISSN 0976-6480 (Print) ISSN

More information

Australian Journal of Basic and Applied Sciences. Performance Analysis of Different Types of Adder Using 3-Transistor XOR Gate

Australian Journal of Basic and Applied Sciences. Performance Analysis of Different Types of Adder Using 3-Transistor XOR Gate ISSN:1991-8178 Australian Journal of Basic and Applied Sciences Journal home page: www.ajbasweb.com Performance Analysis of Different Types of Adder Using 3-Transistor XOR Gate Lourdy Nivethitha, V. and

More information

Implementation and Estimation of Delay, Power and Area for Parallel Prefix Adders

Implementation and Estimation of Delay, Power and Area for Parallel Prefix Adders International Journal for Modern Trends in Science and Technology Volume: 02, Issue No: 11, November 2016 http://www.ijmtst.com ISSN: 2455-3778 Implementation and Estimation of Delay, Power and Area for

More information

Design and Estimation of delay, power and area for Parallel prefix adders

Design and Estimation of delay, power and area for Parallel prefix adders Design and Estimation of delay, power and area for Parallel prefix adders Divya Tejaswi Pirati P.G. Scholar, Department of Electronics & Communication Engineering, VRS &YRN College of Engineering & Technology,

More information

This article is downloaded from.

This article is downloaded from. This article is downloaded from http://researchoutput.csu.edu.au It is the paper published as: Author: A. Wichman, L. Rogers and R. Freire Title: Visual lateralisation and development of spatial and social

More information

Lab 7. Evolution Lab. Name: General Introduction:

Lab 7. Evolution Lab. Name: General Introduction: Lab 7 Name: Evolution Lab OBJECTIVES: Help you develop an understanding of important factors that affect evolution of a species. Demonstrate important biological and environmental selection factors that

More information

Reasoning with Neural Networks

Reasoning with Neural Networks University of Toronto Faculty of Arts and Science Department of Computer Science Reasoning with Neural Networks Rodrigo Toro Icarte (rntoro@cs.toronto.edu) March 08, 2016 Motivation Could a crocodile run

More information

Data Mining Classification: Alternative Techniques. Lecture Notes for Chapter 4. Rule-Based. Introduction to Data Mining, 2 nd Edition

Data Mining Classification: Alternative Techniques. Lecture Notes for Chapter 4. Rule-Based. Introduction to Data Mining, 2 nd Edition Data Mining Classification: Alternative Techniques Lecture Notes for Chapter 4 RuleBased Introduction to Data Mining, 2 nd Edition by Tan, Steinbach, Karpatne, Kumar RuleBased Classifier Classify records

More information

Multi-Frequency Study of the B3 VLA Sample. I GHz Data

Multi-Frequency Study of the B3 VLA Sample. I GHz Data A&A manuscript no. (will be inserted by hand later) Your thesaurus codes are: 13.18.2-11.07.1-11.17.3 ASTRONOMY AND ASTROPHYSICS 3.9.1998 Multi-Frequency Study of the B3 VLA Sample. I. 10.6-GHz Data L.

More information

Hunting Zika Virus using Machine Learning

Hunting Zika Virus using Machine Learning Hunting Zika Virus using Machine Learning Subho Majumdar, IBM Social Good program In collaboration with Cary Institute of Ecosystem Studies 08/25/2016 #Data4Good The Zika problem Recently there is a Zika

More information

A Column Generation Algorithm to Solve a Synchronized Log-Truck Scheduling Problem

A Column Generation Algorithm to Solve a Synchronized Log-Truck Scheduling Problem A Column Generation Algorithm to Solve a Synchronized Log-Truck Scheduling Problem Odysseus 2012 Greg Rix 12 Louis-Martin Rousseau 12 Gilles Pesant 13 1 Interuniversity Research Centre on Enterprise Networks,

More information

Management traits. Teagasc, Moorepark, Ireland 2 ICBF

Management traits. Teagasc, Moorepark, Ireland 2 ICBF Management traits Donagh Berry 1, Jessica Coyne 1, Sinead McParland 1, Brian Enright 2, Brian Coughlan 2, Martin Burke 2, Andrew Cromie 2 1 Teagasc, Moorepark, Ireland 2 ICBF donagh.berry@teagasc.ie ICBF

More information

Design of Carry Select Adder with Binary Excess Converter and Brent Kung Adder Using Verilog HDL

Design of Carry Select Adder with Binary Excess Converter and Brent Kung Adder Using Verilog HDL Design of Carry Select Adder with Binary Excess Converter and Brent Kung Adder Using Verilog HDL Andoju Naveen Kumar M.Tech (VLSI & Embedded System), Siddhartha Institute of Engineering and Technology.

More information

FPGA-based Emotional Behavior Design for Pet Robot

FPGA-based Emotional Behavior Design for Pet Robot FPGA-based Emotional Behavior Design for Pet Robot Chi-Tai Cheng, Shih-An Li, Yu-Ting Yang, and Ching-Chang Wong Department of Electrical Engineering, Tamkang University 151, Ying-Chuan Road, Tamsui, Taipei

More information

University of Pennsylvania. From Perception and Reasoning to Grasping

University of Pennsylvania. From Perception and Reasoning to Grasping University of Pennsylvania GRASP LAB PR2GRASP: From Perception and Reasoning to Grasping Led by Maxim Likhachev Kostas Daniilides Vijay Kumar Katherine J. Kuchenbecker Jianbo Shi Daniel D. Lee Mark Yim

More information

Comparative Analysis of Adders Parallel-Prefix Adder for Their Area, Delay and Power Consumption

Comparative Analysis of Adders Parallel-Prefix Adder for Their Area, Delay and Power Consumption 2018 IJSRST Volume 4 Issue 5 Print ISSN: 2395-6011 Online ISSN: 2395-602X Themed Section: Science and Technology Comparative Analysis of Adders Parallel-Prefix Adder for Their Area, Delay and Power Consumption

More information

A Novel Approach For Error Detection And Correction Using Prefix-Adders

A Novel Approach For Error Detection And Correction Using Prefix-Adders A Novel Approach For Error Detection And Correction Using Prefix-Adders B. Naga Jyothi* 1, K.S.N.Murthy 2, K.Srinivasarao 3 *1 PG Student Department of ECE, K.L. University Green fields-522502, AP, India

More information

TREAT Steward. Antimicrobial Stewardship software with personalized decision support

TREAT Steward. Antimicrobial Stewardship software with personalized decision support TREAT Steward TM Antimicrobial Stewardship software with personalized decision support ANTIMICROBIAL STEWARDSHIP - Interdisciplinary actions to improve patient care Quality Assurance The aim of antimicrobial

More information

REVIEW OF CARRY SELECT ADDER BY USING BRENT KUNG ADDER

REVIEW OF CARRY SELECT ADDER BY USING BRENT KUNG ADDER REVIEW OF CARRY SELECT BY USING BRENT KUNG Pappu P Potdukhe 1, Vishal D Jaiswal 2 Abstract In order to perform the addition of two numbers adder is used Adder also form the integral part of ALU Besides

More information

Cat Swarm Optimization

Cat Swarm Optimization Cat Swarm Optimization Shu-Chuan Chu 1, Pei-wei Tsai 2, and Jeng-Shyang Pan 2 1 Department of Information Management, Cheng Shiu University 2 Department of Electronic Engineering, National Kaohsiung University

More information

Design of a High Speed Adder

Design of a High Speed Adder Design of a High Speed Adder Aritra Mitra 1, Bhavesh Sharma 2, Nilesh Didwania 3 and Amit Bakshi 4 Aritra.mitra000@gmail.com, Abakshi.ece@gmail.com Abstract In this paper we have compared different addition

More information

Comparison of different methods to validate a dataset with producer-recorded health events

Comparison of different methods to validate a dataset with producer-recorded health events Miglior et al. Comparison of different methods to validate a dataset with producer-recorded health events F. Miglior 1,, A. Koeck 3, D. F. Kelton 4 and F. S. Schenkel 3 1 Guelph Food Research Centre, Agriculture

More information

Today s Agenda. Why does this matter? A Dangerous Mind. Data Collection. Data Analysis. Data Interpretation. Case Studies

Today s Agenda. Why does this matter? A Dangerous Mind. Data Collection. Data Analysis. Data Interpretation. Case Studies Today s Agenda Why does this matter? A Dangerous Mind Data Collection Data Analysis Data Interpretation Case Studies 2 Why is Data Collection & Analysis Important? 3 Anecdotes vs. Data Rescue groups cherry

More information

Component Specification NFQ Level 5. Sheep Husbandry 5N Component Details. Sheep Husbandry. Level 5. Credit Value 10

Component Specification NFQ Level 5. Sheep Husbandry 5N Component Details. Sheep Husbandry. Level 5. Credit Value 10 Component Specification NFQ Level 5 Sheep Husbandry 5N20385 1. Component Details Title Teideal as Gaeilge Award Type Code Sheep Husbandry Riar Caorach Minor 5N20385 Level 5 Credit Value 10 Purpose Learning

More information

[EMC Publishing Note: In this document: CAT 1 stands for the C est à toi! Level One Second Edition Teacher s Annotated Edition of the Textbook.

[EMC Publishing Note: In this document: CAT 1 stands for the C est à toi! Level One Second Edition Teacher s Annotated Edition of the Textbook. EMC Publishing s Correlation of C est à toi! Levels One, Two, Three 2 nd edition to the 2007 Indiana Academic Standards for World Languages 9-12 Sequence - Modern European and Classical Languages Grade

More information

Microchipping Works: Best Practices

Microchipping Works: Best Practices Microchipping Works: Best Practices Linda K. Lord, DVM, PhD, Assistant Professor Department of Veterinary Preventive Medicine, The Ohio State University linda.lord@cvm.osu.edu Introduction Currently a

More information

Design of Modified Low Power and High Speed Carry Select Adder Using Brent Kung Adder

Design of Modified Low Power and High Speed Carry Select Adder Using Brent Kung Adder Journal From the SelectedWorks of Kirat Pal Singh August, 2016 Design of Modified Low Power and High Speed Carry Select Adder Using Brent Kung Adder Amala Maria Alex, Mangalam college of Engineering, Kottayam,

More information

Supplementary Fig. 1: Comparison of chase parameters for focal pack (a-f, n=1119) and for 4 dogs from 3 other packs (g-m, n=107).

Supplementary Fig. 1: Comparison of chase parameters for focal pack (a-f, n=1119) and for 4 dogs from 3 other packs (g-m, n=107). Supplementary Fig. 1: Comparison of chase parameters for focal pack (a-f, n=1119) and for 4 dogs from 3 other packs (g-m, n=107). (a,g) Maximum stride speed, (b,h) maximum tangential acceleration, (c,i)

More information

PROTOCOL FOR EVALUATION OF AGILITY COURSE ACCORDING TO DIFFICULTY FOUND

PROTOCOL FOR EVALUATION OF AGILITY COURSE ACCORDING TO DIFFICULTY FOUND PROTOCOL FOR EVALUATION OF AGILITY COURSE ACCORDING TO DIFFICULTY FOUND AT THE END OF DETERMINATION OF AIA'S STANDARD LEVEL This protocol has the purpose to determine an evaluation of the difficulty level

More information

Building Rapid Interventions to reduce antimicrobial resistance and overprescribing of antibiotics (BRIT)

Building Rapid Interventions to reduce antimicrobial resistance and overprescribing of antibiotics (BRIT) Greater Manchester Connected Health City (GM CHC) Building Rapid Interventions to reduce antimicrobial resistance and overprescribing of antibiotics (BRIT) BRIT Dashboard Manual Users: General Practitioners

More information

GSA Helper Procedures

GSA Helper Procedures GSA Helper Procedures 1. General Information to the helper 1 The Hide (Sch I, II & III) The helper is to stand hidden in the hide in a neutral position. The helper must be balanced so that he/she cannot

More information

Semantically-driven Automatic Creation of Training Sets for Object Recognition

Semantically-driven Automatic Creation of Training Sets for Object Recognition Semantically-driven Automatic Creation of Training Sets for Object Recognition Dong-Seon Cheng a, Francesco Setti b, Nicola Zeni b, Roberta Ferrario b, Marco Cristani c a Hankuk University of Foreign Studies,

More information

Track & Search Dog Information for Judges

Track & Search Dog Information for Judges Track & Search Dog Information for Judges The purpose of these tracks is to give dogs the opportunity to train and track in a more real-life manner. There is a world of difference in the way an Operational

More information

Sheepdog: Alternative software-defined storage on your OpenStack cloud

Sheepdog: Alternative software-defined storage on your OpenStack cloud Sheepdog: Alternative software-defined storage on your OpenStack cloud Takashi Menjo NTT Software Innovation Center Sheepdog Agenda Introduction of Sheepdog What it is Performance

More information

Econometric Analysis Dr. Sobel

Econometric Analysis Dr. Sobel Econometric Analysis Dr. Sobel Econometrics Session 1: 1. Building a data set Which software - usually best to use Microsoft Excel (XLS format) but CSV is also okay Variable names (first row only, 15 character

More information

Supporting Online Material for

Supporting Online Material for www.sciencemag.org/cgi/content/full/314/5802/1111/dc1 Supporting Online Material for Rapid Temporal Reversal in Predator-Driven Natural Selection Jonathan B. Losos,* Thomas W. Schoener, R. Brian Langerhans,

More information

Package TurtleGraphics

Package TurtleGraphics Version 1.0-7 Date 2017-10-23 Title Turtle Graphics Suggests knitr VignetteBuilder knitr Depends R (>= 3.0), grid Package TurtleGraphics October 23, 2017 An implementation of turtle graphics .

More information

Chapter VII Non-linear SSI analysis of Structure-Isolated footings -soil system

Chapter VII Non-linear SSI analysis of Structure-Isolated footings -soil system Chapter VII 192 7.1. Introduction Chapter VII Non-linear SSI analysis of Structure-Isolated footings -soil system A program NLSSI-F has been developed, using FORTRAN, to conduct non-linear soilstructure

More information

Your web browser (Safari 7) is out of date. For more security, comfort and the best experience on this site: Update your browser Ignore

Your web browser (Safari 7) is out of date. For more security, comfort and the best experience on this site: Update your browser Ignore Your web browser (Safari 7) is out of date. For more security, comfort and the best experience on this site: Update your browser Ignore Activitydevelop TRACK L EATHERBACK SEA TU RTL ES What routes do leatherback

More information

LN #13 (1 Hr) Decomposition, Pattern Recognition & Abstraction CTPS Department of CSE

LN #13 (1 Hr) Decomposition, Pattern Recognition & Abstraction CTPS Department of CSE Decomposition, Pattern Recognition & Abstraction LN #13 (1 Hr) CTPS 2018 1 Department of CSE Computational Thinking in Practice Before computers can solve a problem, the problem and the ways in which it

More information

Active sensing. Ehud Ahissar

Active sensing. Ehud Ahissar Active sensing Ehud Ahissar 1 Active sensing Passive vs active sensing (touch) Comparison across senses Basic coding principles -------- Perceptual loops Sensation-targeted motor control Proprioception

More information

Lecture 4: Controllability and observability

Lecture 4: Controllability and observability Lecture 4: Controllability and observability Lecture 4: Controllability and observability p.1/9 Part 1: Controllability Lecture 4: Controllability and observability p.2/9 Example Two inverted pendula mounted

More information

The City School. Learn Create Program

The City School. Learn Create Program Learn Create Program What is Scratch? Scratch is a free programmable toolkit that enables kids to create their own games, animated stories, and interactive art share their creations with one another over

More information

CS108L Computer Science for All Module 7: Algorithms

CS108L Computer Science for All Module 7: Algorithms CS108L Computer Science for All Module 7: Algorithms Part 1: Patch Destroyer Part 2: ColorSort Part 1 Patch Destroyer Model Overview: Your mission for Part 1 is to get your turtle to destroy the green

More information

9: Coffee Break. 10:00-11: Spatial Risk Mapping (Thomas Van Boekel) 11:00-12: Dynamic Bayesian Network (Yrjo Grohn)

9: Coffee Break. 10:00-11: Spatial Risk Mapping (Thomas Van Boekel) 11:00-12: Dynamic Bayesian Network (Yrjo Grohn) NIMBioS AMR Working Group: Evaluating the Association between Shifts in Antimicrobial Use Practices and Antimicrobial Resistance Resulting from FDA s Risk Mitigation Strategy The overall objective: To

More information

Lab 6: Energizer Turtles

Lab 6: Energizer Turtles Lab 6: Energizer Turtles Screen capture showing the required components: 4 Sliders (as shown) 2 Buttons (as shown) 4 Monitors (as shown) min-pxcor = -50, max-pxcor = 50, min-pycor = -50, max-pycor = 50

More information

Required and Recommended Supporting Information for IUCN Red List Assessments

Required and Recommended Supporting Information for IUCN Red List Assessments Required and Recommended Supporting Information for IUCN Red List Assessments This is Annex 1 of the Rules of Procedure for IUCN Red List Assessments 2017 2020 as approved by the IUCN SSC Steering Committee

More information

Evaluation of infestation level of cattle by the tick Rhipicephalus microplus in New-Caledonia : Test of a new assessment grid

Evaluation of infestation level of cattle by the tick Rhipicephalus microplus in New-Caledonia : Test of a new assessment grid Evaluation of infestation level of cattle by the tick Rhipicephalus microplus in New-Caledonia : Test of a new assessment grid T. Hue 1, M. Naves 2 and M. Camoin 1 1 Institut Agronomique néo Calédonien,

More information

Date of Change. Nature of Change

Date of Change. Nature of Change Date of Change Nature of Change July 17 July 17 July 17 August 17 August 17 August 17 Reformated using new template. Table of contents added. Heading numbers and heading text edited for clarity and removal

More information

Prevention Concepts & Solutions Inc.

Prevention Concepts & Solutions Inc. Prevention Concepts & Solutions Inc. K-9 Concepts Program Training Standards & Schedule K-9 Concepts MINIMUM Competencies for all graduating service dogs and veterans. 1. The service dog, guided by his/her

More information

The IUCN Red List of Threatened Species

The IUCN Red List of Threatened Species The IUCN Red List of Threatened Species: Celebrating 50 years Background, lessons learned, and challenges David Allen Regional Biodiversity Assessment Officer, Global Species Programme, Cambridge The IUCN

More information

EVM analysis of an Interference Limited SIMO-SC System With Independent and Correlated Channels

EVM analysis of an Interference Limited SIMO-SC System With Independent and Correlated Channels EVM analysis of an Interference Limited SIMO-SC System With Independent and Correlated Channels arxiv:8.54v [cs.it] 26 Nov 28 Sudharsan Parthasarathy (a), Suman Kumar (b), Sheetal Kalyani (a) (a) Dept.

More information

Bayesian Analysis of Population Mixture and Admixture

Bayesian Analysis of Population Mixture and Admixture Bayesian Analysis of Population Mixture and Admixture Eric C. Anderson Interdisciplinary Program in Quantitative Ecology and Resource Management University of Washington, Seattle, WA, USA Jonathan K. Pritchard

More information

Introduction to Python Dictionaries

Introduction to Python Dictionaries Introduction to Python Dictionaries Mar 10, 2016 CSCI 0931 - Intro. to Comp. for the Humanities and Social Sciences 1 ACT2-4 Let s talk about Task 2 CSCI 0931 - Intro. to Comp. for the Humanities and Social

More information

An Esterel Virtual Machine (EVM) Aruchunan Vaseekaran

An Esterel Virtual Machine (EVM) Aruchunan Vaseekaran An Esterel Virtual Machine (EVM) Aruchunan Vaseekaran Why Esterel is suited for Deterministic Control Systems Imperative Language Synchronous Concurrency, Preemption Not widely available in low cost systems.

More information

ENTRY CLERK MANUAL FOR THE ENTRYCLERK.CFA.ORG WEB APPLICATION. Page 1

ENTRY CLERK MANUAL FOR THE ENTRYCLERK.CFA.ORG WEB APPLICATION. Page 1 ENTRY CLERK MANUAL FOR THE ENTRYCLERK.CFA.ORG WEB APPLICATION Page 1 TABLE OF CONTENTS Login and Overview... 3 Creating New Contacts... 5 Creating New Cats... 8 Co-Owned Cats...10 Shows...12 Show SetUp...12

More information

Course: Canine Massage and Bodywork Certification Course Part A Cranial Trunk and Thoracic Appendicular System. Movers of the Forelimb, Neck, and Head

Course: Canine Massage and Bodywork Certification Course Part A Cranial Trunk and Thoracic Appendicular System. Movers of the Forelimb, Neck, and Head Course: Canine Massage and Bodywork Certification Course Part A Cranial Trunk and Thoracic Appendicular System. Movers of the Forelimb, Neck, and Head Course Number: CN4000A Course Instructors: Beverly

More information

Lecture 1: Turtle Graphics. the turtle and the crane and the swallow observe the time of their coming; Jeremiah 8:7

Lecture 1: Turtle Graphics. the turtle and the crane and the swallow observe the time of their coming; Jeremiah 8:7 Lecture 1: Turtle Graphics the turtle and the crane and the sallo observe the time of their coming; Jeremiah 8:7 1. Turtle Graphics The turtle is a handy paradigm for the study of geometry. Imagine a turtle

More information

Super Retriever Series Rules and Regulations

Super Retriever Series Rules and Regulations Super Retriever Series Rules and Regulations Retriever Trials 2 Retriever Trials The Super Retriever Series In 1999, ESPN created the ESPN Great Outdoor Games. If you don t remember the Great Outdoor Games

More information

Evaluating the quality of evidence from a network meta-analysis

Evaluating the quality of evidence from a network meta-analysis Evaluating the quality of evidence from a network meta-analysis Julian Higgins 1 with Cinzia Del Giovane, Anna Chaimani 3, Deborah Caldwell 1, Georgia Salanti 3 1 School of Social and Community Medicine,

More information

SCIENTIFIC REPORT. Analysis of the baseline survey on the prevalence of Salmonella in turkey flocks, in the EU,

SCIENTIFIC REPORT. Analysis of the baseline survey on the prevalence of Salmonella in turkey flocks, in the EU, The EFSA Journal / EFSA Scientific Report (28) 198, 1-224 SCIENTIFIC REPORT Analysis of the baseline survey on the prevalence of Salmonella in turkey flocks, in the EU, 26-27 Part B: factors related to

More information

Heuristic search, A* CS171, Winter 2018 Introduction to Artificial Intelligence Prof. Richard Lathrop. Reading: R&N

Heuristic search, A* CS171, Winter 2018 Introduction to Artificial Intelligence Prof. Richard Lathrop. Reading: R&N Heuristic search, A* CS171, Winter 2018 Introduction to Artificial Intelligence Prof. Richard Lathrop Reading: R&N 3.5-3.7 Outline Review limitations of uninformed search methods Informed (or heuristic)

More information