Human recognition based on ear shape images using PCA-Wavelets and different classification methods

Size: px
Start display at page:

Download "Human recognition based on ear shape images using PCA-Wavelets and different classification methods"

Transcription

1 Meical Devices an Diagnostic Engineering Review Article ISSN: Human recognition base on ear shape images using PCA-Wavelets an ifferent classification methos Ali Mahmou Mayya1* an Mariam Mohamma Saii PhD stuent, Computer Engineering, Tishreen University, Syria Abstract A new approach of human recognition using ear images is introuce. It consists of two basic steps which are the ear segmentation an ear recognition. In the first one, Likelihoo skin etector is use to etermine the skin areas in the sie face images. Then, some of the morphological operations are applie to etermine the ear region. This region is extracte using image processing techniques. The ear recognition step epens on the segmente ear images as inputs. A hybri PCA_Wavelet algorithm is use to extract the ear features from ear. Finally, the fee forwaring back propagation neural network is traine using the feature vectors. Tests which applie on 460 images, which have been taken uring 4 months an uner ifferent illumination an pose variations, show that the system achieve a rate of 96.73% for ear extraction an 98.9% for recognition. More experiments are one to specify the best wavelet level, the best number of features, the best classification metho, an the best threshol value. The stuy is also compare with other ones at the area of ear recognition. Introuction Ear recognition is an example of the Human recognition using biometrics epening on the human biological properties. This kin of recognition has been recently use because of the ear s istinctive properties such as its invariant shape. The ear is efine by unique shape that contains ifferent parts (in location an size), an obvious curve lines that facilitate the feature extraction phase. Even the ears of ientical twins iffer in some respects [3,7,15,16], also Ear is less susceptible to istortions than the fingerprint or hanprint (fingerprint may suffer from burns, wouns or other eformities) so, ear is use for recognition especially in air planes accients [5,14]. In aition to that, ear images is easier to be collecte than any other biometrics since it oesn t require any tools to be inserte in human boy to collect samples as in DNA, an this is why ear is consiere non-invasive. We can also observe that ear images are smaller than face, han or leg ones which makes the recognition process fast an easy [14]. The most important thing is that ear maintains its shape between 8 an 70 of ages so, its changes are very slow an little [11]. Relate work A. Ianarelli [10] was the first actual person who use ear to recognize people. He compare 10,000 ears rawn from a ranomly selecte sample in California. Although his stuy was important, it stills ifficult to apply on computer because of the ifficulty of localizing the anatomical point which serves as the origin of the measurement of the system [1]. Burge an Burger [1] propose the use of Voronoi iagrams. Their technique use an ajacency graph built from Voroni regions of earcurve segments. Although their paper ha no recognition results, it prompte a range of further stuies into the effectiveness of ears as a biometric [2]. Their system in t take in account illumination an pose variation. Morone et al. [13] trie three neural networks approaches to recognize people base on ear images. These approaches were (Bora, Bayesian, an Weighte Bayesian combination) which epene on the macrofeatures extracte from the ear. As a result, they got 93% recognition rate. The genetic search was a powerful approach use by Yuizono [18] to esign a robust ear recognition system. Automatic extraction using template matching was use to obtain ear images. The propose system inclue 6 images from vieo frame for each iniviual; the first three images use for atabase while the secon three images use as test images. No illumination or pose variations were taken in account. Occlusion by hair or earrings also was not consiere. The recognition rate was 100%. Later, Hurley [9] applie the force fiel transform an PCA to extract the force features like energy lines, in the classification stage they use the Eucliian istance classifier to obtain 99.2% recognition rate. Mahbubur Rahman [15] use the Generalize Hugh Transform (GHT) to extract the ear s features from the ear image which was extracte from the acquire image using Masking. The extracte features along with the subjects i were store in the atabase for testing for a match. As a result they got almost 89% recognition rate. Recently, Islam [11] ha propose using AaBoost algorithm to extract ear images. They also traine their system with rectangular haar-like features epening on a set of training images with ifferent Corresponence to: Ali Mahmou Mayya, Computer an Automatic Control Engineering epartment, Tishreen University, Syria, alimia1988@yahoo.com Key wors: ear recognition, ear segmentation, ear images, back propagation, PCA, Wavelet Receive: August 14, 2016; Accepte: September 12, 2016; Publishe: September 16, 2016

2 age an gener an uner various illumination an pose conitions. Later, they upate their system by means of ICP algorithm. They obtaine a rank one recognition rate of 93% while testing with the University of Notre Dame Biometrics Database. Zhichun Mu an Zhaoxia Xie [17] compare the use of locally linear embeing (LLE) an PCA algorithms; they foun that the first algorithm is better in recognition an when they applie the improve version IDLLE, the recognition rate increase precisely. They also foun that recognition ecrease with pose variation, but they commonly got 80% recognition rate. In a recent publication of Kumar an Wu [12] they present an ear recognition approach, which uses the phase information of Log-Gabor filters for encoing the local structure of the ear. The encoe phase information is store in normalize grey level images. The rank-e performance for the Log-Gabor approaches ranges between 92.06% an 95.93% on a atabase which contains 753 images from 221 subjects. Our work The propose ear recognition system consists of two main parts shown in Figure 1. The first part, ear segmentation, inclues three steps which are the skin etection, morphological operations an ear extraction. The secon part, ear recognition, inclues the feature extraction steps (Wavelet approximation plus PCA) an training the neural network classifier. Each part of these steps is escribe in the following sections. Ear segmentation part The input of this step is the sie face images which will be segmente using the likelihoo skin etector an the morphological operations. Skin etection In this stage, each pixel of sie face image is stuie iniviually to be classifie to either skin or non-skin pixels epening on the likelihoo ratio. We use a skin etector evelope by Ciarán Ó Conaire. [6] that calculates the most likely skin pixels base on a previously compute skin moel. Their non-parametric histogram-base moels were traine using manually-annotate skin pixels (14,985,845 pixels) an non-skin pixels (304,844,751 pixels). Image pixels are classifie accoring to the value P(Skin C) which represents the probability that the pixel whose color is C belongs to the skin region. Because the computations of all probabilities are not possible, the Bayes rule of computing probability of observing skin, given c color P(Skin C) is given as follows [8]: ( ) P Skin C P ( C Skin) P ( Skin) ( ) ( ) + ( ) ( ) = P C Skin P Skin P C N Skin P N Skin After computing the posterior probability P(Skin C), it must be compare with θ which is efine as follows: 0 θ 1 If this probability is greater than θ, the pixel is consiere as a skin pixel; on other han, the pixel is labele as non-skin pixel. After obtaining the likelihoo images, these images are transforme to the binary format. Ear etection This stage uses the morphological operations to process the resultant images from the previous stage which contain many unesire white an black points which must be elete. To achieve this, two morphological operations are one. The first is an operation of filling holes which is performe to remove the black points insie the white regions. This operation prouces an assemble white region representing the ear area. However; if the resultant image still contains some noisy white points on the borers, it will be remove by clearing boarers operation. The secon operation is the erosion operation which is one to ecrease the white areas in the image to obtain the right ear region. Figure 2 illustrates the etaile skin an ear etection phases explaine previously. Ear extraction The propose approach of obtaining the ear region epens on cropping this region from the original sie face image. So, it nees the start point coorinates (xmin, ymin), the with, an the height of the croppe rectangle which will be obtaine from the original image by one of two propose ways. The first way is experimental one, which requires vertical scanning for the first white pixel in the image. Then, the with an height are efine experimentally because the istance between sie face an camera is almost cm an the ear region mostly resies at the left angle of the image. The secon way, the measurement-base way, fins four basic points illustrate in Figure 3A. First, an up-own scanning is one to ientify the start point (first white pixel), an the en point (last white pixel). Secon, a scanning Figure 1. Block iagram of the propose ear recognition system. Figure 2. Ear etection phases. A: original image, B: likelihoo image of image (A), C: binary image of image (B), D: fille holes image of image (C), E: (D) image after erosion, F: output image (image with colore ear region)

3 Figure 3. Ear extraction: (A) The measurement metho (B) The output image. from left to right is performe to ientify the first assistant point (first white pixel) an the secon assistant point (last white point). The with an height can be efine by means of simple subtraction. For more unerstaning, the following example is mentione: Suppose that 1st point is: s(m1,n1); 2n point is: a1(m2,n2); 3r point a2(m3,n3); 4th point e(m4,n4), then the cropping rectangle will have the upper-left point (n2,m1), n3-n2 with an m4-m1 height. Figure 3 illustrates the way of efining the rectangular area which will contain the ear region base on the measurement-base metho. Ear recognition part This step epens on the output ear images of the previous part. These images are use as input to the feature extraction step. Feature extraction Feature extraction of the ear images is very significant stage to obtain the most important information of original images in orer to reuce the next step s processing time. There are ifferent algorithms which can be use to extract features, but the propose approach suggests using wavelet transform to obtain the approximation coefficients (ca) which will be normalize to match the [0-1] form. This normalize (ca) image will store as (.jpg) image, an this will make its gray values in the range [0-255]. Next, principle component analysis algorithm is use to get the final feature vector of each image. Wavelet 2D transform: The wavelet transform concentrates the energy of the image into a small number of wavelet coefficients. The importance of this step is to minimize the size of the original ear images, an extract the most important values of them. In this stuy, the 2D wavelet transform of level 2 is use to ecompose the ear image into coefficients. Then, the approximation coefficient (ca) is normalize by iviing its values by maximum of (ca). This process insures that the maximum value of this matrix will be 1, an the pixel s range is [0-1]. In the next step, the normalize image is store as JPG format, an the gray scale range becomes [0-255]. At the en of this step, the image s size will be almost four times smaller than the original size. Using two imensional wavelet transforms, an image f(x,y) can be represente as follows [4]: f( xy, ) = SJφJ ( xy, ) + v v jϕj ( xy, ) + h h jϕj ( xy, ) + jϕj ( xy, ) = Sj + v Dj + h Dj + Dj (3) J J J J J J j j j j j j = 1 = 1 = 1 = 1 = 1 = 1 Where the two imensional wavelets are the tensor prouct of the one imensional wavelets as below [4]: (, ) ( ) ( ) ( xy, ) ( x) ( y) φj xy = φ x φ y (4) v ϕ = φ ϕ (5) ( xy, ) ( x) ( y) ( xy, ) ( x) ( y) h ϕ = ϕ φ (6) ϕ = ϕ ϕ (7) Where J represents the number of wavelet levels. The first stage is calle the approximation coefficients, where the image s energy is concentrate. The other components are calle the etaile coefficients which are the horizontal, vertical an iagonal images (ch,cv,cd). Principle component analysis: After the ear images have been transforme an normalize in the previous stage, a principle component analysis (PCA) is performe to extract the final feature vectors. PCA is a technique for reucing the imension of feature vectors while preserving the variation in the ataset. A low imension space calle Eigen space, which is efine by a set of Eigen vectors of ataset is use in classification. In ear biometric, the eigenvalues an eigenvectors are compute for the set of training images, an an ear space is selecte base on the eigenvectors. After computing the eigenvectors an eigenvalues of each approximate image, the eigenvectors correspons to the eigenvalues that exceees the threshol (0.5e+008) are selecte, while the others are eliminate. This process will prouce the last feature vectors. Figure 4A shows feature vectors of two ifferent ear images relate to iniviuals who are twins. The plot shows the intersection between the two vectors. Although twins have similar ears, the vector features of them are little ifferent. So, it can be sai that the propose feature extraction metho are effective even in the case of twins images. On the other han, Figure4.B illustrates the variance between feature vectors of two ifferent ear images relate to non-relative iniviuals. Back propagation neural networks The propose metho suggests using fee forwaring back propagation neural networks FFBPNN as a classifier. The FFBPNN propose topology is illustrate in Figure 5. The chosen FFBPNN has one hien layer consiste of 1000 neurons, 200 neurons output layer, ( tansig, logsig ) functions for the hien an output layer, an trainscg as learning function as shown in Figure 5. Experiments an results Experiments have been performe to evaluate the efficiency an robustness of the system using our ear atabase. The atabase contains Figure 4. Feature vectors of two images: (A): relative iniviuals (B): non-relative iniviuals.

4 460 sie face images corresponing to 55 persons of age between 12 an 60. All the illumination variations, pose variations, ay variations an even night-ay variations are taken in account uring imaging. Ear segmentation tests The system succeee in segmenting ear image correctly from 445 sie face images, but it faile in 15 images, an this achieve 96.73% rate. Figure 6 illustrates examples of the sie face images succeee in segmentation phase. It can be notice from Figure 6 that images have ifferent illumination an pose variations. Some images suffer from egraation Figure 5. Neuron Moel. ue to the low level of brightness or occlusion by hair an earrings. Variable istances from camera an various sie faces skin color are taken in account. In Figure 7, there are four images which have ba ear area because of occlusion of the most ear area (A), occlusion an ba imaging (B), ba pose from camera (C,D). Ear recognition tests 200 samples (4 to each iniviual) of correctly segmente ear images were chosen to buil the ear atabase an train FFBP classifier. The system achieve 98.9% recognition rate when it was teste on 170 ear images which on t belong to the ear atabase. Here are some of the ear images which recognize correctly. Figure 8 inclues ifferent ear images which have ifferent illumination an poses. Some of them are covere by hair or earrings, the others suffer from egraation ue to camera motion or to ba imaging. All of these images are classifie correctly. On the other han, Figure 9 illustrates the four samples which recognize incorrectly, an this is because of big egraation that cause by occlusion of the most ear area (A, B), an ba segmente ear (C, D). Determining the best network parameters: Experiments were performe to etermine the best FFBP network to use. Figure10 introuces two ifferent network performance analyses escribing the importance of choosing the appropriate network parameters (training function, layer function, number of layers, an number of neurons etc.). (A) tansig, purelin, traing, (B) use tansig, logsig, trainscg In Figure 10A, it can be notice that the performance can t match the goal (0.02) ue to the selective layer an training (learning) functions which are tansig, purelin, traing respectively. In contrast, the performance is very goo an matchs the goal at the 24th epoch when we use tansig, logsig, trainscg functions in Figure 10B, while it Figure 6. Neural Networks Moel. Figure 8. Examples of correctly segmente samples. Figure 7. The propose back propagation network topology. Figure 9. Example of faile samples.

5 spens 1000 epochs in Figure 10A with lower performance. Another parameter which plays such important role in network performance is the number of neurons in each layer. Figure 11 explains the network s performance accoring to number of neurons. Figure 11A shows network s performance accoring to [ ] neurons of the hien an output layer respectively. It can be notice that this performance is very similar to another one in Figure 11B where network has [ ] form. The last option of 500 neuron of the hien layer requires the least number of epochs, an the network s error rops fast, Figure 11C. (A) 2000 for 1st layer, 200 for 2n one (B) 1000 for 1st layer, 200 for 2n one (C) 500 for 1st layer, 10 for 2n one Table 1 inclues the recognition rates of ifferent FFBP neural networks. The networks iffer in number of epochs, layers, neurons an training time. Accoring to previous analysis, the FFBPNN with one hien layer consiste of 1000 neurons, 200 neurons output layer, ( tansig, logsig ) functions for the hien an output layer, an trainscg as learning function is the best back propagation topology to use Figure 12 inclues the performance of the two selecte FFBP networks accoring to ifferent numbers of epochs. It can be conclue that the secon choice, the blue curve, ( tansig, logsig ) is better than the first, the re one, ( tansig, purelin ). So, sections 4.2.2, an will be introuces in the term of the this selective topology. Determining the wavelet s level: To etermine the best wavelet s level, some of the experiments were one, an the back propagation classifier was evaluate by ifferent feature vectors which have been extracte uner ifferent wavelet s levels. From Table 2, it can be conclue that approximation components (ca) of the secon level give the best recognition rate. So, the level 2 was selecte. Choosing the appropriate threshol: Choosing the best threshol is very important problem to make system capable of refusing the strange iniviuals an accept the system s persons. The number of samples that faile ue to the threshol constraint must be efine, an this will help to get the best threshol. To make a best selection, 20 ifferent samples of stranger iniviuals which on t belong to the system are introuce to test the system s rejection performance. Table 3 escribes the number of faile samples accoring to each threshol value. Table 3 shows that the best threshol value with least number of false positives is 0.008, but at the same time, it can be notice that the performance ecrease to 94.32%. Figure 13 inclues the false acceptance an rejection. Choosing the appropriate number of elements of feature vector: We suggest using the first 30th elements of feature vector, the first 90th an the first 150th ones to test system instea of using the hall feature vectors. Table 4 inclues the results of using those choices. It can be conclue that using less features may reuce the training time but le to lower performance. For more accurate analysis, we compute the mean square error (MSE) of each test sample introuce to the Table 1. Experimental results for ifferent FFBPNN. Epochs Layers Neurons Training Time Rate % [ ] 5: [ ] 3: [500 10] 0: [ ] 0: [ ] 2: Figure 10. Examples of correctly recognize ear images. Table 2. The recognition rate accoring to ifferent wavelet s levels. Wavelet level Feature extraction time (minutes) FFN epochs Rate % Figure 11. The incorrectly recognize ear images. Figure 12. Performance analysis of ffbpnn accoring to layers an training functions. Table 3: Experimental results of changing threshol values. Threshol False Rejection False Acceptance Rate %

6 Figure 13. Performance analysis of ffbpnn accoring to number of neurons. Figure 14. Comparative of ifferent propose FFBP networks rate. Figure 16. False acceptance (re) an False rejection (blue). Table 4. Experimental results of ifferent number of features. No. features Training Time NO. true samples Rate % 30 2: : : All (300) 3: Table 5: Experimental results of ifferent classifier performance. Figure 15. Comparative of ifferent propose neural networks rate. FFBPNN of the three cases (30th,90th,150th) of feature vector. The result are shown in Figures 14,15 an 16 respectively. If we set the threshol value on 0.01, then the number of false rejecte samples on chart MSE1 will be 8. However this number will be 1 if the threshol becomes In MSE2 chart; if the threshol is 0.01, then the number of false rejecte samples is 5, an becomes 1 if the threshol is In MSE3 chart; if the threshol value is 0.05, then the number of Net Type epochs neurons Training Time Rate % FFBP 1000 [ ] 5: FFBP 524 [ ] 3: FFBP 255 [500 10] 0: SOM : SOM : SOM : LVQ :13: LVQ :11: LVQ :32: K-NN rejecte samples is 2, while this number becomes 1 if the threshol set on 0.1. Determine the best classifier Selecting the best classifier epens on many things such as recognition rate, training time, classifier parameters etc. In the

7 Table 6: Comparative stuy. Researcher Database Size Use Approach Weak points Rate A. Ianarelli [10], images Manual Ear measurement Very limite an manual - Burge an Burger [1], Neighborhoo graph from Voronoi iagrams the eges etecte from ear image can be very ifferent even in presence Not mentione of relatively small changes in camera-to-ear orientation or lighting Moreno [13], images (6 images for 28 iniviuals) Yuizono [18], images for 110 iniviuals Compression Networks(Neural Network) Genetic search Does not Take in account illumination an pose variations Does not Take in account occlusion by hair or earning Does not Take in account illumination an pose variations Does not Take in account occlusion by hair or earning Victor [16], images PCA Does not Take in account occlusion by hair or earning Ear 40% Face 80% Chang [3], image training sets PCA EIGEN-FACES AND EIGEN-EARS Does not Take in account occlusion by hair or earning Ear 71.6% Face 70.5% Both 90.9% Choras [5], images geometrical approaches Does not Take in account occlusion by hair or earning 100% S. M. S. Islam [11], 200 images from 100 AaBoost, Algorithm, Iterative Closest Point Although system takes in account illumination an pose variations, 93% 2008 iniviuals (ICP) The ICP algorithm can't eal with big pose variations. Depening on prepare atabase. S. A. Daramola, O. D. Oluwaninyo, [7], images from 350 iniviuals Haar wavelet transform, Back propagation neural network Does not Take in account illumination an pose variations Does not Take in account occlusion by hair or earning Kumar, [12] images Phase encoing with Log Gabor lters % Our work 445 images Likelihoo skin etector an morphological operation, Hybri PCA-Wavelets Features, FFBPNN (for reviewer) 98.90% 93% 100% 98% following, a simple comparative is introuce between ifferent classifiers use in our system in orer to specify the best classification metho (Table 5). It can be sai that the best classification metho is the fee forwaring back propagation neural networks. SOM has a goo clustering effectiveness ue to its competitive single layer where the similar neurons clustere together, but it still require long training time. LVQ networks have a linear layer (as output) in aition to the competitive one, this will look goo for our system, but the result shows that LVQ gives low rates. Nearest neighbor classifier achieve very goo performance an can be use instea of neural network to avoi the long training time. However, the FFBPNN has better rate than K-nn. Regaring to the neural networks, Figure17 illustrates how performance iffers using three ifferent networks which are the FFBPNN, SOM an LVQ. Comparative stuy We compare our stuy with similar ones in the area of ear recognition. Table 6 illustrates the main ifferences between our system an recently ear recognition ones. Conclusion In this paper, a full human recognition base ear images was introuce. The ear images were obtaine by means of likelihoo skin etector an morphological operations. The features were extracte using PCA-wavelet algorithm, then a FFBPNN was traine by these features. The experiments were one on 370 test images an the system achieve 98.9% recognition rate. References 1. Burge M, Burger W (1998) Ear biometrics, In Biometrics: Personal Ientification in Networke Society. In: Jain A (E s.,) Kluwer Acaemic Publishers. 2. Bustar JD, Nixon MS (2010) Towar Unconstraine Ear Recognition from Two- Dimensional Images, Ieee Transactions On Systems, Man, an Cybernetics-Part A: Systems an Humans 40: Chang K, Bowyer KW, Sarkar S, Victor B (2003) Comparison an Combination of Ear an Face Machine Image in Appearance-Base Biometrics, IEEE Transaction on pattern Analysis an machine Intelligence 25: Chi-Fa Chen (2003) Combination of PCA an Wavelet Transforms for Face Recognition on 2.5D Images, Palmerston North: Choras M (2005) Ear Biometrics Base on Geometrical Feature Extraction, Electronic Letters on Computer Vision an Image Analysis. pp: Conaire CO, O Connor NE, Smeaton AF (2007) Detector aaptation by maximising agreement between inepenent ata sources, In CVPR. IEEE Computer Society. 7. Daramola SA, Oluwaninyo OD (2011) Automatic Ear Recognition System using Back Propagation Neural Network, International Journal of Vieo & Image Processing an Network Security IJVIPNS-IJENS, 11: Elgammal A, Muang C, Hu D (2009) Skin Detection - a Short Tutorial, Encyclopeia of Biometrics by Springer-Verlag Berlin Heielberg. 9. Hurley DJ, Nixon MS, Carter JN (2005) Force fiel feature extraction for ear biometrics, Computer Vision an Image Unerstaning 98: Iannarelli A (1989) Ear Ientification, Forensic Ientification Series, Paramount Publishing Company, Fremont, California. 11. Islam SMS, Bennamoun M, Mian AS, Davies R (2008) A Fully Automatic Approach for Human Recognition from Profile Images Using 2D an 3D Ear Data, Proceeings of 3DPVT 08 - the Fourth International Symposium on 3D Data Processing 20: Kumar A, Wu C (2012) Automate human ientification using ear imaging. Pattern Recognition: Moreno B, Sanchez A, Velez JF (1999) On the Use of Outer Ear Images for Personal Ientification in Security Applications, IEEE 33r Annual International Carnahan Conference on Security Technology: Nanni L, Brahnam S (2000) A Genetic Algorithm for Creating a Set of Color Spaces for Ear Authentication, Int l Conf. IP, Comp. Vision, an Pattern Recognition IPCV : Rahman M, Islam R, Bhuiyan NI, Ahme B, Islam A (2007) Person Ientification Using Ear Biometrics, International Journal of the Computer, the Internet an Management 15: Victor B, Bowyer KW, Sarkar S (2002) An Evaluation of Face an Ear Biometrics Proc. Int l Conf. Pattern Recognition:

8 17. Xie Z, Mu Z (2008) Ear Recognition Using LLE an IDLLE Algorithm, ICIC LNCS 1: Yuizono T, Wang Y, Satoh K, Nakayama S (2002) Stuy on Iniviual Recognition for Ear Images by using Genetic Local Search, In Proc. Of the 2002 Congress on Evolutionary Computation: Copyright: 2016 Mayya AM. This is an open-access article istribute uner the terms of the Creative Commons Attribution License, which permits unrestricte use, istribution, an reprouction in any meium, provie the original author an source are creite.

Image Segmentation using K-means clustering and Thresholding

Image Segmentation using K-means clustering and Thresholding Image Segmentation using Kmeans clustering an Thresholing Preeti Panwar 1, Girhar Gopal 2, Rakesh Kumar 3 1M.Tech Stuent, Department of Computer Science & Applications, Kurukshetra University, Kurukshetra,

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

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

Lecture 1 September 4, 2013

Lecture 1 September 4, 2013 CS 84r: Incentives an Information in Networks Fall 013 Prof. Yaron Singer Lecture 1 September 4, 013 Scribe: Bo Waggoner 1 Overview In this course we will try to evelop a mathematical unerstaning for the

More information

NEW METHOD FOR FINDING A REFERENCE POINT IN FINGERPRINT IMAGES WITH THE USE OF THE IPAN99 ALGORITHM 1. INTRODUCTION 2.

NEW METHOD FOR FINDING A REFERENCE POINT IN FINGERPRINT IMAGES WITH THE USE OF THE IPAN99 ALGORITHM 1. INTRODUCTION 2. JOURNAL OF MEDICAL INFORMATICS & TECHNOLOGIES Vol. 13/009, ISSN 164-6037 Krzysztof WRÓBEL, Rafał DOROZ * fingerprint, reference point, IPAN99 NEW METHOD FOR FINDING A REFERENCE POINT IN FINGERPRINT IMAGES

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

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

Multi-camera tracking algorithm study based on information fusion

Multi-camera tracking algorithm study based on information fusion International Conference on Avance Electronic Science an Technolog (AEST 016) Multi-camera tracking algorithm stu base on information fusion a Guoqiang Wang, Shangfu Li an Xue Wen School of Electronic

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

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

Research Article Inviscid Uniform Shear Flow past a Smooth Concave Body

Research Article Inviscid Uniform Shear Flow past a Smooth Concave Body International Engineering Mathematics Volume 04, Article ID 46593, 7 pages http://x.oi.org/0.55/04/46593 Research Article Invisci Uniform Shear Flow past a Smooth Concave Boy Abullah Mura Department of

More information

Kinematic Analysis of a Family of 3R Manipulators

Kinematic Analysis of a Family of 3R Manipulators Kinematic Analysis of a Family of R Manipulators Maher Baili, Philippe Wenger an Damien Chablat Institut e Recherche en Communications et Cybernétique e Nantes, UMR C.N.R.S. 6597 1, rue e la Noë, BP 92101,

More information

A fast embedded selection approach for color texture classification using degraded LBP

A fast embedded selection approach for color texture classification using degraded LBP A fast embee selection approach for color texture classification using egrae A. Porebski, N. Vanenbroucke an D. Hama Laboratoire LISIC - EA 4491 - Université u Littoral Côte Opale - 50, rue Ferinan Buisson

More information

THE BAYESIAN RECEIVER OPERATING CHARACTERISTIC CURVE AN EFFECTIVE APPROACH TO EVALUATE THE IDS PERFORMANCE

THE BAYESIAN RECEIVER OPERATING CHARACTERISTIC CURVE AN EFFECTIVE APPROACH TO EVALUATE THE IDS PERFORMANCE БСУ Международна конференция - 2 THE BAYESIAN RECEIVER OPERATING CHARACTERISTIC CURVE AN EFFECTIVE APPROACH TO EVALUATE THE IDS PERFORMANCE Evgeniya Nikolova, Veselina Jecheva Burgas Free University Abstract:

More information

A Neural Network Model Based on Graph Matching and Annealing :Application to Hand-Written Digits Recognition

A Neural Network Model Based on Graph Matching and Annealing :Application to Hand-Written Digits Recognition ITERATIOAL JOURAL OF MATHEMATICS AD COMPUTERS I SIMULATIO A eural etwork Moel Base on Graph Matching an Annealing :Application to Han-Written Digits Recognition Kyunghee Lee Abstract We present a neural

More information

A Comparative Evaluation of Iris and Ocular Recognition Methods on Challenging Ocular Images

A Comparative Evaluation of Iris and Ocular Recognition Methods on Challenging Ocular Images A Comparative Evaluation of Iris an Ocular Recognition Methos on Challenging Ocular Images Vishnu Naresh Boeti Carnegie Mellon University Pittsburgh, PA 523 naresh@cmu.eu Jonathon M Smereka Carnegie Mellon

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

A PSO Optimized Layered Approach for Parametric Clustering on Weather Dataset

A PSO Optimized Layered Approach for Parametric Clustering on Weather Dataset Vol.3, Issue.1, Jan-Feb. 013 pp-504-508 ISSN: 49-6645 A PSO Optimize Layere Approach for Parametric Clustering on Weather Dataset Shikha Verma, 1 Kiran Jyoti 1 Stuent, Guru Nanak Dev Engineering College

More information

Evolutionary Optimisation Methods for Template Based Image Registration

Evolutionary Optimisation Methods for Template Based Image Registration Evolutionary Optimisation Methos for Template Base Image Registration Lukasz A Machowski, Tshilizi Marwala School of Electrical an Information Engineering University of Witwatersran, Johannesburg, South

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

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

Empirical Evaluation of Advanced Ear Biometrics

Empirical Evaluation of Advanced Ear Biometrics Empirical Evaluation of Advanced Ear Biometrics Ping Yan Kevin W. Bowyer Department of Computer Science and Engineering University of Notre Dame, IN 46556 Abstract We present results of the largest experimental

More information

Shift-map Image Registration

Shift-map Image Registration Shift-map Image Registration Svärm, Linus; Stranmark, Petter Unpublishe: 2010-01-01 Link to publication Citation for publishe version (APA): Svärm, L., & Stranmark, P. (2010). Shift-map Image Registration.

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

Calculation on diffraction aperture of cube corner retroreflector

Calculation on diffraction aperture of cube corner retroreflector November 10, 008 / Vol., No. 11 / CHINESE OPTICS LETTERS 8 Calculation on iffraction aperture of cube corner retroreflector Song Li (Ó Ø, Bei Tang (», an Hui Zhou ( ï School of Electronic Information,

More information

Open Access Adaptive Image Enhancement Algorithm with Complex Background

Open Access Adaptive Image Enhancement Algorithm with Complex Background Sen Orers for Reprints to reprints@benthamscience.ae 594 The Open Cybernetics & Systemics Journal, 205, 9, 594-600 Open Access Aaptive Image Enhancement Algorithm with Complex Bacgroun Zhang Pai * epartment

More information

Ear recognition based on Edge Potential Function

Ear recognition based on Edge Potential Function Ear recognition based on Edge Potential Function F. Battisti a,m.carli a, F.G.B. De Natale b,a.neri a a Applied Electronics Department, Universitá degli Studi Roma TRE, Roma, Italy; b University of Trento,

More information

Random Clustering for Multiple Sampling Units to Speed Up Run-time Sample Generation

Random Clustering for Multiple Sampling Units to Speed Up Run-time Sample Generation DEIM Forum 2018 I4-4 Abstract Ranom Clustering for Multiple Sampling Units to Spee Up Run-time Sample Generation uzuru OKAJIMA an Koichi MARUAMA NEC Solution Innovators, Lt. 1-18-7 Shinkiba, Koto-ku, Tokyo,

More information

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

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

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

Recent Advances in Electrical Engineering and Educational Technologies. Human Identification based on Ear Recognition

Recent Advances in Electrical Engineering and Educational Technologies. Human Identification based on Ear Recognition Human Identification based on Ear Recognition S. Gangaram 1, and S. Viriri 1,2 ABSTRACT Biometrics is the identification of humans based on their characteristics or traits. This paper presents the study

More information

A Classification of 3R Orthogonal Manipulators by the Topology of their Workspace

A Classification of 3R Orthogonal Manipulators by the Topology of their Workspace A Classification of R Orthogonal Manipulators by the Topology of their Workspace Maher aili, Philippe Wenger an Damien Chablat Institut e Recherche en Communications et Cybernétique e Nantes, UMR C.N.R.S.

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

A New Search Algorithm for Solving Symmetric Traveling Salesman Problem Based on Gravity

A New Search Algorithm for Solving Symmetric Traveling Salesman Problem Based on Gravity Worl Applie Sciences Journal 16 (10): 1387-1392, 2012 ISSN 1818-4952 IDOSI Publications, 2012 A New Search Algorithm for Solving Symmetric Traveling Salesman Problem Base on Gravity Aliasghar Rahmani Hosseinabai,

More information

Last week. Multi-Frame Structure from Motion: Multi-View Stereo. Unknown camera viewpoints

Last week. Multi-Frame Structure from Motion: Multi-View Stereo. Unknown camera viewpoints Last week Multi-Frame Structure from Motion: Multi-View Stereo Unknown camera viewpoints Last week PCA Today Recognition Today Recognition Recognition problems What is it? Object detection Who is it? Recognizing

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

Modifying ROC Curves to Incorporate Predicted Probabilities

Modifying ROC Curves to Incorporate Predicted Probabilities Moifying ROC Curves to Incorporate Preicte Probabilities Cèsar Ferri DSIC, Universitat Politècnica e València Peter Flach Department of Computer Science, University of Bristol José Hernánez-Orallo DSIC,

More information

EFFICIENT STEREO MATCHING BASED ON A NEW CONFIDENCE METRIC. Won-Hee Lee, Yumi Kim, and Jong Beom Ra

EFFICIENT STEREO MATCHING BASED ON A NEW CONFIDENCE METRIC. Won-Hee Lee, Yumi Kim, and Jong Beom Ra th European Signal Processing Conference (EUSIPCO ) Bucharest, omania, August 7-3, EFFICIENT STEEO MATCHING BASED ON A NEW CONFIDENCE METIC Won-Hee Lee, Yumi Kim, an Jong Beom a Department of Electrical

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

A Versatile Model-Based Visibility Measure for Geometric Primitives

A Versatile Model-Based Visibility Measure for Geometric Primitives A Versatile Moel-Base Visibility Measure for Geometric Primitives Marc M. Ellenrieer 1,LarsKrüger 1, Dirk Stößel 2, an Marc Hanheie 2 1 DaimlerChrysler AG, Research & Technology, 89013 Ulm, Germany 2 Faculty

More information

Ear Biometrics Based on Geometrical Method of Feature Extraction

Ear Biometrics Based on Geometrical Method of Feature Extraction Ear Biometrics Based on Geometrical Method of Feature Extraction Micha Chora Institute of Telecommunication, University of Technology and Agriculture, ul. Prof. Kaliskiego 7, 85-796, Bydgoszcz, Poland.

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

Animated Surface Pasting

Animated Surface Pasting Animate Surface Pasting Clara Tsang an Stephen Mann Computing Science Department University of Waterloo 200 University Ave W. Waterloo, Ontario Canaa N2L 3G1 e-mail: clftsang@cgl.uwaterloo.ca, smann@cgl.uwaterloo.ca

More information

Classical Mechanics Examples (Lagrange Multipliers)

Classical Mechanics Examples (Lagrange Multipliers) Classical Mechanics Examples (Lagrange Multipliers) Dipan Kumar Ghosh Physics Department, Inian Institute of Technology Bombay Powai, Mumbai 400076 September 3, 015 1 Introuction We have seen that the

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

Shift-map Image Registration

Shift-map Image Registration Shift-map Image Registration Linus Svärm Petter Stranmark Centre for Mathematical Sciences, Lun University {linus,petter}@maths.lth.se Abstract Shift-map image processing is a new framework base on energy

More information

Feature Extraction and Rule Classification Algorithm of Digital Mammography based on Rough Set Theory

Feature Extraction and Rule Classification Algorithm of Digital Mammography based on Rough Set Theory Feature Extraction an Rule Classification Algorithm of Digital Mammography base on Rough Set Theory Aboul Ella Hassanien Jafar M. H. Ali. Kuwait University, Faculty of Aministrative Science, Quantitative

More information

Rough Set Approach for Classification of Breast Cancer Mammogram Images

Rough Set Approach for Classification of Breast Cancer Mammogram Images Rough Set Approach for Classification of Breast Cancer Mammogram Images Aboul Ella Hassanien Jafar M. H. Ali. Kuwait University, Faculty of Aministrative Science, Quantitative Methos an Information Systems

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

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

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

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

Intensive Hypercube Communication: Prearranged Communication in Link-Bound Machines 1 2

Intensive Hypercube Communication: Prearranged Communication in Link-Bound Machines 1 2 This paper appears in J. of Parallel an Distribute Computing 10 (1990), pp. 167 181. Intensive Hypercube Communication: Prearrange Communication in Link-Boun Machines 1 2 Quentin F. Stout an Bruce Wagar

More information

Exercises of PIV. incomplete draft, version 0.0. October 2009

Exercises of PIV. incomplete draft, version 0.0. October 2009 Exercises of PIV incomplete raft, version 0.0 October 2009 1 Images Images are signals efine in 2D or 3D omains. They can be vector value (e.g., color images), real (monocromatic images), complex or binary

More information

Automation of Bird Front Half Deboning Procedure: Design and Analysis

Automation of Bird Front Half Deboning Procedure: Design and Analysis Automation of Bir Front Half Deboning Proceure: Design an Analysis Debao Zhou, Jonathan Holmes, Wiley Holcombe, Kok-Meng Lee * an Gary McMurray Foo Processing echnology Division, AAS Laboratory, Georgia

More information

Text Particles Multi-band Fusion for Robust Text Detection

Text Particles Multi-band Fusion for Robust Text Detection Text Particles Multi-ban Fusion for Robust Text Detection Pengfei Xu, Rongrong Ji, Hongxun Yao, Xiaoshuai Sun, Tianqiang Liu, an Xianming Liu School of Computer Science an Engineering Harbin Institute

More information

Estimating Velocity Fields on a Freeway from Low Resolution Video

Estimating Velocity Fields on a Freeway from Low Resolution Video Estimating Velocity Fiels on a Freeway from Low Resolution Vieo Young Cho Department of Statistics University of California, Berkeley Berkeley, CA 94720-3860 Email: young@stat.berkeley.eu John Rice Department

More information

Optimal Oblivious Path Selection on the Mesh

Optimal Oblivious Path Selection on the Mesh Optimal Oblivious Path Selection on the Mesh Costas Busch Malik Magon-Ismail Jing Xi Department of Computer Science Rensselaer Polytechnic Institute Troy, NY 280, USA {buschc,magon,xij2}@cs.rpi.eu Abstract

More information

Clustering using Particle Swarm Optimization. Nuria Gómez Blas, Octavio López Tolic

Clustering using Particle Swarm Optimization. Nuria Gómez Blas, Octavio López Tolic 24 International Journal Information Theories an Applications, Vol. 23, Number 1, (c) 2016 Clustering using Particle Swarm Optimization Nuria Gómez Blas, Octavio López Tolic Abstract: Data clustering has

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

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

X y. f(x,y,d) f(x,y,d) Peak. Motion stereo space. parameter space. (x,y,d) Motion stereo space. Parameter space. Motion stereo space.

X y. f(x,y,d) f(x,y,d) Peak. Motion stereo space. parameter space. (x,y,d) Motion stereo space. Parameter space. Motion stereo space. 3D Shape Measurement of Unerwater Objects Using Motion Stereo Hieo SAITO Hirofumi KAWAMURA Masato NAKAJIMA Department of Electrical Engineering, Keio Universit 3-14-1Hioshi Kouhoku-ku Yokohama 223, Japan

More information

Computer Graphics Chapter 7 Three-Dimensional Viewing Viewing

Computer Graphics Chapter 7 Three-Dimensional Viewing Viewing Computer Graphics Chapter 7 Three-Dimensional Viewing Outline Overview of Three-Dimensional Viewing Concepts The Three-Dimensional Viewing Pipeline Three-Dimensional Viewing-Coorinate Parameters Transformation

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

MANJUSHA K.*, ANAND KUMAR M., SOMAN K. P.

MANJUSHA K.*, ANAND KUMAR M., SOMAN K. P. Journal of Engineering Science an echnology Vol. 13, No. 1 (2018) 141-157 School of Engineering, aylor s University IMPLEMENAION OF REJECION SRAEGIES INSIDE MALAYALAM CHARACER RECOGNIION SYSEM BASED ON

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

BIJECTIONS FOR PLANAR MAPS WITH BOUNDARIES

BIJECTIONS FOR PLANAR MAPS WITH BOUNDARIES BIJECTIONS FOR PLANAR MAPS WITH BOUNDARIES OLIVIER BERNARDI AND ÉRIC FUSY Abstract. We present bijections for planar maps with bounaries. In particular, we obtain bijections for triangulations an quarangulations

More information

Keywords Data compression, image processing, NCD, Kolmogorov complexity, JPEG, ZIP

Keywords Data compression, image processing, NCD, Kolmogorov complexity, JPEG, ZIP Volume 3, Issue 7, July 203 ISSN: 2277 28X International Journal of Avance Research in Computer Science an Software Engineering Research Paper Available online at: wwwijarcssecom Compression Techniques

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

Parts Assembly by Throwing Manipulation with a One-Joint Arm

Parts Assembly by Throwing Manipulation with a One-Joint Arm 21 IEEE/RSJ International Conference on Intelligent Robots an Systems, Taipei, Taiwan, October, 21. Parts Assembly by Throwing Manipulation with a One-Joint Arm Hieyuki Miyashita, Tasuku Yamawaki an Masahito

More information

Ear Recognition based on 2D Images

Ear Recognition based on 2D Images Ear Recognition based on 2D Images Li Yuan, Zhi-chun Mu Abstract-Research of ear recognition and its application is a new subject in the field of biometrics authentication. Ear normalization and alignment

More information

NET Institute*

NET Institute* NET Institute* www.netinst.org Working Paper #08-24 October 2008 Computer Virus Propagation in a Network Organization: The Interplay between Social an Technological Networks Hsing Kenny Cheng an Hong Guo

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

Fuzzy Rules Based System for Diagnosis of Stone Construction Cracks of Buildings

Fuzzy Rules Based System for Diagnosis of Stone Construction Cracks of Buildings Fuzzy Rules Base System for Diagnosis of Stone Construction Cracks of Builings Serhiy Shtovba, Alexaner Rotshtein* an Olga Pankevich Vinnitsa State Technical University Khmelnitskoe Shosse, 95, 21021,

More information

Shape Model-Based 3D Ear Detection from Side Face Range Images

Shape Model-Based 3D Ear Detection from Side Face Range Images Shape Model-Based 3D Ear Detection from Side Face Range Images Hui Chen and Bir Bhanu Center for Research in Intelligent Systems University of California, Riverside, California 92521, USA fhchen, bhanug@vislab.ucr.edu

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

MICROARRAY IMAGE GRIDDING USING GRID LINE REFINEMENT TECHNIQUE

MICROARRAY IMAGE GRIDDING USING GRID LINE REFINEMENT TECHNIQUE DOI: 10.21917/ijivp.2015.0148 MICROARRAY IMAGE GRIDDING USING GRID LINE REFINEMENT TECHNIQUE V.G. Biju 1 an P. Mythili 2 School of Engineering, Cochin University of Science an Technology, Inia E-mail:

More information

Robust Camera Calibration for an Autonomous Underwater Vehicle

Robust Camera Calibration for an Autonomous Underwater Vehicle obust Camera Calibration for an Autonomous Unerwater Vehicle Matthew Bryant, Davi Wettergreen *, Samer Aballah, Alexaner Zelinsky obotic Systems Laboratory Department of Engineering, FEIT Department of

More information

NTCIR-6 CLIR-J-J Experiments at Yahoo! Japan

NTCIR-6 CLIR-J-J Experiments at Yahoo! Japan NTCIR-6 CLIR-J-J Experiments at Yahoo! Japan Sumio FUJITA Yahoo Japan Corporation, Roppongi Hills Mori Tower, 6-10-1, Roppongi, Minato-ku, Tokyo 106-6182, Japan sufujita AT yahoo-corp DOT jp Abstract This

More information

Video-based Characters Creating New Human Performances from a Multi-view Video Database

Video-based Characters Creating New Human Performances from a Multi-view Video Database Vieo-base Characters Creating New Human Performances from a Multi-view Vieo Database Feng Xu Yebin Liu? Carsten Stoll? James Tompkin Gaurav Bharaj? Qionghai Dai Hans-Peter Seiel? Jan Kautz Christian Theobalt?

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

Here are a couple of warnings to my students who may be here to get a copy of what happened on a day that you missed.

Here are a couple of warnings to my students who may be here to get a copy of what happened on a day that you missed. Preface Here are my online notes for my Calculus I course that I teach here at Lamar University. Despite the fact that these are my class notes, they shoul be accessible to anyone wanting to learn Calculus

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

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

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

A Revised Simplex Search Procedure for Stochastic Simulation Response Surface Optimization

A Revised Simplex Search Procedure for Stochastic Simulation Response Surface Optimization 272 INFORMS Journal on Computing 0899-1499 100 1204-0272 $05.00 Vol. 12, No. 4, Fall 2000 2000 INFORMS A Revise Simplex Search Proceure for Stochastic Simulation Response Surface Optimization DAVID G.

More information

EXTRACTION OF MAIN AND SECONDARY ROADS IN VHR IMAGES USING A HIGHER-ORDER PHASE FIELD MODEL

EXTRACTION OF MAIN AND SECONDARY ROADS IN VHR IMAGES USING A HIGHER-ORDER PHASE FIELD MODEL EXTRACTION OF MAIN AND SECONDARY ROADS IN VHR IMAGES USING A HIGHER-ORDER PHASE FIELD MODEL Ting Peng a,b, Ian H. Jermyn b, Véronique Prinet a, Josiane Zerubia b a LIAMA & PR, Institute of Automation,

More information

Classification and clustering methods for documents. by probabilistic latent semantic indexing model

Classification and clustering methods for documents. by probabilistic latent semantic indexing model A Short Course at amang University aipei, aiwan, R.O.C., March 7-9, 2006 Classification an clustering methos for ocuments by probabilistic latent semantic inexing moel Shigeichi Hirasawa Department of

More information

k-nn Graph Construction: a Generic Online Approach

k-nn Graph Construction: a Generic Online Approach k-nn Graph Construction: a Generic Online Approach Wan-Lei Zhao arxiv:80.00v [cs.ir] Sep 08 Abstract Nearest neighbor search an k-nearest neighbor graph construction are two funamental issues arise from

More information

UNIT 9 INTERFEROMETRY

UNIT 9 INTERFEROMETRY UNIT 9 INTERFEROMETRY Structure 9.1 Introuction Objectives 9. Interference of Light 9.3 Light Sources for 9.4 Applie to Flatness Testing 9.5 in Testing of Surface Contour an Measurement of Height 9.6 Interferometers

More information

Figure 1: 2D arm. Figure 2: 2D arm with labelled angles

Figure 1: 2D arm. Figure 2: 2D arm with labelled angles 2D Kinematics Consier a robotic arm. We can sen it commans like, move that joint so it bens at an angle θ. Once we ve set each joint, that s all well an goo. More interesting, though, is the question of

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

6 Gradient Descent. 6.1 Functions

6 Gradient Descent. 6.1 Functions 6 Graient Descent In this topic we will iscuss optimizing over general functions f. Typically the function is efine f : R! R; that is its omain is multi-imensional (in this case -imensional) an output

More information

Deep Spatial Pyramid for Person Re-identification

Deep Spatial Pyramid for Person Re-identification Deep Spatial Pyrami for Person Re-ientification Sławomir Bąk Peter Carr Disney Research Pittsburgh, PA, USA, 15213 {slawomir.bak,peter.carr}@isneyresearch.com Abstract Re-ientification refers to the task

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

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

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

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

CONTENT-BASED RETRIEVAL OF DEFECT IMAGES. Jukka Iivarinen and Jussi Pakkanen

CONTENT-BASED RETRIEVAL OF DEFECT IMAGES. Jukka Iivarinen and Jussi Pakkanen Proceeings of ACIVS 2002 (Avance Concepts for Intelligent Vision Systems), Ghent, Belgium, September 9-11, 2002 CONTENT-BASED RETRIEVAL OF DEFECT IMAGES Jukka Iivarinen an Jussi Pakkanen jukka.iivarinen@hut.fi,

More information