Accelerating the Single Cluster PHD Filter with a GPU Implementation

Size: px
Start display at page:

Download "Accelerating the Single Cluster PHD Filter with a GPU Implementation"

Transcription

1 Accelerating the Single Cluster PHD Filter with a GPU Implementation Chee Sing Lee, José Franco, Jérémie Houssineau, Daniel Clar Abstract The SC-PHD filter is an algorithm which was esigne to solve a class of multiple object estimation problems where it is necessary to estimate the state of a single-target parent process, in aition to estimating the state of a multiobject population which is conitione on it. The filtering process usually employs a number of particles to represent the parent process, couple each with a conitional PHD filter, which is computationally burensome. In this article, an implementation is escribe which exploits the parallel nature of the filter to obtain consierable spee-up with the help of a GPU. Several consierations nee to be taen into account to mae efficient use of the GPU, an these are also escribe here. I. INTRODUCTION Recent evelopments in multiple target tracing algorithms have spurre the creation of methos which use them as builing blocs to solve more complex problems. For instance, filters base on the finite set statistics (FISST) framewor [1] such as the PHD Filter [2] have been exte to estimate cluster processes [3], perform istribute sensor localization [4], parameter estimation [5], an simultaneous localization an mapping [6], [7], among other applications. Augmenting the sophistication of the tracing systems, however, also ts to lea to a sharp increase in computational buren. However, interesting parallelization opportunities can often be exploite to reuce the overall running times of the algorithm. In particular, the Single Cluster PHD (SC-PHD) filter is suite for tracing problems where the observe targets motion an evolution is epent on some unobserve parent state. The use of this filter has been emonstrate in group target tracing [8], microscope rift estimation [9] an simultaneous localization an mapping [7]. Increasing the spee of inherently parallel programs can be achieve through the use of specialize processors, sometimes calle accelerators. Graphics Processing Units (GPU) are an interesting type of accelerator since they specialize in carrying out massively parallel tass. With increase computational nees spurre by more complex graphics intensive applications, the processing power of GPUs has quicly increase through the years, an there has been a surge of interest in exposing these capabilities for use in a wier range of applications. The CUDA framewor is a recent effort by Nviia corporation to simplify access to these capabilities in Nviia graphics cars for general purpose computation. This wor was supporte by the Engineering an Physical Sciences Research Council (EPSRC) Grant number EP/K014277/1 an the MOD University Defence Research Collaboration in Signal Processing. The authors are with the School of Engineering & Physical Sciences, Heriot-Watt University, Einburgh ( cslee@eia.ug.eu, {jf139,jh207,d.e.clar}@hw.ac.u) The purpose of this article is to provie etails on an implementation of the SC-PHD Filter on the CUDA framewor. In Section II, the SC-PHD Filter is escribe. Section III tals about the particularities of the CUDA Framewor an what consierations must be taen when programming for it, while Section IV etails the implementation of this filter on this architecture. Sample results are shown in Section V, an finally the article conclues in Section VI. II. THE SC-PHD FILTER The PHD Filter is a multi-object estimation filter base on Finite Set Statistics (FISST). In this framewor, the multiobject an measurement spaces are represente as ranom finite sets (RFS), which implies uncertainty both in the states of each of the targets being trace an in the size of the population. The filter propagates the approximation relate to the first moment, or intensity, of the multi-target Bayes filter, which is calle the Probability Hypothesis Density (PHD). This is a function efine over the single-target state space whose integral over a particular region gives the expecte number of targets in that region, an thus gives information not only on the number of objects in the population but also of their location. An interesting class of multiple-target tracing problems eals with tracing a population whose state is conitional on a single-target ranom variable. This may be ue to, for example, the state of the sensor that observes the population not being accurately nown. The Single Cluster PHD Filter is an extension of the PHD Filter which is esigne to estimate the state not only of the multiple object population through a conitional PHD D (y x), but also of the parent process on which it is conitione. The preiction equation for the SC-PHD filter is given by D 1 (x, y) = s 1 (x )π 1 (x x ) D 1 (y x ) x, (1) where s 1 is the prior istribution of the parent state at time 1, where π 1 is the Marov transition ensity of the parent process, an where D 1 (y x) is the preicte PHD of the aughter process: D 1 (y x) = γ 1 (y x) + D 1 (y x)p S (y x) π 1 (y y, x) y with the following efinitions:

2 γ 1 ( x) PHD for aughter birth process at time, conitione on parent state x D 1 ( x) prior PHD of the aughter state at time 1, conitione on parent state x p S ( x) object survival probability, conitione on x π 1 (, x) single-object Marov transition ensity for the aughter process, conitione on x. The upate equation, in turn, is given by D (x, y) = s 1 (x)l Z (x) s 1 (x )L Z (x ) x D (y x), where s 1 is the preicte PHD of the parent state, where p D ( x) is etection probability of the aughter process given a parent state x, an where L Z (x) the multi-object observation lielihoo of the measurement set Z given a parent state x, efine by L Z (x) = exp ( with η z (x) = κ (z) + ) p D (y x) D 1 (y x) y η z (x), z Z D 1 (y x)p D (y x)g(z y, x) y, where g(, x) is the single-object observation lielihoo given the parent state x an where κ is the PHD of the measurement clutter process. The upate PHD D ( x) of the aughter process is foun to be D (y x) = D 1 (y x) [ (1 p D (y x)) + g(z y, x)p D (y x) η z (y x) z Z Practical implementations of either the PHD or SC-PHD filter require an appropriate representation for the intensity. In this article, the focus will be on accelerating a filter equippe with a particle representation for the istribution s of the parent process an a Gaussian mixture representation for the PHD of the aughter state. To reflect the conitional relationship between the parent an aughter processes, each particle in the parent istribution is associate with its own Gaussian Mixture (GM) representing the aughter PHD conitione on that particle s trajectory. Then at any given timestep, the parent an aughter processes can be state as N s (x) = J (i) D (i) (y x ) = w (i,j) ]. δ(x x(i) ) (2) N (y, µ (i,j), P (i,j) ). (3) Here, N is the number of particles in the representation of the parent state, each with state x (i) an weight, J (i) is the current number of components in the aughter Gaussian mixture, each component having weight w (i,j), mean µ (i,j) an covariance P (i,j). This representation is particularly convenient if the motion an measurement moels are linear an Gaussian, or can be reasonably linearize as such, since it simplifies the obtention of the preicte an upate forms for the Gaussian mixture. To obtain the equation for preiction, equations (2) an (3) are substitute into the SC-PHD preiction equation (1), yieling D 1 (x, y) = N 1 1 π 1(x x (i) 1 ) D 1 (y x (i) 1 ). Next, the Marov transition ensity of the parent is approximate by rawing M samples from it: D 1 (x, y) {x (i,1),, x (i,m) } π 1 (x x (i) N 1 M 1 ) M δ(x x(i,j) ) D 1 (y x (i) 1 ) Measurement-riven births are use, as escribe in [10], so the incorporation of new targets into the aughter PHD is elaye until the upate step. Therefore, the preicte aughter PHD escribes only persisting aughter objects propagate forwar in time: D S, 1 (y x (i) 1 ) = p S (y x (i) 1 ) JS, 1 S, 1 N ( y, S, 1, P(j) S, 1 = w(j) 1 S, 1 = f(µ(j) 1 ) P (j) S, 1 = F P (j) 1 FT + W Q W T S, 1 (i) ) x 1 where f(µ) is the (possibly non-linear) motion moel escribing the motion of aughter objects an F an W are the Jacobians of the motion moel with respect to the aughter feature an process noise respectively. The preicte joint PHD woul now consist of N 1 = M N 1 particles corresponing to the parent state, an the same number of Gaussian mixtures representing the conitional aughter PHDs. This means the number of particles woul grow geometrically with every preiction, but when the particles are resample, only a number of samples equal to the number of original particles is rawn, to mae it feasible to iterate for as many time steps as necessary. For the upate step, each conitional aughter PHD is iniviually upate with the receive measurements: D (y x) = (1 p D(y x)) + z Z J 1 J 1 1 N ( y; 1, P (j) ) 1 N ( y; (z), P(j) (z)) + z Z w γ 0 η z(y x) N ( y; z (x), R ),

3 where η z (y x) = κ(z) + p D ( x) J 1 l=1 g(z y, x) 1 + wγ 0 = w(j) 1 p D( x)g(z y, x) 1 η z(y x) 1 (z) = µ(j) 1 + K(z h(µ(j) 1, x)) P (j) (z) = (I K H )P (j) 1 K = PH T S 1 S = H P 1 H T + R. With measurement riven births, the terms z (x) an R are the mean an covariance of the birth term generate from measurement z. The term z (x) = h 1 (z, x) is chosen such that h(z (x), x) = z, while R can be chosen to be R ( ) (x) = J R ( ) J T if the Jacobian J of the inverse measurement function h 1 is nown. After upating the aughter Gaussian Mixtures, the weights of the parent particles are upate using their multi-object lielihoos L Z (x (i) 1 ): = L Z (x (i) 1 ) = exp L Z (x (i) 1 )ζ(i) 1 N 1, l=0 L Z (x (l) 1 )ζ(l) 1 ( (i) J ) 1 j=0 1 z Z η z (y (i) 1 x(i) 1 ). III. THE CUDA PROGRAMMING MODEL Effective parallel programming with CUDA requires an unerstaning of the capabilities an limitations of the GPU as a computational platform. A CUDA application will generally contain portions which are execute in parallel on the GPU (evice coe), an portions which are execute serially by the CPU (host coe), with program flow alternating between host coe an evice coe. Device coe is execute in parallel by a gri of hunres or thousans of threas on the GPU, which is subivie into threa blocs. Each threa within the gri has access to inex values enoting the particular threa bloc in which it is locate, an its location within that bloc. These inices are use to ifferentiate behavior among threas, for example, accessing ifferent portions of the input an output ata arrays. Every threa receives the same set of instructions in the form of a special C function calle a ernel. In practice, CUDA ernels are not written to execute an entire algorithm on the GPU, but rather to perform smaller, computationally emaning portions of the algorithm that have been previously single out through profiling. Ieal caniates for GPU parallelization are proceures in which very large arrays are processe, with every array element being operate upon with an ientical set of computationally expensive instructions. In other wors, rather than looping serially through an array with a for or while loop, a GPU ernel woul execute all iterations of the loop in parallel, with a single threa hanling each iteration. The most important factor affecting the performance of a CUDA application is memory banwith. Prior to execution of a ernel, the input ata must be transferre from the host to the evice, an the output ata must be transferre from the evice bac to the host following ernel execution. The time to perform these operations is very long relative to the time to execute computational tass, so one must ensure that the computational gains from parallization outweigh the penalties incurre by memory operations. An effective CUDA application will strie a balance between processing small ata arrays in serial on the CPU an processing large arrays in parallel on the GPU. There are many more esign consierations for optimizing the performance of a CUDA ernel, which are outline in the CUDA toolit ocumentation [11]. IV. PARALLEL IMPLEMENTATION The Gaussian mixture SC-PHD filter propagates the parent state as a collection of particles, with each particle being line to a aughter Gaussian mixture PHD conitione on the state an trajectory of that particle. These pseuocoe listings will mae use of the following abbreviations: D (x, y) =. {x (i), ω (i) (i), D (y x)}n D (i) (y x) =. {, P (j), } J (i) Each of the subroutines liste here accepts as input an returns as output a single parent particle an its corresponing PHD. Serial proceures are mare as Functions an parallel proceures meant to be ran on the GPU are enote Kernels. For numerical stability, it is recomme that weights an lielihoos be replace with their log-equivalents, an that the corresponing computations be moifie accoringly. The source coe for this GPU implementation of the SC- PHD filter is freely available uner the Apache 2.0 license at the following aress: The top-level filter iteration shoul loo familiar to those experience with other Bayesian filter methos such as the EKF. The upate step is split into two subroutines: PreUpate computes auxilliary terms which are neee for the computation of the SC-PHD upate an Upate implements the actual upate equations. In this wor the PruneAnMerge subroutine was implemente as escribe in [12], but an alternative Gaussian mixture reuction algorithm can be substitute at the user s iscretion. The same may be sai about the Resample subroutine for resampling the parent particles. In the GPU implementation, the joint PHD consists of one array of particle states representing the parent, an another array of Gaussians representing all conitional aughter PHDs concatenate together. Typically, the parent state consists of several hunre particles, each represente by a vector of less than 10 imensions. The aughter array is several orers of magnitue larger. Each aughter PHD consists of several hunre Gaussian terms, each comprise of a scalar weight, mean vector, an covariance matrix. In general, operations

4 Function SC-PHD(D 1, Z ) Input: Prior joint state estimate, current measurements Output: Posterior joint state estimate, measurements for i = 1... N 1 o D (i) 1 =Preict(D(i) 1 (x, y)) ˆD (i) 1 =PreUpate(D(i) 1 (x, y), Z ) (i) [ D, L (i) (i) Z (X)] = Upate( D 1, ˆD 1, Z ) ω (i) = ω (i) L Z (X) D (i) (i) = PruneAnMerge( D ) // [12, Table II] // Particle resampling accoring to [13, Algorithm 2] x (1...N ) = Resample(x (1...N ), ω (1...N ) ) ω (1...N ) = 1/K return D = {x (i), ω (i), (i) D (y x)}n Function Preict(D 1 ) Input: Prior parent state particle an conitional aughter PHD Output: Preicte sensor state an object PHD // Sample sensor transition ensity for n = 1... M o x (n) 1 π( x x) ω (n) 1 ω // Preict aughter PHD forall the { 1, P(j) 1, w(j) 1 } in D 1 o 1 = w(j) 1 1 = f(µ(j) 1 ) P (j) 1 = F(j) P (j) 1 F(j),T + W (j) Q (j) W (j),t D (n) 1 = {µ(j) 1, P(j) 1 }J return D 1 = {x (n) 1, ω(n) (n) 1, D 1 }M n=1 involving the aughter PHD array will be carrie out on the GPU, while operations involving only the parent array will be carrie serially with the CPU, as the parent array is too small to overcome the memory performance bottlenec. By parallelizing the filter, the for loop in the above pseuocoe is eliminate. A. Threa gri imensioning an inexing The threas relate to the aughter Gaussian mixture of a single particle nee to share information in orer to perform the upate, so we assign one threa bloc per parent particle. This raises two esign challenges which must be ealt with: 1) threa blocs must be uniform in size, but the ifferent conitional aughter PHDs will iffer in size, an, 2) the number of Gaussian terms in a single conitional aughter may excee the maximum allowable threa bloc size. To aress both issues, an array is passe to the GPU where each element inicates the number of terms in the corresponing GM. A prefix sum of this array yiels an inexing offset pointing to the beginning of the appropriate Gaussian mixture in the concatenate array. Moreover, nowing the number of Gaussians permits the construction of a for loop which processes the input ata blocdim threas at a time. B. Preiction The preiction stage involves propagating both the parent istribution an aughter PHDs forwar in time. The parent preiction is performe serially while the aughter PHD is preicte in parallel on the GPU. Implementing a per-threa ranom number generator woul be prohibitively complicate, so the ranom noise samples are generate by the host, an passe to the ernel as input arguments. C. Pre-Upate In the PreUpate subroutine, single-object measurement lielihoos for each measurement an each term within the aughter Gaussian mixture are compute. The Gaussian mixture terms are also upate with the measurements via a Kalman upate. Function CUDAPreict(priorParent, priordaughter) preicteparent = hostarray(sizeof(priorparent)) for i = 0,..., np articles o processnoise = maenoise() preicteparent[i] = computeparentmotion(priorparent[i],processnoise) preictedaughter = evicearray(sizeof(priordaughter)) noisearray = maenoise() aughterpreictkernel (priordaughter,preictedaughter,noisearray) Let np reict be the total number of terms in the concatenate preicte aughter PHD, an nm easure be the number of receive measurements. The preupate will compute np reupate = np reict nm easure single-object lielihoos an upate Gaussians. D. Upate The remainer of the SC-PHD upate is performe by the Upate subroutine. Here, the preicte an preupate augther PHD terms, along with measurement-riven birth terms are concatenate an reweighte to form the final upate PHD. The upate aughter PHD will be the preupate array concatenate with np reict terms representing misse etection terms, an nm easure np articles terms representing measurement-riven birth. Within each threa bloc, share memory is use to compute weight normalization terms an the multi-object lielihoo value to re-weight the parent particle. V. RESULTS To analyze the performance gains that can be obtaine using the GPU implementation of the filter, a simple tracing scenario was generate consisting on targets moving in a plane accoring to Brownian motion. The sensor that observes this population also moves accoring to Brownian motion, an thus

5 Kernel aughterpreictkernel(prior,noise,preictearray) for j = 0,nThreas,2nThreas,...,nFeatures o ix = ti + j preictearray[ix] = computemotion (prior[ix],noise[ix]) Function PreUpate(D 1, Z ) Input: Preicte sensor particle an multi-object PHD, measurements Output: Pre-upate terms for SC-PHD aughter upate forall the {, P (j), } in D 1 o ẑ = h 1 (X, ) // Preicte measurement S = HP (j) H T + R // Innovation covariance K = P (j) H T S 1 // Kalman Gain P (j ) = (I KH)P // Upate covariance for i = 1... Z o // single-object lielihoo p(z (i), y) = N ( z (i) ; ẑ, S ) µ (j i) = µ + K(z ẑ) // Upate mean ˆD o s = {µ (j i), P (j i) }...J... Z return p(, x), ˆD 1 the acquire measurements exhibit ranom rift, which also nees to be estimate. Let the parent state be efine by a bias vector X = [x, y]. Given noise parameters σ x, σ y for the parent motion moel, the parent particles are preicte as follows; X 1 = X 1 + v v N ( [ X; [ 0 0 ], σ 2 ] x ) 0 0 σ 2 y Concurrently with the parent particles, the terms in the aughter Gaussian mixtures are preicte using a Brownian motion moel with noise parameters σ r, σ s. The preicte mean an covariance are compute as follows: [ ] σ 2 r µ 1 = µ 1 P 1 = P σ 2 s Kernel preupatekernel(preictedaughterarray, preicteparentarray,measurements,offsets,lielihoos, preupatedaughter) parent = preicteparentarray[blocix.x] ; preicte = preictedaughterarray[threaix.x] z = measurements[threaix.y] preupate.weight = computesingleobjectlielihoo(z,preicte,parent) preupate.mean,preupate.cov = KalmanUpate(z,preicte,parent) ; preupatedaughter[threaix.x,threaix.y] = preupate Function Upate(D 1, ˆD 1, p z µ,x ) Input: Preicte multi-object PHD an pre-upate terms Output: Upate multi-object PHD forall the, P (j), in D 1 o // Non-etection terms n = µ(j) ; P (j) n = P(j) ; w n = // Detection terms for i = 1... Z o µ (j i) = µ (j i) ; P (j i) = P (j i) ; // from ˆD 1 w (j i) = p Dp z s,o (z i, y) // Measurement-erive birth terms for i = 1... Z o µ (i) 0 = h 1 (y, z i); P (i) 0 = R ; w (i) 0 = w 0 // Normalize weights // compute multi-object lielihoo Ñ = J w(j) L Z (X) = exp(ñ) for i = 1... Z o η zi = κ(z i) + J w(j i) + 2w 0 for j = 1... J o w (j i) /= η zi w (i) 0 /= ηz i L Z (X) = L Z (X) η zi // Concatenate terms µ = [µ (1...J) n, µ (1...J Z ), µ (1... Z ) 0 ] P = [P (1...J) n, P (1...J Z ), P (1... Z ) 0 ] w = [w (1...J) n, w (1...J Z ), w (1... Z ) 0 ] return {µ, P, w, L Z (X)} The measurement moel is simply an ientity function on the aughter state, biase by the parent particle state. ẑ(µ X) = µ 1 + X 1 Fig. 1. Simulate measurements, with x versus time above an y versus time below. The conitional single object measurement lielihoo is compute by evaluating the following multi-variate Gaussian: p(z µ, X) = N ( z; ẑ, S ) S = P 1 + R where R is the measurement noise covariance matrix. This moel is similar to the simultaneous protein tracing an

6 Kernel PHDUpate(preicteGaussians,offsets,measurements) [ixin,ixout,npreict,blocoffset] = computeinices(offsets,threaix,blocix) preicte = preictegaussians[ixin] i = ixout - blocoffset if i >npreict then non-etection weight = preicte.weight upategaussians[ixout] = preicte else if npreict <= i <(npreict*(1 + nmeasurements)) then etection m = floor((i - npreict)/npreict) upate = preupate(preicte,measurements[m]) weight = upate.weight upategaussians[ixout] = upate else if i >= (npreict*(1 + nmeasurements)) then birth m = i - (npreict*(1 + nmeasurements)) birth = computebirth(measurements[m]) sharemem[threaix] = weight normalizer = sum(sharemem) upategaussians[ixout] /=normalizer Time (secons) # particles Fig. 2. Execution time of the GM-SCPHD filter. The ashe line inicates the running time for the serial implementation, an the soli the parallel one. The orinate is the logarithm of the running time. microscope rift estimation problem presente in [9]. For simulation inputs, a 20 time step scenario was generate for which 10 Monte Carlo runs were execute with varying parent particle counts: N = {50, 100, 200, 500, 1000, 2000, 5000, 10000}. The test ata can be visualize in Figure 1. The timing results are shown in Figure 2. These results show that while the GPU implementation is significantly faster than the serial implementation, the execution time still increases proportionally to the number of parent particles. Further profiling reveale that the majority of the computation time occurs within the Gaussian mixture reuction subroutine. Because it is an inherently sequential operation, the GM reuction was left as a serial subroutine to be run on the CPU. As the CPU loops over each parent particle to reuce its corresponing Gaussian mixture, it is to be expecte that time woul increase with a higher number of particles. VI. CONCLUSIONS The SC-PHD filter is a useful tool when solving a wie class of estimation problems that consist on jointly tracing a parent single-target state an a aughter multi-object state that is conitione on the parent. Although this filter has been wiely shown to perform well when solving this problem, serial implementations are slow since they o not exploit the inherent parallelism offere by this filter. In this article, a parallel version of the filter was etaile, an an implementation exploiting the high-performance capabilities of GPUs was escribe. This implementation was shown to perform well on simulate ata, proviing consierable spee-up compare to the serial version of the same algorithm. REFERENCES [1] R. P. Mahler, Statistical multisource-multitarget information fusion. Artech House ˆ eboston Boston, 2007, vol [2], Multitarget bayes filtering via first-orer multitarget moments, Aerospace an Electronic Systems, IEEE Transactions on, vol. 39, no. 4, pp , [3] A. Swain an D. Clar, Bayesian estimation of the intensity for inepent cluster point processes: An analytic solution, Proceia Environmental Sciences, vol. 7, pp , [4] M. Uney, B. Mulgrew, an D. Clar, Cooperative sensor localisation in istribute fusion networs by exploiting non-cooperative targets. ICASSP, [5] B. Ristic, D. E. Clar, an N. Goron, Calibration of multi-target tracing algorithms using non-cooperative targets, Selecte Topics in Signal Processing, IEEE Journal of, vol. 7, no. 3, pp , [6] C. S. Lee, D. Clar, an J. Salvi, Slam with single cluster ph filters, in Robotics an Automation (ICRA), 2012 IEEE International Conference on, May 2012, pp [7] C. S. Lee, D. E. Clar, an J. Salvi, Slam with ynamic targets via single-cluster ph filtering, Selecte Topics in Signal Processing, IEEE Journal of, vol. 7, no. 3, pp , [8] A. Swain an D. E. Clar, First-moment filters for spatial inepent cluster processes, in SPIE Defense, Security, an Sensing. International Society for Optics an Photonics, 2010, pp I I. [9] J. Franco, J. Houssineau, D. Clar, an C. Ricman, Simultaneous tracing of multiple particles an sensor position estimation in fluorescence microscopy images, in Control, Automation an Information Sciences (ICCAIS), 2013 International Conference on. IEEE, 2013, pp [10] J. Houssineau an D. Laneuville, Ph filter with iffuse spatial prior on the birth process with applications to gm-ph filter, in Information Fusion (FUSION), th Conference on. IEEE, 2010, pp [11] Nviia Corporation, CUDA toolit ocumentation, [Online]. Available: [12] B.-N. Vo an W.-K. Ma, The gaussian mixture probability hypothesis ensity filter, Signal Processing, IEEE Transactions on, vol. 54, no. 11, pp , [13] M. S. Arulampalam, S. Masell, N. Goron, an T. Clapp, A tutorial on particle filters for online nonlinear/non-gaussian bayesian tracing, Signal Processing, IEEE Transactions on, vol. 50, no. 2, pp , 2002.

Transient analysis of wave propagation in 3D soil by using the scaled boundary finite element method

Transient analysis of wave propagation in 3D soil by using the scaled boundary finite element method Southern Cross University epublications@scu 23r Australasian Conference on the Mechanics of Structures an Materials 214 Transient analysis of wave propagation in 3D soil by using the scale bounary finite

More information

Particle Swarm Optimization Based on Smoothing Approach for Solving a Class of Bi-Level Multiobjective Programming Problem

Particle Swarm Optimization Based on Smoothing Approach for Solving a Class of Bi-Level Multiobjective Programming Problem BULGARIAN ACADEMY OF SCIENCES CYBERNETICS AND INFORMATION TECHNOLOGIES Volume 17, No 3 Sofia 017 Print ISSN: 1311-970; Online ISSN: 1314-4081 DOI: 10.1515/cait-017-0030 Particle Swarm Optimization Base

More information

Short-term prediction of photovoltaic power based on GWPA - BP neural network model

Short-term prediction of photovoltaic power based on GWPA - BP neural network model Short-term preiction of photovoltaic power base on GWPA - BP neural networ moel Jian Di an Shanshan Meng School of orth China Electric Power University, Baoing. China Abstract In recent years, ue to China's

More information

Bayesian localization microscopy reveals nanoscale podosome dynamics

Bayesian localization microscopy reveals nanoscale podosome dynamics Nature Methos Bayesian localization microscopy reveals nanoscale poosome ynamics Susan Cox, Ewar Rosten, James Monypenny, Tijana Jovanovic-Talisman, Dylan T Burnette, Jennifer Lippincott-Schwartz, Gareth

More information

Study of Network Optimization Method Based on ACL

Study of Network Optimization Method Based on ACL Available online at www.scienceirect.com Proceia Engineering 5 (20) 3959 3963 Avance in Control Engineering an Information Science Stuy of Network Optimization Metho Base on ACL Liu Zhian * Department

More information

Architecture Design of Mobile Access Coordinated Wireless Sensor Networks

Architecture Design of Mobile Access Coordinated Wireless Sensor Networks Architecture Design of Mobile Access Coorinate Wireless Sensor Networks Mai Abelhakim 1 Leonar E. Lightfoot Jian Ren 1 Tongtong Li 1 1 Department of Electrical & Computer Engineering, Michigan State University,

More information

1 Surprises in high dimensions

1 Surprises in high dimensions 1 Surprises in high imensions Our intuition about space is base on two an three imensions an can often be misleaing in high imensions. It is instructive to analyze the shape an properties of some basic

More information

State Indexed Policy Search by Dynamic Programming. Abstract. 1. Introduction. 2. System parameterization. Charles DuHadway

State Indexed Policy Search by Dynamic Programming. Abstract. 1. Introduction. 2. System parameterization. Charles DuHadway State Inexe Policy Search by Dynamic Programming Charles DuHaway Yi Gu 5435537 503372 December 4, 2007 Abstract We consier the reinforcement learning problem of simultaneous trajectory-following an obstacle

More information

Classifying Facial Expression with Radial Basis Function Networks, using Gradient Descent and K-means

Classifying Facial Expression with Radial Basis Function Networks, using Gradient Descent and K-means Classifying Facial Expression with Raial Basis Function Networks, using Graient Descent an K-means Neil Allrin Department of Computer Science University of California, San Diego La Jolla, CA 9237 nallrin@cs.ucs.eu

More information

Exploring Context with Deep Structured models for Semantic Segmentation

Exploring Context with Deep Structured models for Semantic Segmentation 1 Exploring Context with Deep Structure moels for Semantic Segmentation Guosheng Lin, Chunhua Shen, Anton van en Hengel, Ian Rei between an image patch an a large backgroun image region. Explicitly moeling

More information

Exploring Context with Deep Structured models for Semantic Segmentation

Exploring Context with Deep Structured models for Semantic Segmentation APPEARING IN IEEE TRANSACTIONS ON PATTERN ANALYSIS AND MACHINE INTELLIGENCE, APRIL 2017. 1 Exploring Context with Deep Structure moels for Semantic Segmentation Guosheng Lin, Chunhua Shen, Anton van en

More information

Skyline Community Search in Multi-valued Networks

Skyline Community Search in Multi-valued Networks Syline Community Search in Multi-value Networs Rong-Hua Li Beijing Institute of Technology Beijing, China lironghuascut@gmail.com Jeffrey Xu Yu Chinese University of Hong Kong Hong Kong, China yu@se.cuh.eu.h

More information

Online Appendix to: Generalizing Database Forensics

Online Appendix to: Generalizing Database Forensics Online Appenix to: Generalizing Database Forensics KYRIACOS E. PAVLOU an RICHARD T. SNODGRASS, University of Arizona This appenix presents a step-by-step iscussion of the forensic analysis protocol that

More information

Fast Fractal Image Compression using PSO Based Optimization Techniques

Fast Fractal Image Compression using PSO Based Optimization Techniques Fast Fractal Compression using PSO Base Optimization Techniques A.Krishnamoorthy Visiting faculty Department Of ECE University College of Engineering panruti rishpci89@gmail.com S.Buvaneswari Visiting

More information

Object Recognition Using Colour, Shape and Affine Invariant Ratios

Object Recognition Using Colour, Shape and Affine Invariant Ratios Object Recognition Using Colour, Shape an Affine Invariant Ratios Paul A. Walcott Centre for Information Engineering City University, Lonon EC1V 0HB, Englan P.A.Walcott@city.ac.uk Abstract This paper escribes

More information

Non-homogeneous Generalization in Privacy Preserving Data Publishing

Non-homogeneous Generalization in Privacy Preserving Data Publishing Non-homogeneous Generalization in Privacy Preserving Data Publishing W. K. Wong, Nios Mamoulis an Davi W. Cheung Department of Computer Science, The University of Hong Kong Pofulam Roa, Hong Kong {wwong2,nios,cheung}@cs.hu.h

More information

Offloading Cellular Traffic through Opportunistic Communications: Analysis and Optimization

Offloading Cellular Traffic through Opportunistic Communications: Analysis and Optimization 1 Offloaing Cellular Traffic through Opportunistic Communications: Analysis an Optimization Vincenzo Sciancalepore, Domenico Giustiniano, Albert Banchs, Anreea Picu arxiv:1405.3548v1 [cs.ni] 14 May 24

More information

A multiple wavelength unwrapping algorithm for digital fringe profilometry based on spatial shift estimation

A multiple wavelength unwrapping algorithm for digital fringe profilometry based on spatial shift estimation University of Wollongong Research Online Faculty of Engineering an Information Sciences - Papers: Part A Faculty of Engineering an Information Sciences 214 A multiple wavelength unwrapping algorithm for

More information

Inverse Model to Determine the Optimal Number of Drops of RDC Column Using Fuzzy Approach

Inverse Model to Determine the Optimal Number of Drops of RDC Column Using Fuzzy Approach Inverse Moel to Determine the Optimal Number of Drops of RDC Column Using Fuzzy Approach 1 HAFEZ IBRAHIM, 2 JAMALLUDIN TALIB, 3 NORMAH MAAN Department of Mathematics Universiti Teknologi Malaysia 81310

More information

Learning Subproblem Complexities in Distributed Branch and Bound

Learning Subproblem Complexities in Distributed Branch and Bound Learning Subproblem Complexities in Distribute Branch an Boun Lars Otten Department of Computer Science University of California, Irvine lotten@ics.uci.eu Rina Dechter Department of Computer Science University

More information

Tracking and Regulation Control of a Mobile Robot System With Kinematic Disturbances: A Variable Structure-Like Approach

Tracking and Regulation Control of a Mobile Robot System With Kinematic Disturbances: A Variable Structure-Like Approach W. E. Dixon e-mail: wixon@ces.clemson.eu D. M. Dawson e-mail: awson@ces.clemson.eu E. Zergeroglu e-mail: ezerger@ces.clemson.eu Department of Electrical & Computer Engineering, Clemson University, Clemson,

More information

SLAM in Dynamic Environments via ML-RANSAC

SLAM in Dynamic Environments via ML-RANSAC *Manuscript Clic here to view line References SLAM in Dynamic Environments via ML-RANSAC Masou S. Bahraini 1,2, Mohamma Bozorg 2, Ahma B. Ra 1* 1 School of Mechatronic Systems Engineering, Simon Fraser

More information

[2006] IEEE. Reprinted, with permission, from [Damith C. Herath, Sarath Kodagoda and Gamini Dissanayake, Simultaneous Localisation and Mapping: A

[2006] IEEE. Reprinted, with permission, from [Damith C. Herath, Sarath Kodagoda and Gamini Dissanayake, Simultaneous Localisation and Mapping: A [6] IEEE. Reprinte, with permission, from [Damith C. Herath, Sarath Koagoa an Gamini Dissanayake, Simultaneous Localisation an Mapping: A Stereo Vision Base Approach, Intelligent Robots an Systems, 6 IEEE/RSJ

More information

Computer Organization

Computer Organization Computer Organization Douglas Comer Computer Science Department Purue University 250 N. University Street West Lafayette, IN 47907-2066 http://www.cs.purue.eu/people/comer Copyright 2006. All rights reserve.

More information

Extended target tracking using PHD filters

Extended target tracking using PHD filters Ulm University 2014 01 29 1(35) With applications to video data and laser range data Division of Automatic Control Department of Electrical Engineering Linöping university Linöping, Sweden Presentation

More information

Using Vector and Raster-Based Techniques in Categorical Map Generalization

Using Vector and Raster-Based Techniques in Categorical Map Generalization Thir ICA Workshop on Progress in Automate Map Generalization, Ottawa, 12-14 August 1999 1 Using Vector an Raster-Base Techniques in Categorical Map Generalization Beat Peter an Robert Weibel Department

More information

Queueing Model and Optimization of Packet Dropping in Real-Time Wireless Sensor Networks

Queueing Model and Optimization of Packet Dropping in Real-Time Wireless Sensor Networks Queueing Moel an Optimization of Packet Dropping in Real-Time Wireless Sensor Networks Marc Aoun, Antonios Argyriou, Philips Research, Einhoven, 66AE, The Netherlans Department of Computer an Communication

More information

Coupling the User Interfaces of a Multiuser Program

Coupling the User Interfaces of a Multiuser Program Coupling the User Interfaces of a Multiuser Program PRASUN DEWAN University of North Carolina at Chapel Hill RAJIV CHOUDHARY Intel Corporation We have evelope a new moel for coupling the user-interfaces

More information

Yet Another Parallel Hypothesis Search for Inverse Entailment Hiroyuki Nishiyama and Hayato Ohwada Faculty of Sci. and Tech. Tokyo University of Scien

Yet Another Parallel Hypothesis Search for Inverse Entailment Hiroyuki Nishiyama and Hayato Ohwada Faculty of Sci. and Tech. Tokyo University of Scien Yet Another Parallel Hypothesis Search for Inverse Entailment Hiroyuki Nishiyama an Hayato Ohwaa Faculty of Sci. an Tech. Tokyo University of Science, 2641 Yamazaki, Noa-shi, CHIBA, 278-8510, Japan hiroyuki@rs.noa.tus.ac.jp,

More information

Optimal Distributed P2P Streaming under Node Degree Bounds

Optimal Distributed P2P Streaming under Node Degree Bounds Optimal Distribute P2P Streaming uner Noe Degree Bouns Shaoquan Zhang, Ziyu Shao, Minghua Chen, an Libin Jiang Department of Information Engineering, The Chinese University of Hong Kong Department of EECS,

More information

Design of Policy-Aware Differentially Private Algorithms

Design of Policy-Aware Differentially Private Algorithms Design of Policy-Aware Differentially Private Algorithms Samuel Haney Due University Durham, NC, USA shaney@cs.ue.eu Ashwin Machanavajjhala Due University Durham, NC, USA ashwin@cs.ue.eu Bolin Ding Microsoft

More information

Dual Arm Robot Research Report

Dual Arm Robot Research Report Dual Arm Robot Research Report Analytical Inverse Kinematics Solution for Moularize Dual-Arm Robot With offset at shouler an wrist Motivation an Abstract Generally, an inustrial manipulator such as PUMA

More information

Using the disparity space to compute occupancy grids from stereo-vision

Using the disparity space to compute occupancy grids from stereo-vision The 2010 IEEE/RSJ International Conference on Intelligent Robots an Systems October 18-22, 2010, Taipei, Taiwan Using the isparity space to compute occupancy gris from stereo-vision Mathias Perrollaz,

More information

On the Role of Multiply Sectioned Bayesian Networks to Cooperative Multiagent Systems

On the Role of Multiply Sectioned Bayesian Networks to Cooperative Multiagent Systems On the Role of Multiply Sectione Bayesian Networks to Cooperative Multiagent Systems Y. Xiang University of Guelph, Canaa, yxiang@cis.uoguelph.ca V. Lesser University of Massachusetts at Amherst, USA,

More information

Particle labeling PHD filter. for multi-target track-valued estimates

Particle labeling PHD filter. for multi-target track-valued estimates 4th International Conference on Information Fusion Chicago Illinois USA July 5-8 Particle labeling PHD filter for multi-target trac-valued estimates Hongyan Zhu Chongzhao Han Yan Lin School of Electronic

More information

Lecture 5. Multiple scattering as a source of radiation. Reflectance from surfaces. Remote sensing of ocean color.

Lecture 5. Multiple scattering as a source of radiation. Reflectance from surfaces. Remote sensing of ocean color. Lecture 5. Multiple scattering as a source of raiation. Reflectance from surfaces. Remote sensing of ocean color. 1. Direct an iffuse raiation. Multiple scattering. Single scattering approximation. 2.

More information

Solution Representation for Job Shop Scheduling Problems in Ant Colony Optimisation

Solution Representation for Job Shop Scheduling Problems in Ant Colony Optimisation Solution Representation for Job Shop Scheuling Problems in Ant Colony Optimisation James Montgomery, Carole Faya 2, an Sana Petrovic 2 Faculty of Information & Communication Technologies, Swinburne University

More information

Real Time Tracking via Sparse Representation

Real Time Tracking via Sparse Representation 203 8th International Conference on Communications an Networing in China (CHINACOM) Real Time Tracing via Sparse Representation Hong-Mei Zhang, Xian-Sui Wei, Tao Huang 2, Yan He, Xiang-Li Zhang, JinYe

More information

A T-Step Ahead Constrained Optimal Target Detection Algorithm for a Multi Sensor Surveillance System

A T-Step Ahead Constrained Optimal Target Detection Algorithm for a Multi Sensor Surveillance System A T-Step Ahea Constraine Optimal Target Detection Algorithm for a Multi Sensor Surveillance System K Mahava Krishna Henry Hexmoor an Shravan Sogani International Institute of Information Technology CSCE

More information

THE increasingly digitized power system offers more data,

THE increasingly digitized power system offers more data, 1 Cyber Risk Analysis of Combine Data Attacks Against Power System State Estimation Kaikai Pan, Stuent Member, IEEE, Anré Teixeira, Member, IEEE, Milos Cvetkovic, Member, IEEE, an Peter Palensky, Senior

More information

Fuzzy Clustering in Parallel Universes

Fuzzy Clustering in Parallel Universes Fuzzy Clustering in Parallel Universes Bern Wisweel an Michael R. Berthol ALTANA-Chair for Bioinformatics an Information Mining Department of Computer an Information Science, University of Konstanz 78457

More information

filtering LETTER An Improved Neighbor Selection Algorithm in Collaborative Taek-Hun KIM a), Student Member and Sung-Bong YANG b), Nonmember

filtering LETTER An Improved Neighbor Selection Algorithm in Collaborative Taek-Hun KIM a), Student Member and Sung-Bong YANG b), Nonmember 107 IEICE TRANS INF & SYST, VOLE88 D, NO5 MAY 005 LETTER An Improve Neighbor Selection Algorithm in Collaborative Filtering Taek-Hun KIM a), Stuent Member an Sung-Bong YANG b), Nonmember SUMMARY Nowaays,

More information

An Adaptive Routing Algorithm for Communication Networks using Back Pressure Technique

An Adaptive Routing Algorithm for Communication Networks using Back Pressure Technique International OPEN ACCESS Journal Of Moern Engineering Research (IJMER) An Aaptive Routing Algorithm for Communication Networks using Back Pressure Technique Khasimpeera Mohamme 1, K. Kalpana 2 1 M. Tech

More information

Bends, Jogs, And Wiggles for Railroad Tracks and Vehicle Guide Ways

Bends, Jogs, And Wiggles for Railroad Tracks and Vehicle Guide Ways Ben, Jogs, An Wiggles for Railroa Tracks an Vehicle Guie Ways Louis T. Klauer Jr., PhD, PE. Work Soft 833 Galer Dr. Newtown Square, PA 19073 lklauer@wsof.com Preprint, June 4, 00 Copyright 00 by Louis

More information

NAND flash memory is widely used as a storage

NAND flash memory is widely used as a storage 1 : Buffer-Aware Garbage Collection for Flash-Base Storage Systems Sungjin Lee, Dongkun Shin Member, IEEE, an Jihong Kim Member, IEEE Abstract NAND flash-base storage evice is becoming a viable storage

More information

New Geometric Interpretation and Analytic Solution for Quadrilateral Reconstruction

New Geometric Interpretation and Analytic Solution for Quadrilateral Reconstruction New Geometric Interpretation an Analytic Solution for uarilateral Reconstruction Joo-Haeng Lee Convergence Technology Research Lab ETRI Daejeon, 305 777, KOREA Abstract A new geometric framework, calle

More information

Verifying performance-based design objectives using assemblybased vulnerability

Verifying performance-based design objectives using assemblybased vulnerability Verying performance-base esign objectives using assemblybase vulnerability K.A. Porter Calornia Institute of Technology, Pasaena, Calornia, USA A.S. Kiremijian Stanfor University, Stanfor, Calornia, USA

More information

Bernoulli Filtering on a Moving Platform

Bernoulli Filtering on a Moving Platform 18th International Conference on Information Fusion Washington, DC - July 6-9, 21 Bernoulli Filtering on a Moving Platform Simon J. Julier Department of Computer Science University College London Gower

More information

An Algorithm for Building an Enterprise Network Topology Using Widespread Data Sources

An Algorithm for Building an Enterprise Network Topology Using Widespread Data Sources An Algorithm for Builing an Enterprise Network Topology Using Wiesprea Data Sources Anton Anreev, Iurii Bogoiavlenskii Petrozavosk State University Petrozavosk, Russia {anreev, ybgv}@cs.petrsu.ru Abstract

More information

Refinement of scene depth from stereo camera ego-motion parameters

Refinement of scene depth from stereo camera ego-motion parameters Refinement of scene epth from stereo camera ego-motion parameters Piotr Skulimowski, Pawel Strumillo An algorithm for refinement of isparity (epth) map from stereoscopic sequences is propose. The metho

More information

Passive Multi Target Tracking with GM-PHD Filter

Passive Multi Target Tracking with GM-PHD Filter Passive Multi Target Tracking with GM-PHD Filter Dann Laneuville DCNS SNS Division Toulon, France dann.laneuville@dcnsgroup.com Jérémie Houssineau DCNS SNS Division Toulon, France jeremie.houssineau@dcnsgroup.com

More information

Generalized Edge Coloring for Channel Assignment in Wireless Networks

Generalized Edge Coloring for Channel Assignment in Wireless Networks Generalize Ege Coloring for Channel Assignment in Wireless Networks Chun-Chen Hsu Institute of Information Science Acaemia Sinica Taipei, Taiwan Da-wei Wang Jan-Jan Wu Institute of Information Science

More information

Improving Performance of Sparse Matrix-Vector Multiplication

Improving Performance of Sparse Matrix-Vector Multiplication Improving Performance of Sparse Matrix-Vector Multiplication Ali Pınar Michael T. Heath Department of Computer Science an Center of Simulation of Avance Rockets University of Illinois at Urbana-Champaign

More information

Implementation and Evaluation of NAS Parallel CG Benchmark on GPU Cluster with Proprietary Interconnect TCA

Implementation and Evaluation of NAS Parallel CG Benchmark on GPU Cluster with Proprietary Interconnect TCA Implementation an Evaluation of AS Parallel CG Benchmark on GPU Cluster with Proprietary Interconnect TCA Kazuya Matsumoto 1, orihisa Fujita 2, Toshihiro Hanawa 3, an Taisuke Boku 1,2 1 Center for Computational

More information

d 3 d 4 d d d d d d d d d d d 1 d d d d d d

d 3 d 4 d d d d d d d d d d d 1 d d d d d d Proceeings of the IASTED International Conference Software Engineering an Applications (SEA') October 6-, 1, Scottsale, Arizona, USA AN OBJECT-ORIENTED APPROACH FOR MANAGING A NETWORK OF DATABASES Shu-Ching

More information

AnyTraffic Labeled Routing

AnyTraffic Labeled Routing AnyTraffic Labele Routing Dimitri Papaimitriou 1, Pero Peroso 2, Davie Careglio 2 1 Alcatel-Lucent Bell, Antwerp, Belgium Email: imitri.papaimitriou@alcatel-lucent.com 2 Universitat Politècnica e Catalunya,

More information

Particle Swarm Optimization with Time-Varying Acceleration Coefficients Based on Cellular Neural Network for Color Image Noise Cancellation

Particle Swarm Optimization with Time-Varying Acceleration Coefficients Based on Cellular Neural Network for Color Image Noise Cancellation Particle Swarm Optimization with Time-Varying Acceleration Coefficients Base on Cellular Neural Network for Color Image Noise Cancellation Te-Jen Su Jui-Chuan Cheng Yang-De Sun 3 College of Information

More information

PAMPAS: Real-Valued Graphical Models for Computer Vision. Abstract. 1. Introduction. Anonymous

PAMPAS: Real-Valued Graphical Models for Computer Vision. Abstract. 1. Introduction. Anonymous PAMPAS: Real-Value Graphical Moels for Computer Vision Anonymous Abstract Probabilistic moels have been aopte for many computer vision applications, however inference in high-imensional spaces remains

More information

Improving Spatial Reuse of IEEE Based Ad Hoc Networks

Improving Spatial Reuse of IEEE Based Ad Hoc Networks mproving Spatial Reuse of EEE 82.11 Base A Hoc Networks Fengji Ye, Su Yi an Biplab Sikar ECSE Department, Rensselaer Polytechnic nstitute Troy, NY 1218 Abstract n this paper, we evaluate an suggest methos

More information

5th International Conference on Advanced Design and Manufacturing Engineering (ICADME 2015)

5th International Conference on Advanced Design and Manufacturing Engineering (ICADME 2015) 5th International Conference on Avance Design an Manufacturing Engineering (ICADME 25) Research on motion characteristics an application of multi egree of freeom mechanism base on R-W metho Xiao-guang

More information

Threshold Based Data Aggregation Algorithm To Detect Rainfall Induced Landslides

Threshold Based Data Aggregation Algorithm To Detect Rainfall Induced Landslides Threshol Base Data Aggregation Algorithm To Detect Rainfall Inuce Lanslies Maneesha V. Ramesh P. V. Ushakumari Department of Computer Science Department of Mathematics Amrita School of Engineering Amrita

More information

Software Reliability Modeling and Cost Estimation Incorporating Testing-Effort and Efficiency

Software Reliability Modeling and Cost Estimation Incorporating Testing-Effort and Efficiency Software Reliability Moeling an Cost Estimation Incorporating esting-effort an Efficiency Chin-Yu Huang, Jung-Hua Lo, Sy-Yen Kuo, an Michael R. Lyu -+ Department of Electrical Engineering Computer Science

More information

Disjoint Multipath Routing in Dual Homing Networks using Colored Trees

Disjoint Multipath Routing in Dual Homing Networks using Colored Trees Disjoint Multipath Routing in Dual Homing Networks using Colore Trees Preetha Thulasiraman, Srinivasan Ramasubramanian, an Marwan Krunz Department of Electrical an Computer Engineering University of Arizona,

More information

Generalizing Random-Vector SLAM with Random Finite Sets

Generalizing Random-Vector SLAM with Random Finite Sets Generalizing Random-Vector SLAM with Random Finite Sets Keith Y. K. Leung, Felipe Inostroza, Martin Adams Advanced Mining Technology Center AMTC, Universidad de Chile, Santiago, Chile eith.leung@amtc.uchile.cl,

More information

A Spectral Clustering Approach to Optimally Combining Numerical Vectors with a Modular Network

A Spectral Clustering Approach to Optimally Combining Numerical Vectors with a Modular Network A Spectral Clustering Approach to Optimally Combining Numerical Vectors with a Moular Networ Motoi Shiga Bioinformatics Center Kyoto University Goasho Uji 6-, Japan shiga@uicryotouacjp Ichigau Taigawa

More information

WLAN Indoor Positioning Based on Euclidean Distances and Fuzzy Logic

WLAN Indoor Positioning Based on Euclidean Distances and Fuzzy Logic WLAN Inoor Positioning Base on Eucliean Distances an Fuzzy Logic Anreas TEUBER, Bern EISSFELLER Institute of Geoesy an Navigation, University FAF, Munich, Germany, e-mail: (anreas.teuber, bern.eissfeller)@unibw.e

More information

arxiv: v2 [cond-mat.dis-nn] 30 Mar 2018

arxiv: v2 [cond-mat.dis-nn] 30 Mar 2018 Noname manuscript No. (will be inserte by the eitor) Daan Muler Ginestra Bianconi Networ Geometry an Complexity arxiv:1711.06290v2 [con-mat.is-nn] 30 Mar 2018 Receive: ate / Accepte: ate Abstract Higher

More information

Control of Scalable Wet SMA Actuator Arrays

Control of Scalable Wet SMA Actuator Arrays Proceeings of the 2005 IEEE International Conference on Robotics an Automation Barcelona, Spain, April 2005 Control of Scalable Wet SMA Actuator Arrays eslie Flemming orth Dakota State University Mechanical

More information

DEVELOPMENT OF DamageCALC APPLICATION FOR AUTOMATIC CALCULATION OF THE DAMAGE INDICATOR

DEVELOPMENT OF DamageCALC APPLICATION FOR AUTOMATIC CALCULATION OF THE DAMAGE INDICATOR Mechanical Testing an Diagnosis ISSN 2247 9635, 2012 (II), Volume 4, 28-36 DEVELOPMENT OF DamageCALC APPLICATION FOR AUTOMATIC CALCULATION OF THE DAMAGE INDICATOR Valentina GOLUBOVIĆ-BUGARSKI, Branislav

More information

APPLYING GENETIC ALGORITHM IN QUERY IMPROVEMENT PROBLEM. Abdelmgeid A. Aly

APPLYING GENETIC ALGORITHM IN QUERY IMPROVEMENT PROBLEM. Abdelmgeid A. Aly International Journal "Information Technologies an Knowlege" Vol. / 2007 309 [Project MINERVAEUROPE] Project MINERVAEUROPE: Ministerial Network for Valorising Activities in igitalisation -

More information

Loop Scheduling and Partitions for Hiding Memory Latencies

Loop Scheduling and Partitions for Hiding Memory Latencies Loop Scheuling an Partitions for Hiing Memory Latencies Fei Chen Ewin Hsing-Mean Sha Dept. of Computer Science an Engineering University of Notre Dame Notre Dame, IN 46556 Email: fchen,esha @cse.n.eu Tel:

More information

FTSM FAST TAKAGI-SUGENO FUZZY MODELING. Manfred Männle

FTSM FAST TAKAGI-SUGENO FUZZY MODELING. Manfred Männle FTS FAST TAKAGI-SUGENO FUZZY ODELING anfre ännle Institute for Computer Design an Fault Tolerance University of Karlsruhe, D-7628 Karlsruhe, Germany anfre.aennle@informatik.uni-karlsruhe.e Abstract Takagi-Sugeno

More information

EFFICIENT ON-LINE TESTING METHOD FOR A FLOATING-POINT ADDER

EFFICIENT ON-LINE TESTING METHOD FOR A FLOATING-POINT ADDER FFICINT ON-LIN TSTING MTHOD FOR A FLOATING-POINT ADDR A. Droz, M. Lobachev Department of Computer Systems, Oessa State Polytechnic University, Oessa, Ukraine Droz@ukr.net, Lobachev@ukr.net Abstract In

More information

Chapter 9 Memory Management

Chapter 9 Memory Management Contents 1. Introuction 2. Computer-System Structures 3. Operating-System Structures 4. Processes 5. Threas 6. CPU Scheuling 7. Process Synchronization 8. Dealocks 9. Memory Management 10.Virtual Memory

More information

JOINT MULTI-OBJECT AND CLUTTER RATE ESTIMATION WITH THE SINGLE-CLUSTER PHD FILTER

JOINT MULTI-OBJECT AND CLUTTER RATE ESTIMATION WITH THE SINGLE-CLUSTER PHD FILTER JOINT MULTI-OBJECT AND CLUTTER RATE ESTIMATION WITH THE SINGLE-CLUSTER PHD FILTER Isabel Schlangen, Vibhav Bharti, Emmanuel Delande, and Daniel E. Clark School of Electrical and Physical Sciences, Heriot-Watt

More information

Dense Disparity Estimation in Ego-motion Reduced Search Space

Dense Disparity Estimation in Ego-motion Reduced Search Space Dense Disparity Estimation in Ego-motion Reuce Search Space Luka Fućek, Ivan Marković, Igor Cvišić, Ivan Petrović University of Zagreb, Faculty of Electrical Engineering an Computing, Croatia (e-mail:

More information

Optimization of cable-stayed bridges with box-girder decks

Optimization of cable-stayed bridges with box-girder decks Avances in Engineering Software 31 (2000) 417 423 www.elsevier.com/locate/avengsoft Optimization of cable-staye briges with box-girer ecks L.M.C. Simões*, J.H.J.O. Negrão Department of Civil Engineering,

More information

Backpressure-based Packet-by-Packet Adaptive Routing in Communication Networks

Backpressure-based Packet-by-Packet Adaptive Routing in Communication Networks 1 Backpressure-base Packet-by-Packet Aaptive Routing in Communication Networks Eleftheria Athanasopoulou, Loc Bui, Tianxiong Ji, R. Srikant, an Alexaner Stolyar Abstract Backpressure-base aaptive routing

More information

Tight Wavelet Frame Decomposition and Its Application in Image Processing

Tight Wavelet Frame Decomposition and Its Application in Image Processing ITB J. Sci. Vol. 40 A, No., 008, 151-165 151 Tight Wavelet Frame Decomposition an Its Application in Image Processing Mahmu Yunus 1, & Henra Gunawan 1 1 Analysis an Geometry Group, FMIPA ITB, Banung Department

More information

Adjacency Matrix Based Full-Text Indexing Models

Adjacency Matrix Based Full-Text Indexing Models 1000-9825/2002/13(10)1933-10 2002 Journal of Software Vol.13, No.10 Ajacency Matrix Base Full-Text Inexing Moels ZHOU Shui-geng 1, HU Yun-fa 2, GUAN Ji-hong 3 1 (Department of Computer Science an Engineering,

More information

WATER MIST SPRAY MODELLING WITH FDS

WATER MIST SPRAY MODELLING WITH FDS PROCEEDINGS, Fire an Evacuation Moeling Technical Conference 0 Baltimore, Marylan, August 5-6, 0 WATER MIST SPRAY MODELLING WITH FDS Simo Hostikka, Jukka Vaari, Topi Sikanen, Antti Paajanen VTT Technical

More information

Digital fringe profilometry based on triangular fringe patterns and spatial shift estimation

Digital fringe profilometry based on triangular fringe patterns and spatial shift estimation University of Wollongong Research Online Faculty of Engineering an Information Sciences - Papers: Part A Faculty of Engineering an Information Sciences 4 Digital fringe profilometry base on triangular

More information

MORA: a Movement-Based Routing Algorithm for Vehicle Ad Hoc Networks

MORA: a Movement-Based Routing Algorithm for Vehicle Ad Hoc Networks : a Movement-Base Routing Algorithm for Vehicle A Hoc Networks Fabrizio Granelli, Senior Member, Giulia Boato, Member, an Dzmitry Kliazovich, Stuent Member Abstract Recent interest in car-to-car communications

More information

Figure 1: Schematic of an SEM [source: ]

Figure 1: Schematic of an SEM [source:   ] EECI Course: -9 May 1 by R. Sanfelice Hybri Control Systems Eelco van Horssen E.P.v.Horssen@tue.nl Project: Scanning Electron Microscopy Introuction In Scanning Electron Microscopy (SEM) a (bunle) beam

More information

A Framework for Dialogue Detection in Movies

A Framework for Dialogue Detection in Movies A Framework for Dialogue Detection in Movies Margarita Kotti, Constantine Kotropoulos, Bartosz Ziólko, Ioannis Pitas, an Vassiliki Moschou Department of Informatics, Aristotle University of Thessaloniki

More information

Interior Permanent Magnet Synchronous Motor (IPMSM) Adaptive Genetic Parameter Estimation

Interior Permanent Magnet Synchronous Motor (IPMSM) Adaptive Genetic Parameter Estimation Interior Permanent Magnet Synchronous Motor (IPMSM) Aaptive Genetic Parameter Estimation Java Rezaie, Mehi Gholami, Reza Firouzi, Tohi Alizaeh, Karim Salashoor Abstract - Interior permanent magnet synchronous

More information

Wavelet-Based Multiscale Anisotropic Diffusion with Adaptive Statistical Analysis for Image Restoration

Wavelet-Based Multiscale Anisotropic Diffusion with Adaptive Statistical Analysis for Image Restoration MITSUBISHI ELECTRIC RESEARCH LABORATORIES http://www.merl.com Wavelet-Base Multiscale Anisotropic Diffusion with Aaptive Statistical Analysis for Image Restoration Junmei Zhong Huifang Sun TR008-067 November

More information

Multi-Target Tracking Using 1st Moment of Random Finite Sets

Multi-Target Tracking Using 1st Moment of Random Finite Sets Multi-Target Tracing Using 1st Moment of Random Finite Sets by Kusha Panta Submitted in total fulfilment of the requirements for the degree of Doctor of Philosophy Department of Electrical and Electronic

More information

Multilevel Linear Dimensionality Reduction using Hypergraphs for Data Analysis

Multilevel Linear Dimensionality Reduction using Hypergraphs for Data Analysis Multilevel Linear Dimensionality Reuction using Hypergraphs for Data Analysis Haw-ren Fang Department of Computer Science an Engineering University of Minnesota; Minneapolis, MN 55455 hrfang@csumneu ABSTRACT

More information

Fast Window Based Stereo Matching for 3D Scene Reconstruction

Fast Window Based Stereo Matching for 3D Scene Reconstruction The International Arab Journal of Information Technology, Vol. 0, No. 3, May 203 209 Fast Winow Base Stereo Matching for 3D Scene Reconstruction Mohamma Mozammel Chowhury an Mohamma AL-Amin Bhuiyan Department

More information

Divide-and-Conquer Algorithms

Divide-and-Conquer Algorithms Supplment to A Practical Guie to Data Structures an Algorithms Using Java Divie-an-Conquer Algorithms Sally A Golman an Kenneth J Golman Hanout Divie-an-conquer algorithms use the following three phases:

More information

Almost Disjunct Codes in Large Scale Multihop Wireless Network Media Access Control

Almost Disjunct Codes in Large Scale Multihop Wireless Network Media Access Control Almost Disjunct Coes in Large Scale Multihop Wireless Network Meia Access Control D. Charles Engelhart Anan Sivasubramaniam Penn. State University University Park PA 682 engelhar,anan @cse.psu.eu Abstract

More information

PDE-BASED INTERPOLATION METHOD FOR OPTICALLY VISUALIZED SOUND FIELD. Kohei Yatabe and Yasuhiro Oikawa

PDE-BASED INTERPOLATION METHOD FOR OPTICALLY VISUALIZED SOUND FIELD. Kohei Yatabe and Yasuhiro Oikawa 4 IEEE International Conference on Acoustic, Speech an Signal Processing (ICASSP) PDE-BASED INTERPOLATION METHOD FOR OPTICALLY VISUALIZED SOUND FIELD Kohei Yatabe an Yasuhiro Oikawa Department of Intermeia

More information

Comparative Study of Projection/Back-projection Schemes in Cryo-EM Tomography

Comparative Study of Projection/Back-projection Schemes in Cryo-EM Tomography Comparative Stuy of Projection/Back-projection Schemes in Cryo-EM Tomography Yu Liu an Jong Chul Ye Department of BioSystems Korea Avance Institute of Science an Technology, Daejeon, Korea ABSTRACT In

More information

Advanced method of NC programming for 5-axis machining

Advanced method of NC programming for 5-axis machining Available online at www.scienceirect.com Proceia CIRP (0 ) 0 07 5 th CIRP Conference on High Performance Cutting 0 Avance metho of NC programming for 5-axis machining Sergej N. Grigoriev a, A.A. Kutin

More information

Coordinating Distributed Algorithms for Feature Extraction Offloading in Multi-Camera Visual Sensor Networks

Coordinating Distributed Algorithms for Feature Extraction Offloading in Multi-Camera Visual Sensor Networks Coorinating Distribute Algorithms for Feature Extraction Offloaing in Multi-Camera Visual Sensor Networks Emil Eriksson, György Dán, Viktoria Foor School of Electrical Engineering, KTH Royal Institute

More information

A Duality Based Approach for Realtime TV-L 1 Optical Flow

A Duality Based Approach for Realtime TV-L 1 Optical Flow A Duality Base Approach for Realtime TV-L 1 Optical Flow C. Zach 1, T. Pock 2, an H. Bischof 2 1 VRVis Research Center 2 Institute for Computer Graphics an Vision, TU Graz Abstract. Variational methos

More information

Learning convex bodies is hard

Learning convex bodies is hard Learning convex boies is har Navin Goyal Microsoft Research Inia navingo@microsoftcom Luis Raemacher Georgia Tech lraemac@ccgatecheu Abstract We show that learning a convex boy in R, given ranom samples

More information

Sampling Strategies for Epidemic-Style Information Dissemination

Sampling Strategies for Epidemic-Style Information Dissemination This full text paper was peer reviewe at the irection of IEEE Communications Society subject matter experts for publication in the IEEE INFOCOM 2008 proceeings. Sampling Strategies for Epiemic-Style Information

More information

Characterizing Decoding Robustness under Parametric Channel Uncertainty

Characterizing Decoding Robustness under Parametric Channel Uncertainty Characterizing Decoing Robustness uner Parametric Channel Uncertainty Jay D. Wierer, Wahee U. Bajwa, Nigel Boston, an Robert D. Nowak Abstract This paper characterizes the robustness of ecoing uner parametric

More information