Factoring Variations in Natural Images with Deep Gaussian Mixture Models

Size: px
Start display at page:

Download "Factoring Variations in Natural Images with Deep Gaussian Mixture Models"

Transcription

1 Factoring Variations in Natural Images with Dee Gaussian Mixture Models Aäron van den Oord, Benjamin Schrauwen Electronics and Information Systems deartment (ELIS), Ghent University {aaron.vandenoord, Abstract Generative models can be seen as the swiss army knives of machine learning, as many roblems can be written robabilistically in terms of the distribution of the data, including rediction, reconstruction, imutation and simulation. One of the most romising directions for unsuervised learning may lie in Dee Learning methods, given their success in suervised learning. However, one of the current roblems with dee unsuervised learning methods, is that they often are harder to scale. As a result there are some easier, more scalable shallow methods, such as the Gaussian Mixture Model and the Student-t Mixture Model, that remain surrisingly cometitive. In this aer we roose a new scalable dee generative model for images, called the Dee Gaussian Mixture Model, that is a straightforward but owerful generalization of GMMs to multile layers. The arametrization of a Dee GMM allows it to efficiently cature roducts of variations in natural images. We roose a new EM-based algorithm that scales well to large datasets, and we show that both the Exectation and the Maximization stes can easily be distributed over multile machines. In our density estimation exeriments we show that deeer GMM architectures generalize better than more shallow ones, with results in the same ballark as the state of the art. 1 Introduction There has been an increasing interest in generative models for unsuervised learning, with many alications in Image rocessing [1, 2], natural language rocessing [3, 4], vision [5] and audio [6]. Generative models can be seen as the swiss army knives of machine learning, as many roblems can be written robabilistically in terms of the distribution of the data, including rediction, reconstruction, imutation and simulation. One of the most romising directions for unsuervised learning may lie in Dee Learning methods, given their recent results in suervised learning [7]. Although not a universal recie for success, the merits of dee learning are well-established [8]. Because of their multilayered nature, these methods rovide ways to efficiently reresent increasingly comlex relationshis as the number of layers increases. Shallow methods will often require a very large number of units to reresent the same functions, and may therefore overfit more. Looking at real-valued data, one of the current roblems with dee unsuervised learning methods, is that they are often hard to scale to large datasets. This is esecially a roblem for unsuervised learning, because there is usually a lot of data available, as it does not have to be labeled (e.g. images, videos, text). As a result there are some easier, more scalable shallow methods, such as the Gaussian Mixture Model (GMM) and the Student-t Mixture Model (STM), that remain surrisingly cometitive [2]. Of course, the disadvantage of these mixture models is that they have less reresentational ower than dee models. In this aer we roose a new scalable dee generative model for images, called the Dee Gaussian Mixture Model (Dee GMM). The Dee GMM is a straightforward but owerful generalization of Gaussian Mixture Models to multile layers. It is constructed by stacking multile GMM-layers on 1

2 N (0,I N (0,I N n ) (0,I n ) n ) N (0,I (0,I N (0,I n ) n ) n ) N (0,I N (0,I N n (0,I ) n ) n ) A 1,1 A 1,1 1,1 A 1,2 AA 1,2 1,2 A 1,3 A 1,3 A 1,3 AA A A 1 A 1 A 2 A 2 2 A 3 A 3 A 2,1 A 2,1 A 2,1 2,2 A 2,2 A 2,2 A 3,1 A 3,1 A 3,2 A 3,2 A 3,3 A 3,3 3,1 A 3,2 A 3,3 x x x (a) Gaussian x x x (b) GMM x x x (c) Dee GMM Figure 1: Visualizations of a Gaussian, GMM and Dee GMM distribution. Note that these are not grahical models. This visualization describes the connectivity of the linear transformations that make u the multimodal structure of a dee GMM. The samling rocess for the dee GMM is shown in red. Every time a samle is drawn, it is first drawn from a standard normal distribution and then transformed with all the transformations on a randomly samled ath. In the examle it is first transformed with A 1,3, then with A 2,1 and finally with A 3,2. Every ath results in differently correlated normal random variables. The dee GMM shown has = 18 ossible aths. For each square transformation matrix A i,j there is a corresonding bias term b i,j (not shown here). to of each other, which is similar to many other Dee Learning techniques. Although for every dee GMM, one could construct a shallow GMM with the same density function, it would require an exonential number of mixture comonents to do so. The multilayer architecture of the Dee GMM gives rise to a secific kind of arameter tying. The arameterization is most interretable in the case of images: the layers in the architecture are able to efficiently factorize the different variations that are resent in natural images: changes in brightness, contrast, color and even translations or rotations of the objects in the image. Because each of these variations will affect the image searately, a traditional mixture model would need an exonential number of comonents to model each combination of variations, whereas a Dee GMM can factor these variations and model them individually. The roosed training algorithm for the Dee GMM is based on the most oular rincile for training GMMs: Exectation Maximization (EM). Although stochastic gradient (SGD) is also a ossible otion, we suggest the use of EM, as it is inherently more arallelizable. As we will show later, both the Exectation and the Maximization stes can easily be distributed on multile comutation units or machines, with only limited communication between comute nodes. Although there has been a lot of effort in scaling u SGD for dee networks [9], the Dee GMM is arallelizable by design. The remainder of this aer is organized as follows. We start by introducing the design of dee GMMs before exlaining the EM algorithm for training them. Next, we discuss the exeriments where we examine the density estimation erformance of the dee GMM, as a function of the number of layers, and in comarison with other methods. We conclude in Section 5, where also discuss some unsolved roblems for future work. 2 Stacking Gaussian Mixture layers Dee GMMs are best introduced by looking at some secial cases: the multivariate normal distribution and the Gaussian Mixture model. One way to define a multivariate normal variable x is as a standard normal variable z N(0,I n ) that has been transformed with a certain linear transformation: x = Az + b, so that (x) =N x b, AA T. 2

3 This is visualized in Figure 1(a). The same interretation can be alied to Gaussian Mixture Models, see Figure 1(b). A transformation is chosen from set of (square) transformations A i,i=1...n (each having a bias term b i ) with robabilities i,i =1...N, such that the resulting distribution becomes: N (x) = i N x b i,a i A T i. i=1 With this in mind, it is easy to generalize GMMs in a multi-layered fashion. Instead of samling one transformation from a set, we can samle a ath of transformations in a network of k layers, see Figure 1(c). The standard normal variable z is now successively transformed with a transformation from each layer of the network. Let be the set of all ossible aths through the network. Each ath =( 1, 2,..., k ) 2 has a robability of being samled, with = 2 (1, 2,..., k ) =1. 1, 2,..., k Here N j is the number of comonents in layer j. The density function of x is: (x) = 2 N x, T, (1) with = b k,k + A k,ik (...(b 2,2 + A 2,2 b 1,1 )) (2) = 1Y A j,j. (3) j=k Here A m,n and b m,n are the n th transformation matrix and bias of the m th layer. Notice that one can also factorize as follows: (1, 2,..., k ) = k, so that each layer has its own set of arameters associated with it. In our exeriments, however, this had very little difference on the log likelihood. This would mainly be useful for very large networks. The GMM is a secial case of the dee GMM having only one layer. Moreover, each dee GMM can be constructed by a GMM with Q k j N j comonents, where every ath in the network reresents one comonent in the GMM. The arameters of these comonents are tied to each other in the way the dee GMM is defined. Because of this tying, the number of arameters to train is roortional to P k j N j. Still, the density estimator is quite exressive as it can reresent a large number of Gaussian mixture comonents. This is often the case with dee learning methods: Shallow architectures can often theoretically learn the same functions, but will require a much larger number of arameters [8]. When the kind of comound functions that a dee learning method is able to model are aroriate for the tye of data, their erformance will often be better than their shallow equivalents, because of the smaller risk of overfitting. In the case of images, but also for other tyes of data, we can imagine why this network structure might be useful. A lot of images share the same variations such as rotations, translations, brightness changes, etc.. These deformations can be reresented by a linear transformation in the ixel sace. When learning a dee GMM, the model may ick u on these variations in the data that are shared amongst images by factoring and describing them with the transformations in the network. The hyothesis of this aer is that Dee GMMs overfit less than normal GMMs as the comlexity of their density functions increase because the arameter tying of the Dee GMM will force it to learn more useful functions. Note that this is one of the reasons why other dee learning methods are so successful. The only difference is that the arameter tying in dee GMMs is more exlicit and interretable. A closely related method is the dee mixture of factor analyzers (DMFA) model [10], which is an extension of the Mixture of Factor Analyzers (MFA) model [11]. The DMFA model has a tree structure in which every node is a factor analyzer that inherits the low-dimensional latent factors 3

4 from its arent. Training is erformed layer by layer, where the dataset is hierarchically clustered and the children of each node are trained as a MFA on a different subset of the data using the MFA EM algorithm. The arents nodes are ket constant when training its children. The main difference with the roosed method is that in the Dee GMM the nodes of each layer are connected to all nodes of the layer above. The layers are trained jointly and the higher level nodes will adat to the lower level nodes. 3 Training dee GMMs with EM The algorithm we roose for training Dee GMMs is based on Exectation Maximization (EM). The otimization is similar to that of a GMM: in the E-ste we will comute the osterior robabilities n that a ath was resonsible for generating x n, also called the resonsibilities. In the maximization ste, the arameters of the model will be otimized given those resonsibilities. 3.1 Exectation From Equation 1 we get the the log-likelihood given the data: 2 log (x n )= log 4 N x n, T n n 2 This is the global objective for the Dee GMM to otimize. When taking the derivative with resect to a arameter we get: r log (x n ) = N x n, T r log N x n, T P n n, q N x n q, q T q with = n, q nr log N x n, T, n = N x n, T P q N x n q, q T q q2 the equation for the resonsibilities. Although n generally deend on the arameter, in the EM algorithm the resonsibilities are assumed to remain constant when otimizing the model arameters in the M-ste. The E-ste is very similar to that of a standard GMM, but instead of comuting the resonsibilities nk for every comonent k, one needs to comute them for every ath = ( 1, 2,..., k ) 2. This is because every ath reresents a Gaussian mixture comonent in the equivalent shallow GMM. Because n needs to be comuted for each dataoint indeendently, the E-ste is very easy to arallelize. Often a simle way to increase the seed of convergence and to reduce comutation time is to use an EM-variant with hard assignments. Here only one of the resonsibilities of each dataoint is set to 1:, 3 5. n = 1 = arg maxq q N x n q, q T q 0 otherwise (4) Heuristic Because the number of aths is the roduct of the number of comonents er layer ( Q k j N j), comuting the resonsibilities can become intractable for big Dee GMM networks. However, when using hard-em variant (eq. 4), this roblem reduces to finding the best ath for each dataoint, for which we can use efficient heuristics. Here we introduce such a heuristic that does not hurt the erformance significantly, while allowing us to train much larger networks. We otimize the ath =( 1, 2,..., k ), which is a multivariate discrete variable, with a coordinate ascent algorithm. This means we change the arameters i layer er layer, while keeing the 4

5 (a) Iterations (b) Reinitializations (c) Switch rate during training Figure 2: Visualizations for the introduced E-ste heuristic. (a): The average log-likelihood of the best-ath search with the heuristic as a function of the number of iterations (asses) and (b): as a function of the number of reeats with a different initialization. Plot (c) shows the ercentage of data oints that switch to a better ath found with a different initialization as a function of the number of the EM-iterations during training. arameter values of the other layers constant. After we have changed all the variables one time (one ass), we can reeat. The heuristic described above only requires P k j N j ath evaluations er ass. In Figure 2 we comare the heuristic with the full search. On the left we see that after 3 asses the heuristic converges to a local otimum. In the middle we see that when reeating the heuristic algorithm a coule of times with different random initializations, and keeing the best ath after each iteration, the loglikelihood converges to the otimum. In our exeriments we initialized the heuristic with the otimal ath from the revious E-ste (warm start) and erformed the heuristic algorithm for 1 ass. Subsequently we ran the algorithm for a second time with a random initialization for two asses for the ossibility of finding a better otimum for each dataoint. Each E-ste thus required 3 Pk j N j ath evaluations. In Figure 2(c) we show an examle of the ercentage of data oints (called the switch-rate) that had a better otimum with this second initialization for each EM-iteration. We can see from this Figure that the switchrate quickly becomes very small, which means that using the resonsibilities from the revious E-ste is an efficient initialization for the current one. Although the number of ath evaluations with the heuristic is substantially smaller than with the full search, we saw in our exeriments that the erformance of the resulting trained Dee GMMs was ultimately similar. 3.2 Maximization In the maximization ste, the arameters are udated to maximize the log likelihood of the data, given the resonsibilities. Although standard otimization techniques for training dee networks can be used (such as SGD), Dee GMMs have some interesting roerties that allow us to train them more efficiently. Because these roerties are not obvious at first sight, we will derive the objective and gradient for the transformation matrices A i,j in a Dee GMM. After that we will discuss various ways for otimizing them. For convenience, the derivations in this section are based on the hard-em variant and with omission of the bias-terms arameters. Equations without these simlifications can be obtained in a similar manner. In the hard-em variant, it is assumed that each dataoint in the dataset was generated by a ath, for which n, =1. The likelihood of x given the arameters of the transformations on this ath is (x) = A1, A 1 k, k N A1, A 1 k, k x 0,I n, (5) where we use to denote the absolute value of the determinant. Now let s rewrite: z = A 1 i+1, i+1...a 1 k, k x (6) Q = A 1 i, i (7) R = A 1 1, 1...A 1 i 1, i 1, (8) 5

6 N (0, I n ) R 1 R 2... R i... R m "Folded" version of all the layers above the current layer... Q... Current layer z Figure 3: Otimization of a transformation Q in a Dee GMM. We can rewrite all the ossible aths in the above layers by folding them into one layer, which is convenient for deriving the objective and gradient equations of Q. so that we get (omitting the constant term w.r.t. Q): log (x) / log Q + log N (R Qz 0,I n ). (9) Figure 3 gives a visual overview. We have folded the layers above the current layer into one. This means that each ath through the network above the current layer is equivalent to a transformation R in the folded version. The transformation matrix for which we will derive the objective and gradient is called Q. The average log-likelihood of all the data oints that are generated by aths that ass through Q is: 1 log (x i ) / log Q + 1 log N (R Qz i 0,I) (10) N N i i2 1 = log Q Tr Q T Q, (11) 2 where = N N, = 1 P N z i zi T and = R T R. For the gradient we get: i2 1 N r Q log (x i )=Q T Q T. (12) Otimization i Notice how in Equation 11 the summation over the data oints has been converted to a summation over covariance matrices: one for each ath 1. If the number of aths is small enough, this means we can use full gradient udates instead of mini-batched udates (e.g. SGD). The comutation of the covariance matrices is fairly efficient and can be done in arallel. This formulation also allows us to use more advanced otimization methods, such as LBFGS-B [12]. In the setu described above, we need to kee the transformation R constant while otimizing Q. This is why in each M-ste the Dee GMM is otimized layer-wise from to to bottom, udating one layer at a time. It is ossible to go over this rocess multile times for each M-ste. Imortant to note is that this way the otimization of Q does not deend on any other arameters in the same layer. So for each layer, the otimization of the different nodes can be done in arallel on multile cores or machines. Moreover, nodes in the same layer do not share data oints when using the EMvariant with hard-assignments. Another advantage is that this method is easy to control, as there are no learning rates or other otimization arameters to be tuned, when using L-BFGS-B out of the box. A disadvantage is that one needs to sum over all ossible aths above the current node in the gradient comutation. For deeer networks, this may become roblematic when otimizing the lower-level nodes. Alternatively, one can also evaluate (11) using Kronecker roducts as ) = log Q +vec(q) T ( ( ) vec (Q) (13) 1 Actually we only need to sum over the number of ossible transformations R above the node Q. 6

7 and Equation 12 as = Q T + 2 mat ( )! ( ) vec (Q). (14) Here vec is the vectorization oerator and mat its inverse. With these formulations we don t have to loo over the number of aths anymore during the otimization. This makes the inner otimization with LBFGS-B even faster. We only have to construct P ( ) once, which is also easy to arallelize. These equation thus allow us to train even bigger Dee GMM architectures. A disadvantage, however, is that it requires the dimensionality of the data to be small enough to efficiently construct the Kronecker roducts. When the aforementioned formulations are intractable because there are too number layers in the Dee GMM and the data dimensionality is to high, we can also otimize the arameters using backroagation with a minibatch algorithm, such as Stochastic Gradient Descent (SGD). This aroach works for much deeer networks, because we don t need to sum over the number of aths. From Equation 9 we see that this is basically the same as minimizing the L2 norm of R Qz, with log Q as regularization term. Disadvantages include the use of learning rates and other arameters such as momentum, which requires more engineering and fine-tuning. The most naive way is to otimize the dee GMM with SGD is by simultaneously otimizing all arameters, as is common in neural networks. When doing this it is imortant that the arameters of all nodes are converged enough in each M-ste, otherwise nodes that are not otimized enough may have very low resonsibilities in the following E-ste(s). This results in whole arts of the network becoming unused, which is the equivalent of emty clusters during GMM or k-means training. An alternative way of using SGD is again by otimizing the Dee GMM layer by layer. This has the advantage that we have more control over the otimization, which revents the aforementioned roblem of unused aths. But more imortantly, we can now again arallelize over the number of nodes er layer. 4 Exeriments and Results For our exeriments we used the Berkeley Segmentation Dataset (BSDS300) [13], which is a commonly used benchmark for density modeling of image atches and the tiny images dataset [14]. For BSDS300 we follow the same setu of Uria et al. [15], which is best ractice for this dataset. 8 by 8 grayscale atches are drawn from images of the dataset. The train and test sets consists of 200 and 100 images resectively. Because each ixel is quantized, it can only contain integer values between 0 and 255. To make the integer ixel values continuous, uniform noise (between 0 and 1) is added. Afterwards, the images are divided by 256 so that the ixel values lie in the range [0, 1]. Next, the atches are rerocessed by removing the mean ixel value of every image atch. Because this reduces the imlicit dimensionality of the data, the last ixel value is removed. This results in the data oints having 63 dimensions. For the tiny images dataset we rescale the images to 8 by 8 and then follow the same setu. This way we also have low resolution image data to evaluate on. In all the exeriments described in this section, we used the following setu for training Dee GMMs. We used the hard-em variant, with the aforementioned heuristic in the E-ste. For each M-ste we used LBFGS-B for 1000 iterations by using equations (13) and (14) for the objective and gradient. The total number of iterations we used for EM was fixed to 100, although fewer iterations were usually sufficient. The only hyerarameters were the number of comonents for each layer, which were otimized on a validation set. Because GMMs are in theory able to reresent the same robability density functions as a Dee GMM, we first need to assess wether using multile layers with a dee GMM imroves erformance. The results of a GMM (one layer) and Dee GMMs with two or three layers are given in 4(a). As we increase the comlexity and number of arameters of the model by changing the number of comonents in the to layer, a lateau is reached and the models ultimately start overfitting. For the dee GMMs, the number of comonents in the other layers was ket constant (5 comonents). The Dee GMMs seem to generalize better. Although they have a similar number of arameters, they are able to model more comlex relationshis, without overfitting. We also tried this exeriment on a more difficult dataset by using highly downscaled images from the tiny images dataset, see Figure 7

8 (a) BSDS300 (b) Tiny Images Figure 4: Performance of the Dee GMM for different number of layers, and the GMM (one layer). All models were trained on the same dataset of 500 Thousand examles. For comarison we varied the number of comonents in the to layer. 4(b). Because there are less correlations between the ixels of a downscaled image than between those of an image atch, the average log likelihood values are lower. Overall we can see that the Dee GMM erforms well on both low and high resolution natural images. Next we will comare the dee GMM with other ublished methods on this task. Results are shown in Table 1. The first method is the RNADE model, a new dee density estimation technique which is an extension of the NADE model for real valued data [16, 15]. EoRNADE, which stands for ensemble of RNADE models, is currently the state of the art. We also reort the log-likelihood results of two mixture models: the GMM and the Student-T Mixture model, from [2]. Overall we see that the Dee GMM has a strong erformance. It scores better than other single models (RNADE, STM), but not as well as the ensemble of RNADE models. Model Average log likelihood RNADE: 1hl, 2hl, 3hl; 4hl, 5hl, 6hl 143.2, 149.2, 152.0, 153.6, 154.7, EoRNADE (6hl) GMM STM Dee GMM - 3 layers Table 1: Density estimation results on image atch modeling using the BSDS300 dataset. Higher log-likelihood values are better. hl stands for the number of hidden layers in the RNADE models. 5 Conclusion In this work we introduced the dee Gaussian Mixture Model: a novel density estimation technique for modeling real valued data. we show that the Dee GMM is on ar with the current state of the art in image atch modeling, and surasses other mixture models. We conclude that the Dee GMM is a viable and scalable alternative for unsuervised learning. The dee GMM tackles unsuervised learning from a different angle than other recent dee unsuervised learning techniques [17, 18, 19], which makes it very interesting for future research. In follow-u work, we would like to make Dee GMMs suitable for larger images and other highdimensional data. Locally connected filters, such as convolutions would be useful for this. We would also like to extend our method to modeling discrete data. Dee GMMs are currently only designed for continuous real-valued data, but our aroach of rearametrizing the model into layers of successive transformations can also be alied to other tyes of mixture distributions. We would also like to comare this extension to other discrete density estimators such as Restricted Boltzmann Machines, Dee Belief Networks and the NADE model [15]. 8

9 References [1] Daniel Zoran and Yair Weiss. From learning models of natural image atches to whole image restoration. In International Conference on Comuter Vision, [2] Aäron van den Oord and Benjamin Schrauwen. The student-t mixture model as a natural image atch rior with alication to image comression. Journal of Machine Learning Research, [3] Yoshua Bengio, Holger Schwenk, Jean-Sbastien Sencal, Frderic Morin, and Jean-Luc Gauvain. Neural robabilistic language models. In Innovations in Machine Learning. Sringer, [4] Tomas Mikolov, Kai Chen, Greg Corrado, and Jeffrey Dean. Efficient estimation of word reresentations in vector sace. In roceedings of Worksho at ICLR, [5] Brenden M. Lake, Ruslan Salakhutdinov, and Joshua B. Tenenbaum. One-shot learning by inverting a comositional causal rocess. In Advances in Neural Information Processing Systems, [6] Razvan Pascanu, Çaglar Gülçehre, Kyunghyun Cho, and Yoshua Bengio. How to construct dee recurrent neural networks. In Proceedings of the International Conference on Learning Reresentations, [7] Alex Krizhevsky, Ilya Sutskever, and Geoff Hinton. Imagenet classification with dee convolutional neural networks. In Advances in Neural Information Processing Systems, [8] Yoshua Bengio. Learning dee architectures for ai. Foundations and Trends R in Machine Learning, 2(1), [9] Alex Krizhevsky. One weird trick for arallelizing convolutional neural networks. In Proceedings of the International Conference on Learning Reresentations, [10] Yichuan Tang, Ruslan Salakhutdinov, and Geoffrey Hinton. Dee mixtures of factor analysers. In International Conference on Machine Learning, [11] Zoubin Ghahramani and Geoffrey E Hinton. The em algorithm for mixtures of factor analyzers. Technical reort, University of Toronto, [12] Richard H Byrd, Peihuang Lu, Jorge Nocedal, and Ciyou Zhu. A limited memory algorithm for bound constrained otimization. SIAM Journal on Scientific Comuting, [13] David Martin, Charless Fowlkes, Doron Tal, and Jitendra Malik. A database of human segmented natural images and its alication to evaluating segmentation algorithms and measuring ecological statistics. In Proceedings of the International Conference on Comuter Vision. IEEE, [14] Antonio Torralba, Robert Fergus, and William T Freeman. 80 million tiny images: A large data set for nonarametric object and scene recognition. IEEE Transactions on Pattern Analysis and Machine Intelligence, [15] Benigno Uria, Iain Murray, and Hugo Larochelle. A dee and tractable density estimator. In Proceedings of the International Conference on Machine Learning, [16] Benigno Uria, Iain Murray, and Hugo Larochelle. RNADE: The real-valued neural autoregressive density-estimator. In Advances in Neural Information Processing Systems, [17] Karol Gregor, Andriy Mnih, and Daan Wierstra. Dee autoregressive networks. In International Conference on Machine Learning, [18] Danilo Jimenez Rezende, Shakir Mohamed, and Daan Wierstra. Stochastic back-roagation and variational inference in dee latent gaussian models. In International Conference on Machine Learning, [19] Yoshua Bengio, Eric Thibodeau-Laufer, and Jason Yosinski. Dee generative stochastic networks trainable by backro. In International Conference on Machine Learning,

Machine Learning with Operational Costs

Machine Learning with Operational Costs Journal of Machine Learning Research 14 (2013) 1989-2028 Submitted 12/11; Revised 8/12; Published 7/13 Machine Learning with Oerational Costs Theja Tulabandhula Deartment of Electrical Engineering and

More information

A MOST PROBABLE POINT-BASED METHOD FOR RELIABILITY ANALYSIS, SENSITIVITY ANALYSIS AND DESIGN OPTIMIZATION

A MOST PROBABLE POINT-BASED METHOD FOR RELIABILITY ANALYSIS, SENSITIVITY ANALYSIS AND DESIGN OPTIMIZATION 9 th ASCE Secialty Conference on Probabilistic Mechanics and Structural Reliability PMC2004 Abstract A MOST PROBABLE POINT-BASED METHOD FOR RELIABILITY ANALYSIS, SENSITIVITY ANALYSIS AND DESIGN OPTIMIZATION

More information

The Online Freeze-tag Problem

The Online Freeze-tag Problem The Online Freeze-tag Problem Mikael Hammar, Bengt J. Nilsson, and Mia Persson Atus Technologies AB, IDEON, SE-3 70 Lund, Sweden mikael.hammar@atus.com School of Technology and Society, Malmö University,

More information

Softmax Model as Generalization upon Logistic Discrimination Suffers from Overfitting

Softmax Model as Generalization upon Logistic Discrimination Suffers from Overfitting Journal of Data Science 12(2014),563-574 Softmax Model as Generalization uon Logistic Discrimination Suffers from Overfitting F. Mohammadi Basatini 1 and Rahim Chiniardaz 2 1 Deartment of Statistics, Shoushtar

More information

Load Balancing Mechanism in Agent-based Grid

Load Balancing Mechanism in Agent-based Grid Communications on Advanced Comutational Science with Alications 2016 No. 1 (2016) 57-62 Available online at www.isacs.com/cacsa Volume 2016, Issue 1, Year 2016 Article ID cacsa-00042, 6 Pages doi:10.5899/2016/cacsa-00042

More information

An Efficient Method for Improving Backfill Job Scheduling Algorithm in Cluster Computing Systems

An Efficient Method for Improving Backfill Job Scheduling Algorithm in Cluster Computing Systems The International ournal of Soft Comuting and Software Engineering [SCSE], Vol., No., Secial Issue: The Proceeding of International Conference on Soft Comuting and Software Engineering 0 [SCSE ], San Francisco

More information

ENFORCING SAFETY PROPERTIES IN WEB APPLICATIONS USING PETRI NETS

ENFORCING SAFETY PROPERTIES IN WEB APPLICATIONS USING PETRI NETS ENFORCING SAFETY PROPERTIES IN WEB APPLICATIONS USING PETRI NETS Liviu Grigore Comuter Science Deartment University of Illinois at Chicago Chicago, IL, 60607 lgrigore@cs.uic.edu Ugo Buy Comuter Science

More information

DAY-AHEAD ELECTRICITY PRICE FORECASTING BASED ON TIME SERIES MODELS: A COMPARISON

DAY-AHEAD ELECTRICITY PRICE FORECASTING BASED ON TIME SERIES MODELS: A COMPARISON DAY-AHEAD ELECTRICITY PRICE FORECASTING BASED ON TIME SERIES MODELS: A COMPARISON Rosario Esínola, Javier Contreras, Francisco J. Nogales and Antonio J. Conejo E.T.S. de Ingenieros Industriales, Universidad

More information

Finding a Needle in a Haystack: Pinpointing Significant BGP Routing Changes in an IP Network

Finding a Needle in a Haystack: Pinpointing Significant BGP Routing Changes in an IP Network Finding a Needle in a Haystack: Pinointing Significant BGP Routing Changes in an IP Network Jian Wu, Zhuoqing Morley Mao University of Michigan Jennifer Rexford Princeton University Jia Wang AT&T Labs

More information

The fast Fourier transform method for the valuation of European style options in-the-money (ITM), at-the-money (ATM) and out-of-the-money (OTM)

The fast Fourier transform method for the valuation of European style options in-the-money (ITM), at-the-money (ATM) and out-of-the-money (OTM) Comutational and Alied Mathematics Journal 15; 1(1: 1-6 Published online January, 15 (htt://www.aascit.org/ournal/cam he fast Fourier transform method for the valuation of Euroean style otions in-the-money

More information

Moving Objects Tracking in Video by Graph Cuts and Parameter Motion Model

Moving Objects Tracking in Video by Graph Cuts and Parameter Motion Model International Journal of Comuter Alications (0975 8887) Moving Objects Tracking in Video by Grah Cuts and Parameter Motion Model Khalid Housni, Driss Mammass IRF SIC laboratory, Faculty of sciences Agadir

More information

An Associative Memory Readout in ESN for Neural Action Potential Detection

An Associative Memory Readout in ESN for Neural Action Potential Detection g An Associative Memory Readout in ESN for Neural Action Potential Detection Nicolas J. Dedual, Mustafa C. Ozturk, Justin C. Sanchez and José C. Princie Abstract This aer describes how Echo State Networks

More information

An important observation in supply chain management, known as the bullwhip effect,

An important observation in supply chain management, known as the bullwhip effect, Quantifying the Bullwhi Effect in a Simle Suly Chain: The Imact of Forecasting, Lead Times, and Information Frank Chen Zvi Drezner Jennifer K. Ryan David Simchi-Levi Decision Sciences Deartment, National

More information

Large-Scale IP Traceback in High-Speed Internet: Practical Techniques and Theoretical Foundation

Large-Scale IP Traceback in High-Speed Internet: Practical Techniques and Theoretical Foundation Large-Scale IP Traceback in High-Seed Internet: Practical Techniques and Theoretical Foundation Jun Li Minho Sung Jun (Jim) Xu College of Comuting Georgia Institute of Technology {junli,mhsung,jx}@cc.gatech.edu

More information

A Multivariate Statistical Analysis of Stock Trends. Abstract

A Multivariate Statistical Analysis of Stock Trends. Abstract A Multivariate Statistical Analysis of Stock Trends Aril Kerby Alma College Alma, MI James Lawrence Miami University Oxford, OH Abstract Is there a method to redict the stock market? What factors determine

More information

Web Application Scalability: A Model-Based Approach

Web Application Scalability: A Model-Based Approach Coyright 24, Software Engineering Research and Performance Engineering Services. All rights reserved. Web Alication Scalability: A Model-Based Aroach Lloyd G. Williams, Ph.D. Software Engineering Research

More information

Static and Dynamic Properties of Small-world Connection Topologies Based on Transit-stub Networks

Static and Dynamic Properties of Small-world Connection Topologies Based on Transit-stub Networks Static and Dynamic Proerties of Small-world Connection Toologies Based on Transit-stub Networks Carlos Aguirre Fernando Corbacho Ramón Huerta Comuter Engineering Deartment, Universidad Autónoma de Madrid,

More information

On the predictive content of the PPI on CPI inflation: the case of Mexico

On the predictive content of the PPI on CPI inflation: the case of Mexico On the redictive content of the PPI on inflation: the case of Mexico José Sidaoui, Carlos Caistrán, Daniel Chiquiar and Manuel Ramos-Francia 1 1. Introduction It would be natural to exect that shocks to

More information

A Virtual Machine Dynamic Migration Scheduling Model Based on MBFD Algorithm

A Virtual Machine Dynamic Migration Scheduling Model Based on MBFD Algorithm International Journal of Comuter Theory and Engineering, Vol. 7, No. 4, August 2015 A Virtual Machine Dynamic Migration Scheduling Model Based on MBFD Algorithm Xin Lu and Zhuanzhuan Zhang Abstract This

More information

Point Location. Preprocess a planar, polygonal subdivision for point location queries. p = (18, 11)

Point Location. Preprocess a planar, polygonal subdivision for point location queries. p = (18, 11) Point Location Prerocess a lanar, olygonal subdivision for oint location ueries. = (18, 11) Inut is a subdivision S of comlexity n, say, number of edges. uild a data structure on S so that for a uery oint

More information

Monitoring Frequency of Change By Li Qin

Monitoring Frequency of Change By Li Qin Monitoring Frequency of Change By Li Qin Abstract Control charts are widely used in rocess monitoring roblems. This aer gives a brief review of control charts for monitoring a roortion and some initial

More information

Two-resource stochastic capacity planning employing a Bayesian methodology

Two-resource stochastic capacity planning employing a Bayesian methodology Journal of the Oerational Research Society (23) 54, 1198 128 r 23 Oerational Research Society Ltd. All rights reserved. 16-5682/3 $25. www.algrave-journals.com/jors Two-resource stochastic caacity lanning

More information

Design of A Knowledge Based Trouble Call System with Colored Petri Net Models

Design of A Knowledge Based Trouble Call System with Colored Petri Net Models 2005 IEEE/PES Transmission and Distribution Conference & Exhibition: Asia and Pacific Dalian, China Design of A Knowledge Based Trouble Call System with Colored Petri Net Models Hui-Jen Chuang, Chia-Hung

More information

CRITICAL AVIATION INFRASTRUCTURES VULNERABILITY ASSESSMENT TO TERRORIST THREATS

CRITICAL AVIATION INFRASTRUCTURES VULNERABILITY ASSESSMENT TO TERRORIST THREATS Review of the Air Force Academy No (23) 203 CRITICAL AVIATION INFRASTRUCTURES VULNERABILITY ASSESSMENT TO TERRORIST THREATS Cătălin CIOACĂ Henri Coandă Air Force Academy, Braşov, Romania Abstract: The

More information

Title: Stochastic models of resource allocation for services

Title: Stochastic models of resource allocation for services Title: Stochastic models of resource allocation for services Author: Ralh Badinelli,Professor, Virginia Tech, Deartment of BIT (235), Virginia Tech, Blacksburg VA 2461, USA, ralhb@vt.edu Phone : (54) 231-7688,

More information

Automatic Search for Correlated Alarms

Automatic Search for Correlated Alarms Automatic Search for Correlated Alarms Klaus-Dieter Tuchs, Peter Tondl, Markus Radimirsch, Klaus Jobmann Institut für Allgemeine Nachrichtentechnik, Universität Hannover Aelstraße 9a, 0167 Hanover, Germany

More information

Comparing Dissimilarity Measures for Symbolic Data Analysis

Comparing Dissimilarity Measures for Symbolic Data Analysis Comaring Dissimilarity Measures for Symbolic Data Analysis Donato MALERBA, Floriana ESPOSITO, Vincenzo GIOVIALE and Valentina TAMMA Diartimento di Informatica, University of Bari Via Orabona 4 76 Bari,

More information

F inding the optimal, or value-maximizing, capital

F inding the optimal, or value-maximizing, capital Estimating Risk-Adjusted Costs of Financial Distress by Heitor Almeida, University of Illinois at Urbana-Chamaign, and Thomas Philion, New York University 1 F inding the otimal, or value-maximizing, caital

More information

Multiperiod Portfolio Optimization with General Transaction Costs

Multiperiod Portfolio Optimization with General Transaction Costs Multieriod Portfolio Otimization with General Transaction Costs Victor DeMiguel Deartment of Management Science and Oerations, London Business School, London NW1 4SA, UK, avmiguel@london.edu Xiaoling Mei

More information

Migration to Object Oriented Platforms: A State Transformation Approach

Migration to Object Oriented Platforms: A State Transformation Approach Migration to Object Oriented Platforms: A State Transformation Aroach Ying Zou, Kostas Kontogiannis Det. of Electrical & Comuter Engineering University of Waterloo Waterloo, ON, N2L 3G1, Canada {yzou,

More information

High Quality Offset Printing An Evolutionary Approach

High Quality Offset Printing An Evolutionary Approach High Quality Offset Printing An Evolutionary Aroach Ralf Joost Institute of Alied Microelectronics and omuter Engineering University of Rostock Rostock, 18051, Germany +49 381 498 7272 ralf.joost@uni-rostock.de

More information

Failure Behavior Analysis for Reliable Distributed Embedded Systems

Failure Behavior Analysis for Reliable Distributed Embedded Systems Failure Behavior Analysis for Reliable Distributed Embedded Systems Mario Tra, Bernd Schürmann, Torsten Tetteroo {tra schuerma tetteroo}@informatik.uni-kl.de Deartment of Comuter Science, University of

More information

Branch-and-Price for Service Network Design with Asset Management Constraints

Branch-and-Price for Service Network Design with Asset Management Constraints Branch-and-Price for Servicee Network Design with Asset Management Constraints Jardar Andersen Roar Grønhaug Mariellee Christiansen Teodor Gabriel Crainic December 2007 CIRRELT-2007-55 Branch-and-Price

More information

Forensic Science International

Forensic Science International Forensic Science International 214 (2012) 33 43 Contents lists available at ScienceDirect Forensic Science International jou r nal h o me age: w ww.els evier.co m/lo c ate/fo r sc iin t A robust detection

More information

The Fundamental Incompatibility of Scalable Hamiltonian Monte Carlo and Naive Data Subsampling

The Fundamental Incompatibility of Scalable Hamiltonian Monte Carlo and Naive Data Subsampling The Fundamental Incomatibility of Scalable Hamiltonian Monte Carlo and Naive Data Subsamling Michael Betancourt Deartment of Statistics, University of Warwick, Coventry, UK CV4 7A BETANAPHA@GMAI.COM Abstract

More information

Alpha Channel Estimation in High Resolution Images and Image Sequences

Alpha Channel Estimation in High Resolution Images and Image Sequences In IEEE Comuter Society Conference on Comuter Vision and Pattern Recognition (CVPR 2001), Volume I, ages 1063 68, auai Hawaii, 11th 13th Dec 2001 Alha Channel Estimation in High Resolution Images and Image

More information

Synopsys RURAL ELECTRICATION PLANNING SOFTWARE (LAPER) Rainer Fronius Marc Gratton Electricité de France Research and Development FRANCE

Synopsys RURAL ELECTRICATION PLANNING SOFTWARE (LAPER) Rainer Fronius Marc Gratton Electricité de France Research and Development FRANCE RURAL ELECTRICATION PLANNING SOFTWARE (LAPER) Rainer Fronius Marc Gratton Electricité de France Research and Develoment FRANCE Synosys There is no doubt left about the benefit of electrication and subsequently

More information

Fluent Software Training TRN-99-003. Solver Settings. Fluent Inc. 2/23/01

Fluent Software Training TRN-99-003. Solver Settings. Fluent Inc. 2/23/01 Solver Settings E1 Using the Solver Setting Solver Parameters Convergence Definition Monitoring Stability Accelerating Convergence Accuracy Grid Indeendence Adation Aendix: Background Finite Volume Method

More information

Effect Sizes Based on Means

Effect Sizes Based on Means CHAPTER 4 Effect Sizes Based on Means Introduction Raw (unstardized) mean difference D Stardized mean difference, d g Resonse ratios INTRODUCTION When the studies reort means stard deviations, the referred

More information

Efficient Training of Kalman Algorithm for MIMO Channel Tracking

Efficient Training of Kalman Algorithm for MIMO Channel Tracking Efficient Training of Kalman Algorithm for MIMO Channel Tracking Emna Eitel and Joachim Seidel Institute of Telecommunications, University of Stuttgart Stuttgart, Germany Abstract In this aer, a Kalman

More information

Learning Human Behavior from Analyzing Activities in Virtual Environments

Learning Human Behavior from Analyzing Activities in Virtual Environments Learning Human Behavior from Analyzing Activities in Virtual Environments C. BAUCKHAGE 1, B. GORMAN 2, C. THURAU 3 & M. HUMPHRYS 2 1) Deutsche Telekom Laboratories, Berlin, Germany 2) Dublin City University,

More information

Project Management and. Scheduling CHAPTER CONTENTS

Project Management and. Scheduling CHAPTER CONTENTS 6 Proect Management and Scheduling HAPTER ONTENTS 6.1 Introduction 6.2 Planning the Proect 6.3 Executing the Proect 6.7.1 Monitor 6.7.2 ontrol 6.7.3 losing 6.4 Proect Scheduling 6.5 ritical Path Method

More information

Ant Colony Optimization for the Traveling Salesman Problem Based on Ants with Memory

Ant Colony Optimization for the Traveling Salesman Problem Based on Ants with Memory Fourth International Conference on Natural Comutation Ant Colony Otimization for the Traveling Salesman Problem Based on Ants with Memory Bifan Li 1, Lio Wang 1,2, and Wu Song 3 1 College of Information

More information

CSI:FLORIDA. Section 4.4: Logistic Regression

CSI:FLORIDA. Section 4.4: Logistic Regression SI:FLORIDA Section 4.4: Logistic Regression SI:FLORIDA Reisit Masked lass Problem.5.5 2 -.5 - -.5 -.5 - -.5.5.5 We can generalize this roblem to two class roblem as well! SI:FLORIDA Reisit Masked lass

More information

Memory management. Chapter 4: Memory Management. Memory hierarchy. In an ideal world. Basic memory management. Fixed partitions: multiple programs

Memory management. Chapter 4: Memory Management. Memory hierarchy. In an ideal world. Basic memory management. Fixed partitions: multiple programs Memory management Chater : Memory Management Part : Mechanisms for Managing Memory asic management Swaing Virtual Page relacement algorithms Modeling age relacement algorithms Design issues for aging systems

More information

Time-Cost Trade-Offs in Resource-Constraint Project Scheduling Problems with Overlapping Modes

Time-Cost Trade-Offs in Resource-Constraint Project Scheduling Problems with Overlapping Modes Time-Cost Trade-Offs in Resource-Constraint Proect Scheduling Problems with Overlaing Modes François Berthaut Robert Pellerin Nathalie Perrier Adnène Hai February 2011 CIRRELT-2011-10 Bureaux de Montréal

More information

CABRS CELLULAR AUTOMATON BASED MRI BRAIN SEGMENTATION

CABRS CELLULAR AUTOMATON BASED MRI BRAIN SEGMENTATION XI Conference "Medical Informatics & Technologies" - 2006 Rafał Henryk KARTASZYŃSKI *, Paweł MIKOŁAJCZAK ** MRI brain segmentation, CT tissue segmentation, Cellular Automaton, image rocessing, medical

More information

The Economics of the Cloud: Price Competition and Congestion

The Economics of the Cloud: Price Competition and Congestion Submitted to Oerations Research manuscrit The Economics of the Cloud: Price Cometition and Congestion Jonatha Anselmi Basque Center for Alied Mathematics, jonatha.anselmi@gmail.com Danilo Ardagna Di. di

More information

Concurrent Program Synthesis Based on Supervisory Control

Concurrent Program Synthesis Based on Supervisory Control 010 American Control Conference Marriott Waterfront, Baltimore, MD, USA June 30-July 0, 010 ThB07.5 Concurrent Program Synthesis Based on Suervisory Control Marian V. Iordache and Panos J. Antsaklis Abstract

More information

Managing specific risk in property portfolios

Managing specific risk in property portfolios Managing secific risk in roerty ortfolios Andrew Baum, PhD University of Reading, UK Peter Struemell OPC, London, UK Contact author: Andrew Baum Deartment of Real Estate and Planning University of Reading

More information

An inventory control system for spare parts at a refinery: An empirical comparison of different reorder point methods

An inventory control system for spare parts at a refinery: An empirical comparison of different reorder point methods An inventory control system for sare arts at a refinery: An emirical comarison of different reorder oint methods Eric Porras a*, Rommert Dekker b a Instituto Tecnológico y de Estudios Sueriores de Monterrey,

More information

The risk of using the Q heterogeneity estimator for software engineering experiments

The risk of using the Q heterogeneity estimator for software engineering experiments Dieste, O., Fernández, E., García-Martínez, R., Juristo, N. 11. The risk of using the Q heterogeneity estimator for software engineering exeriments. The risk of using the Q heterogeneity estimator for

More information

Evaluating a Web-Based Information System for Managing Master of Science Summer Projects

Evaluating a Web-Based Information System for Managing Master of Science Summer Projects Evaluating a Web-Based Information System for Managing Master of Science Summer Projects Till Rebenich University of Southamton tr08r@ecs.soton.ac.uk Andrew M. Gravell University of Southamton amg@ecs.soton.ac.uk

More information

The Economics of the Cloud: Price Competition and Congestion

The Economics of the Cloud: Price Competition and Congestion Submitted to Oerations Research manuscrit (Please, rovide the manuscrit number!) Authors are encouraged to submit new aers to INFORMS journals by means of a style file temlate, which includes the journal

More information

Implementation of Statistic Process Control in a Painting Sector of a Automotive Manufacturer

Implementation of Statistic Process Control in a Painting Sector of a Automotive Manufacturer 4 th International Conference on Industrial Engineering and Industrial Management IV Congreso de Ingeniería de Organización Donostia- an ebastián, etember 8 th - th Imlementation of tatistic Process Control

More information

Local Connectivity Tests to Identify Wormholes in Wireless Networks

Local Connectivity Tests to Identify Wormholes in Wireless Networks Local Connectivity Tests to Identify Wormholes in Wireless Networks Xiaomeng Ban Comuter Science Stony Brook University xban@cs.sunysb.edu Rik Sarkar Comuter Science Freie Universität Berlin sarkar@inf.fu-berlin.de

More information

Stochastic Derivation of an Integral Equation for Probability Generating Functions

Stochastic Derivation of an Integral Equation for Probability Generating Functions Journal of Informatics and Mathematical Sciences Volume 5 (2013), Number 3,. 157 163 RGN Publications htt://www.rgnublications.com Stochastic Derivation of an Integral Equation for Probability Generating

More information

Computational Finance The Martingale Measure and Pricing of Derivatives

Computational Finance The Martingale Measure and Pricing of Derivatives 1 The Martingale Measure 1 Comutational Finance The Martingale Measure and Pricing of Derivatives 1 The Martingale Measure The Martingale measure or the Risk Neutral robabilities are a fundamental concet

More information

POISSON PROCESSES. Chapter 2. 2.1 Introduction. 2.1.1 Arrival processes

POISSON PROCESSES. Chapter 2. 2.1 Introduction. 2.1.1 Arrival processes Chater 2 POISSON PROCESSES 2.1 Introduction A Poisson rocess is a simle and widely used stochastic rocess for modeling the times at which arrivals enter a system. It is in many ways the continuous-time

More information

Risk in Revenue Management and Dynamic Pricing

Risk in Revenue Management and Dynamic Pricing OPERATIONS RESEARCH Vol. 56, No. 2, March Aril 2008,. 326 343 issn 0030-364X eissn 1526-5463 08 5602 0326 informs doi 10.1287/ore.1070.0438 2008 INFORMS Risk in Revenue Management and Dynamic Pricing Yuri

More information

Drinking water systems are vulnerable to

Drinking water systems are vulnerable to 34 UNIVERSITIES COUNCIL ON WATER RESOURCES ISSUE 129 PAGES 34-4 OCTOBER 24 Use of Systems Analysis to Assess and Minimize Water Security Risks James Uber Regan Murray and Robert Janke U. S. Environmental

More information

Storage Basics Architecting the Storage Supplemental Handout

Storage Basics Architecting the Storage Supplemental Handout Storage Basics Architecting the Storage Sulemental Handout INTRODUCTION With digital data growing at an exonential rate it has become a requirement for the modern business to store data and analyze it

More information

From Simulation to Experiment: A Case Study on Multiprocessor Task Scheduling

From Simulation to Experiment: A Case Study on Multiprocessor Task Scheduling From to Exeriment: A Case Study on Multirocessor Task Scheduling Sascha Hunold CNRS / LIG Laboratory Grenoble, France sascha.hunold@imag.fr Henri Casanova Det. of Information and Comuter Sciences University

More information

Franck Cappello and Daniel Etiemble LRI, Université Paris-Sud, 91405, Orsay, France Email: fci@lri.fr

Franck Cappello and Daniel Etiemble LRI, Université Paris-Sud, 91405, Orsay, France Email: fci@lri.fr MPI versus MPI+OenMP on the IBM SP for the NAS Benchmarks Franck Caello and Daniel Etiemble LRI, Université Paris-Sud, 945, Orsay, France Email: fci@lri.fr Abstract The hybrid memory model of clusters

More information

Re-Dispatch Approach for Congestion Relief in Deregulated Power Systems

Re-Dispatch Approach for Congestion Relief in Deregulated Power Systems Re-Disatch Aroach for Congestion Relief in Deregulated ower Systems Ch. Naga Raja Kumari #1, M. Anitha 2 #1, 2 Assistant rofessor, Det. of Electrical Engineering RVR & JC College of Engineering, Guntur-522019,

More information

This document is downloaded from DR-NTU, Nanyang Technological University Library, Singapore.

This document is downloaded from DR-NTU, Nanyang Technological University Library, Singapore. This document is downloaded from DR-NTU, Nanyang Technological University Library, Singaore. Title Automatic Robot Taing: Auto-Path Planning and Maniulation Author(s) Citation Yuan, Qilong; Lembono, Teguh

More information

The impact of metadata implementation on webpage visibility in search engine results (Part II) q

The impact of metadata implementation on webpage visibility in search engine results (Part II) q Information Processing and Management 41 (2005) 691 715 www.elsevier.com/locate/inforoman The imact of metadata imlementation on webage visibility in search engine results (Part II) q Jin Zhang *, Alexandra

More information

NOISE ANALYSIS OF NIKON D40 DIGITAL STILL CAMERA

NOISE ANALYSIS OF NIKON D40 DIGITAL STILL CAMERA NOISE ANALYSIS OF NIKON D40 DIGITAL STILL CAMERA F. Mojžíš, J. Švihlík Detartment of Comuting and Control Engineering, ICT Prague Abstract This aer is devoted to statistical analysis of Nikon D40 digital

More information

Real-Time Multi-Step View Reconstruction for a Virtual Teleconference System

Real-Time Multi-Step View Reconstruction for a Virtual Teleconference System EURASIP Journal on Alied Signal Processing 00:0, 067 087 c 00 Hindawi Publishing Cororation Real-Time Multi-Ste View Reconstruction for a Virtual Teleconference System B. J. Lei Information and Communication

More information

The predictability of security returns with simple technical trading rules

The predictability of security returns with simple technical trading rules Journal of Emirical Finance 5 1998 347 359 The redictability of security returns with simle technical trading rules Ramazan Gençay Deartment of Economics, UniÕersity of Windsor, 401 Sunset, Windsor, Ont.,

More information

COST CALCULATION IN COMPLEX TRANSPORT SYSTEMS

COST CALCULATION IN COMPLEX TRANSPORT SYSTEMS OST ALULATION IN OMLEX TRANSORT SYSTEMS Zoltán BOKOR 1 Introduction Determining the real oeration and service costs is essential if transort systems are to be lanned and controlled effectively. ost information

More information

Methods for Estimating Kidney Disease Stage Transition Probabilities Using Electronic Medical Records

Methods for Estimating Kidney Disease Stage Transition Probabilities Using Electronic Medical Records (Generating Evidence & Methods to imrove atient outcomes) Volume 1 Issue 3 Methods for CER, PCOR, and QI Using EHR Data in a Learning Health System Article 6 12-1-2013 Methods for Estimating Kidney Disease

More information

Multi-Channel Opportunistic Routing in Multi-Hop Wireless Networks

Multi-Channel Opportunistic Routing in Multi-Hop Wireless Networks Multi-Channel Oortunistic Routing in Multi-Ho Wireless Networks ANATOLIJ ZUBOW, MATHIAS KURTH and JENS-PETER REDLICH Humboldt University Berlin Unter den Linden 6, D-99 Berlin, Germany (zubow kurth jr)@informatik.hu-berlin.de

More information

IEEM 101: Inventory control

IEEM 101: Inventory control IEEM 101: Inventory control Outline of this series of lectures: 1. Definition of inventory. Examles of where inventory can imrove things in a system 3. Deterministic Inventory Models 3.1. Continuous review:

More information

Risk and Return. Sample chapter. e r t u i o p a s d f CHAPTER CONTENTS LEARNING OBJECTIVES. Chapter 7

Risk and Return. Sample chapter. e r t u i o p a s d f CHAPTER CONTENTS LEARNING OBJECTIVES. Chapter 7 Chater 7 Risk and Return LEARNING OBJECTIVES After studying this chater you should be able to: e r t u i o a s d f understand how return and risk are defined and measured understand the concet of risk

More information

Service Network Design with Asset Management: Formulations and Comparative Analyzes

Service Network Design with Asset Management: Formulations and Comparative Analyzes Service Network Design with Asset Management: Formulations and Comarative Analyzes Jardar Andersen Teodor Gabriel Crainic Marielle Christiansen October 2007 CIRRELT-2007-40 Service Network Design with

More information

Jena Research Papers in Business and Economics

Jena Research Papers in Business and Economics Jena Research Paers in Business and Economics A newsvendor model with service and loss constraints Werner Jammernegg und Peter Kischka 21/2008 Jenaer Schriften zur Wirtschaftswissenschaft Working and Discussion

More information

GAS TURBINE PERFORMANCE WHAT MAKES THE MAP?

GAS TURBINE PERFORMANCE WHAT MAKES THE MAP? GAS TURBINE PERFORMANCE WHAT MAKES THE MAP? by Rainer Kurz Manager of Systems Analysis and Field Testing and Klaus Brun Senior Sales Engineer Solar Turbines Incororated San Diego, California Rainer Kurz

More information

Manifold Learning with Variational Auto-encoder for Medical Image Analysis

Manifold Learning with Variational Auto-encoder for Medical Image Analysis Manifold Learning with Variational Auto-encoder for Medical Image Analysis Eunbyung Park Department of Computer Science University of North Carolina at Chapel Hill eunbyung@cs.unc.edu Abstract Manifold

More information

FDA CFR PART 11 ELECTRONIC RECORDS, ELECTRONIC SIGNATURES

FDA CFR PART 11 ELECTRONIC RECORDS, ELECTRONIC SIGNATURES Document: MRM-1004-GAPCFR11 (0005) Page: 1 / 18 FDA CFR PART 11 ELECTRONIC RECORDS, ELECTRONIC SIGNATURES AUDIT TRAIL ECO # Version Change Descrition MATRIX- 449 A Ga Analysis after adding controlled documents

More information

Supporting Online Material for

Supporting Online Material for www.sciencemag.org/cgi/content/full/313/5786/504/dc1 Supporting Online Material for Reducing the Dimensionality of Data with Neural Networks G. E. Hinton* and R. R. Salakhutdinov *To whom correspondence

More information

Partial-Order Planning Algorithms todomainfeatures. Information Sciences Institute University ofwaterloo

Partial-Order Planning Algorithms todomainfeatures. Information Sciences Institute University ofwaterloo Relating the Performance of Partial-Order Planning Algorithms todomainfeatures Craig A. Knoblock Qiang Yang Information Sciences Institute University ofwaterloo University of Southern California Comuter

More information

Joint Production and Financing Decisions: Modeling and Analysis

Joint Production and Financing Decisions: Modeling and Analysis Joint Production and Financing Decisions: Modeling and Analysis Xiaodong Xu John R. Birge Deartment of Industrial Engineering and Management Sciences, Northwestern University, Evanston, Illinois 60208,

More information

Service Network Design with Asset Management: Formulations and Comparative Analyzes

Service Network Design with Asset Management: Formulations and Comparative Analyzes Service Network Design with Asset Management: Formulations and Comarative Analyzes Jardar Andersen Teodor Gabriel Crainic Marielle Christiansen October 2007 CIRRELT-2007-40 Service Network Design with

More information

IEEE JOURNAL ON SELECTED AREAS IN COMMUNICATIONS, VOL. 29, NO. 4, APRIL 2011 757. Load-Balancing Spectrum Decision for Cognitive Radio Networks

IEEE JOURNAL ON SELECTED AREAS IN COMMUNICATIONS, VOL. 29, NO. 4, APRIL 2011 757. Load-Balancing Spectrum Decision for Cognitive Radio Networks IEEE JOURNAL ON SELECTED AREAS IN COMMUNICATIONS, VOL. 29, NO. 4, APRIL 20 757 Load-Balancing Sectrum Decision for Cognitive Radio Networks Li-Chun Wang, Fellow, IEEE, Chung-Wei Wang, Student Member, IEEE,

More information

Mean shift-based clustering

Mean shift-based clustering Pattern Recognition (7) www.elsevier.com/locate/r Mean shift-based clustering Kuo-Lung Wu a, Miin-Shen Yang b, a Deartment of Information Management, Kun Shan University of Technology, Yung-Kang, Tainan

More information

A Third Generation Automated Teller Machine Using Universal Subscriber Module with Iris Recognition

A Third Generation Automated Teller Machine Using Universal Subscriber Module with Iris Recognition A Third Generation Automated Teller Machine Using Universal Subscriber Module with Iris Recognition B.Sundar Raj Assistant rofessor, Det of CSE, Bharath University, Chennai, TN, India. ABSTRACT: This aer

More information

Large firms and heterogeneity: the structure of trade and industry under oligopoly

Large firms and heterogeneity: the structure of trade and industry under oligopoly Large firms and heterogeneity: the structure of trade and industry under oligooly Eddy Bekkers University of Linz Joseh Francois University of Linz & CEPR (London) ABSTRACT: We develo a model of trade

More information

Stability Improvements of Robot Control by Periodic Variation of the Gain Parameters

Stability Improvements of Robot Control by Periodic Variation of the Gain Parameters Proceedings of the th World Congress in Mechanism and Machine Science ril ~4, 4, ianin, China China Machinery Press, edited by ian Huang. 86-8 Stability Imrovements of Robot Control by Periodic Variation

More information

X How to Schedule a Cascade in an Arbitrary Graph

X How to Schedule a Cascade in an Arbitrary Graph X How to Schedule a Cascade in an Arbitrary Grah Flavio Chierichetti, Cornell University Jon Kleinberg, Cornell University Alessandro Panconesi, Saienza University When individuals in a social network

More information

PRIME NUMBERS AND THE RIEMANN HYPOTHESIS

PRIME NUMBERS AND THE RIEMANN HYPOTHESIS PRIME NUMBERS AND THE RIEMANN HYPOTHESIS CARL ERICKSON This minicourse has two main goals. The first is to carefully define the Riemann zeta function and exlain how it is connected with the rime numbers.

More information

Buffer Capacity Allocation: A method to QoS support on MPLS networks**

Buffer Capacity Allocation: A method to QoS support on MPLS networks** Buffer Caacity Allocation: A method to QoS suort on MPLS networks** M. K. Huerta * J. J. Padilla X. Hesselbach ϒ R. Fabregat O. Ravelo Abstract This aer describes an otimized model to suort QoS by mean

More information

A Simple Model of Pricing, Markups and Market. Power Under Demand Fluctuations

A Simple Model of Pricing, Markups and Market. Power Under Demand Fluctuations A Simle Model of Pricing, Markus and Market Power Under Demand Fluctuations Stanley S. Reynolds Deartment of Economics; University of Arizona; Tucson, AZ 85721 Bart J. Wilson Economic Science Laboratory;

More information

Pressure Drop in Air Piping Systems Series of Technical White Papers from Ohio Medical Corporation

Pressure Drop in Air Piping Systems Series of Technical White Papers from Ohio Medical Corporation Pressure Dro in Air Piing Systems Series of Technical White Paers from Ohio Medical Cororation Ohio Medical Cororation Lakeside Drive Gurnee, IL 600 Phone: (800) 448-0770 Fax: (847) 855-604 info@ohiomedical.com

More information

A Novel Architecture Style: Diffused Cloud for Virtual Computing Lab

A Novel Architecture Style: Diffused Cloud for Virtual Computing Lab A Novel Architecture Style: Diffused Cloud for Virtual Comuting Lab Deven N. Shah Professor Terna College of Engg. & Technology Nerul, Mumbai Suhada Bhingarar Assistant Professor MIT College of Engg. Paud

More information

Introduction to Machine Learning CMU-10701

Introduction to Machine Learning CMU-10701 Introduction to Machine Learning CMU-10701 Deep Learning Barnabás Póczos & Aarti Singh Credits Many of the pictures, results, and other materials are taken from: Ruslan Salakhutdinov Joshua Bengio Geoffrey

More information

Compensating Fund Managers for Risk-Adjusted Performance

Compensating Fund Managers for Risk-Adjusted Performance Comensating Fund Managers for Risk-Adjusted Performance Thomas S. Coleman Æquilibrium Investments, Ltd. Laurence B. Siegel The Ford Foundation Journal of Alternative Investments Winter 1999 In contrast

More information

TRANSMISSION Control Protocol (TCP) has been widely. On Parameter Tuning of Data Transfer Protocol GridFTP for Wide-Area Networks

TRANSMISSION Control Protocol (TCP) has been widely. On Parameter Tuning of Data Transfer Protocol GridFTP for Wide-Area Networks On Parameter Tuning of Data Transfer Protocol GridFTP for Wide-Area etworks Takeshi Ito, Hiroyuki Ohsaki, and Makoto Imase Abstract In wide-area Grid comuting, geograhically distributed comutational resources

More information

Rummage Web Server Tuning Evaluation through Benchmark

Rummage Web Server Tuning Evaluation through Benchmark IJCSNS International Journal of Comuter Science and Network Security, VOL.7 No.9, Setember 27 13 Rummage Web Server Tuning Evaluation through Benchmark (Case study: CLICK, and TIME Parameter) Hiyam S.

More information

This article appeared in a journal published by Elsevier. The attached copy is furnished to the author for internal non-commercial research and

This article appeared in a journal published by Elsevier. The attached copy is furnished to the author for internal non-commercial research and This article aeared in a journal ublished by Elsevier. The attached coy is furnished to the author for internal non-commercial research and education use, including for instruction at the authors institution

More information