A Motion Trajectory Based Video Retrieval System Using Parallel Adaptive Self Organizing Maps Wei Qu, Faisal I. Bashir, Dan Graupe, Ashfaq Khokhar, and Dan Schonfeld Department of Electrical and Computer Engineering University of Illinois, Chicago, IL 60607 E-mail: {wqu, fbashir, graupe, ashfaq, ds}@ece.uic.edu

Object Tracking SOM 1 Patern1

Smoothing

Segmentation SOM 2

Indexed Database

Patern2

Normalization

Output Layer

Modelling

Retrieval

SOM n Coding Trajectory Preprocessing

Paternn

Abstract— We present a novel motion trajectory based video retrieval system using parallel adaptive self organizing maps (PASOMs) in this paper. The trajectories are extracted from video by a robust tracker. To reduce the high dimension of motion trajectories, we first decompose each trajectory into subtrajectories by using a maximum acceleration based approach. Each subtrajectory is then modeled and coded by two different methods, polynomial curving fitting and independent component analysis. To fuse the different features of subtrajectories for more efficient and flexible retrieval, we use PASOMs as the searching tool. Experimental results show the superior performance of the proposed approach for video retrieval comparing with prior approaches.

PASOMs Structure

I. I NTRODUCTION Content-based video retrieval system has gained much attention recently due to its wide applications such as digital library, news broadcasting, distant learning. Efficient and effective implementation of content-based video indexing and retrieval system involves optimal and compact content analysis and feature extraction, content modeling, indexing and querying scheme. For feature space representation, in contrast to the color, shape, and texture features that were frequently adopted in image retrieval, motion is an essential attribute which differentiates animated visual data from still images and captures the rich dynamic content of video sequence. Motion trajectory has been employed as a cue to represent video sequence in many systems. However, it is still not exploited to the full extent. Early techniques in motion trajectory modeling used simple chain-codes, B-spline [6] or from a physics-based point of view [7]. They do not completely capture the motion trajectory’s characteristics. Spatio-temporal models are more efficient to represent the motion trajectory instead [4]. Sahouria et al proposed an object trajectory based system where the normalized x- and y- projections of trajectory are separately processed. The indexing is performed based on Haar wavelet transform coefficients [5]. In [4], [8], Chang et al use wavelet decomposition to segment each motion trajectory into subtrajectories and index them based on features such as initial velocity and acceleration. Trajectory search is achieved by only using a Mahalanobis metric to calculate the distance between feature vectors. In [3], the trajectories are segmented based on curvature and their dominant zero crossings. The principal component analysis (PCA) has been performed on both global trajectories and subtrajectories to achieve flexible retrieval. Trajectory search is implemented by

Fig. 1. The system structure of motion trajectory based video retrieval system using PASOMs.

only evaluating a Euclidean distance metric between the PCA coefficients of query trajectory and indexed trajectories. Despite the successive application of motion trajectory in the above systems, it was observed that most of them lack efficient learning, classification and searching tool for indexing and querying. This motivates us to use neural network which has been widely used in many applications as a powerful learning and classification tool. In this paper, we propose a novel motion trajectory based video retrieval system. For feature space representation, we use two different methods: polynomial curving fitting and independent component analysis (ICA). For trajectory search, we use PASOMs to achieve fast and flexible video indexing and retrieval. Comparing with the previous approaches, our methods are much more efficient and robust which are demonstrated by the experimental results. The paper is organized as following. Section 2 gives the system structure. Section 3 introduces the object tracking algorithm we used. Section 4 decribes the motion trajectory preprocessing procedures. Section 5 presents the two trajectory modeling and coding algorithms. The design of PASOMs is discussed in section 6. Section 7 shows the experimental results. Finally, we conclude the paper with discussions. II. S YSTEM S TRUCTURE The comprehensive system structure is shown in Fig. 1. It consists of four modules. The first one is the object tracking module. It extracts the desired object’s motion trajectory from

240

Fig. 2. Tracking results of frame number 024, 132, 180, 372 in a video sequence.

210

Y Axis

180

video sequences. The second part is the trajectory preprocessing and modeling module. In this module, the whole motion trajectory is first smoothed to get rid of high frequency noise, then segmented into subtrajectories. To have same code length, each subtrajectory is normalized into [0, 1] in each dimension. Finally, the subtrajectories are modeled amd coded for further processing. The third part is the neural network we used to implement video trajectory indexing and retrieval. The fourth part is the video database. III. O BJECT T RACKING Any object tracking method which can capture the motion trajectory in video sequences can be used in our framework. In this paper, the trajectories are procured by a robust tracker we proposed in [1]. It includes the latest 2D detection information into the importance function of particle filter achieving robust single/multiple object tracking in realtime. Comparing with previous methods, it is more efficient and can handle not only changes of zooming, scaling, pose, illumination, but also out-of-plane rotation, and even hard occlusion in clutter environment. For technical details, the reader can refer to [1]. Here we show some example frames of the tracking results in Fig. 2. Fig. 3 presents the 2D motion trajectory of the girl’s head center in the same video. To demonstrate the algorithm, we only use single object’s motion trajectory for simplicity in the following paper while the framework can be extended to process multi-object trajectories with scheme handling occlusion problem. IV. M OTION T RAJECTORY P REPROCESSING To decrease the high frequency observation noise and cutback the computation, the input motion trajectories have to be preprocessed before feature extraction. The x-projection and y-projection of 2D motion trajectories can be processed together or separately. In the following paper, we preprocess, model and index the x-projection and y-projection separately for simplicity. Only in retrieval phase, the x/y projections are considered together to make the final decision. A. Smoothing The first stage in the preprocessing algorithm is smoothing. We have tried different methods, such as low-pass filter, wavelet decomposition and reconstruction and observed that Fast Fourier Transform (FFT) filtering could give us good enough smoothing results while it’s very simple to be implemented. FFT filter smoothing is accomplished by removing Fourier components with frequencies higher than a cutoff frequency

150 120 90 60 30 00

100 Fra m

200

e N u mb e

300 r

400

0

80

160

240

320

xis X A

Fig. 3. The 2D motion trajectory using detection-based particle filtering tracking algorithm.

Fig. 4. Smoothing result of the x-projection of the above 2D motion trajectory using a 7-point FFT filter.

of: Fcutof f =

1 q∆t

(1)

where q is the number of data points, and ∆t is the time (or more generally the abscissa) spacing between two adjacent data points. Larger values of q result in lower cutoff frequencies, and thus a greater degree of smoothing. The function used to clip out the high-frequency components is a parabola with a maximum of 1 at zero frequency, and falling off to zero at the cutoff frequency defined above. In the experiments, we use a 7-point FFT filter. The smoothing results of x-projection of the motion trajectory in Fig. 3 is shown in Fig. 4.

Fig. 5. The second derivative of the smoothed motion trajectory in Fig. 4. The marks label the peaks of the acceleration trajectory.

Fig. 6. An example of subtrajectory curve fitted by the second and third order polynomial models.

B. Maximum Acceleration Based Trajectory Segmentation

and initial velocity describe the curvature of the subtrajectory while the start point gives the relative spatial position in the x/y axis. The order term indexes the spatial and temporal position of the segment within the entire motion trajectory. This trajectory model supports both spatial and temporal translation invariance because the subtrajectories are already normalized into [0, 1] in both x/y axis and time axis. However it does not support spatial and temporal scaling invariance. 2) Trajectory Feature Coding: To train a neural network, the extracted features have to be coded. Quantization is necessary because it can not only make the size of input codes shorter by coding relevant information in lesser number of bits, but also render slightly dissimilar patterns similar, thus decreasing the number of training/testing patterns. We use two different rules for start point α0 and α1 , α2 separately as following. Rule I: Since starting point α0 ∈ [0, 1], we first multiply it by 100, then round it into an integer. Thus it can be coded by 7 bits. Rule II: Since α1 and α2 which present the initial velocity and acceleration separately are in [−10, 10] normally, we first multiply them by 10 then round them into 2-digit integers. If the number is beyond the range [−10, 10], we cut the first digit off and use one bit in the code to present it. Then each parameter can be coded by 9 bits where the first bit is used to present the sign (positive 0 00 , negative 0 10 ), the second bit is used to present whether the parameter is beyond the range [−10, 10] (within 0 00 , without 0 10 ). The other 7 bits are used to present the two-digit integer. To illustrate the above rules, we code the parameters of the example shown in Fig. 6 where (α0 , α1 , α2 ) = (0.64871, 1.76065, −2.51273). Step 1: Using Rule I, 100 × α0 = 64.871. It is rounded to 65. Then it can be coded by 7 bits which is 1000001. Step 2: Using Rule II, for α1 , 10 × α1 = 17.6065. It is rounded to 18. Then it can be coded by 9 bits which is 000010010 where the first bit 0 00 shows it’s positive, the second bit 0 00 shows that α1 is within [−10, 10]. Similarly, we

To reduce the high dimensionality of the input trajectory, different segmentation schemes can be applied to get subtrajectories with different attributes. Here, we calculate the magnitude of the acceleration which is the second derivative of the smoothed motion trajectory and then segment it at points of maximum acceleration. Fig. 5 presents the second derivative of the motion trajectory and the segmentation points. C. Normalization As shown in Fig. 5, segmented subtrajectories don’t have the same length. To achieve temporal and spatial translation invariance, we normalize the subtrajectories into [0, 1] after segmentation. V. O BJECT T RAJECTORY M ODELING In section IV each object trajectory is processed into subtrajectories where the acceleration does not vary greatly. The most crucial step in training a neural network based video retrieval is modeling and coding the input data. It involves extracting the training attributes from the preprocessed subtrajectories. In this section, polynomial curve fitting and ICA were chosen. A. Polynomial Curve Fitting Based Trajectory Modeling and Coding 1) Polynomial Curve Fitting: Similar as [4], we first fit each subtrajectory with a parametric polynomial model. r(t) = (x(t) or y(t)) = αn tn + αn−1 tn−1 + . . . + α0 (2) where {αi , i = 0 . . . n} are the polynomial coefficients. Fig. 6 presents an example of subtrajectory curve fitted by the second and third order polynomials separately. In practice, we found that a second order polynomial can give good enough fitting results in most cases. Then, each subtrajectory can be modeled by a feature vector (α2 , α1 , α0 ) where α2 presents the acceleration, α1 presents the initial velocity and α0 presents the start point. The acceleration

can code for α2 As a summary, the following codes for different patterns will be created.  1000001  P attern 1 : P attern 2 : 00 0010010  P attern 3 : 10 0011001 The complete code word (α0 , α1 , α2 ) ∼ 1000001 00 0010010 10 0011001 characterizes the normalized subtrajectory shown in 6. B. ICA Based Trajectory Modeling and Coding PCA is an approach that takes dominant information of data and reconstructs it with reduced dimensionality in terms of the eigen-space analysis that minimizes the reconstruction error. Although PCA has been successfully applied to motion trajectory based video retrieval and shown better performance than prior approaches for feature extraction in [3], many papers have argued that PCA method might lose importance information in higher order statistic of data since it only uses second-order statistics [10], [11]. Recently, a much more powerful technique to represent and analyze multivariate data, ICA has gained attention in many areas. It can be seen as an extension to PCA and factor analysis and is capable of finding the underlying factors, retaining higher order statistics when these classic methods fail completely. Comprehensive survey can be found in [10], [11]. In this section, we address the method of modeling and coding motion subtrajectory using ICA. 1) ICA Based Trajectory Modeling: Consider the following ICA model for motion subtrajectories. S = WX

(3)

where X = [x1 , x2 , . . . , xn ]T represents the motion subtrajectories, S = [s1 , s2 , . . . , sn ]T is the ICA basis vector and W is a weight matrix to be determined. The fundamental concept is to represent subtrajectory data with independent component bases and their associated coefficients. The preprocessing procedure for ICA described in [10] has been implemented. The subtrajectory data X is first centered by subtracting its mean E[X], then whitened by using the eigenvalue decomposition (EVD) of the covariance matrix E{XX T } = EDE T , where E is the orthonormal matrix of eigenvectors of E{XX T } and D is the diagonal matrix of its eigenvalues, D = diag(d1 , . . . , dn ). Thus, whitening can be done by ˜ = ED−1/2 E T X X (4) where the matrix D−1/2 is computed by a simple component−1/2 −1/2 wise operation as D−1/2 = diag(d1 , . . . , dn ). The weight matrix can be recursively computed by FastICA algorithm [11] using W (k + 1) = E{X(W (k)T X)3 } − 3W (k)

(5)

Therefore, the ICA bases can be obtain by (3). To decrease computation cost, only m (≤ n) ICA bases have been

manually selected among all ICA bases to represent the subtrajectories like PCA method. For example, we selected 15 ICA bases for x and y projection of subtrajectories separately in our experiment. 2) ICA Coefficient Coding: To implement neural network, we code the ICA coefficients using similar rules as polynomial cure fitting in the above subsection. VI. N EURAL NETWORK D ESIGN Self-Organizing Maps (SOMs) is proposed by T. Kohonen in [9]. It can efficiently reduce the dimensions of data through the use of self-organizing neural networks. A Large Scale Memory Storage and Retrieval (LAMSTAR) network is proposed in [2] by combining SOM modules and statistical decision tools. It was specifically developed for application to problems involving very large memory that relates to many different categories (attributes) where some data is exact while the other is fuzzy and where for a given problem some categories might be totally missing [2]. The neural network used in this paper PASOMs is a modified simpler version of the above methods. A. Structure of the PASOMs Network The network structure can be seen in Fig. 1. It includes many parallel SOM modules each of which is responsible for learning one particular pattern of the given problem. The standard perception like neurons in each SOM modules are competed among each other on the ’winner takes all’ philosophy. The number of the neurons in each SOM modules is adaptively decided in the training phase. The collection of all the patterns corresponding to one subtrajectory is called a ’word’ whereas each individual pattern is referred as ’sub word’ in the following. Training a PASOMs requires characterizing the given problem with a set of patterns and then subsequently training the PASOMs with these patterns. Once training is accomplished and a set of test patterns is presented to the PASOMs, each SOM module returns the best matching corresponding pattern and thus a final decision is made on the basis of combined response of all the SOM modules. In the current work, we implement two different networks for the two modeling methods. Each network has two PASOMs layers to process x and y projection of subtrajectories separately. For polynomial curving fitting modeling, each PASOMs consisits of 3 SOM modules that are made to learn the three patterns. For ICA-based modeling, each PASOMs has 15 SOM modules learning coefficients of ICA bases. The number of neurons of each SOM module in both cases are adaptively determined in training phase as described in the following subsection. The number of neurons in the output layer is set as the number of all trajectories. B. Training Algorithm The training of PASOMs includes two stages: The first stage involves the adaptive construction of each SOM module and the training of neurons in the modules. The second stage is to train the output neurons to generate the target index for

TABLE I T RAINING A LGORITHM OF PASOM S N ETWORK

a particular trajectory given by the classification results of network. VII. E XPERIMENTAL RESULTS





Initialize each SOM module with one neuron. Assign random values to the weights of each SOM module neuron and the links weights between each SOM module and the output neuron. For i=1:M, where i is the index of words. − For j=1:N, where j is the index of subwords. ? Input the jth subword to the jth SOM module. ? Calculate the correlation C between the current subword with the previous subwords for the same SOM module. Compare the C with a defined threshold CT H . If C ≤ CT H , create a new neuron for this SOM module. Initialize the weights of the new neuron with random values. ? Calculate the total activation of each neuron and select the neuron with the highest total activation as the winner. Thus each module will have a winner for the sub word. ? Modify the weights of the winning neuron in each SOM module by using the equation: w(k + 1) = w(k) + β(x − w)



where x is the subword for which the current neuron is the winner. w is the weight vector of the winner. β is the learning rate. k denotes the iteration over time. − End For. − For each output neuron, calculate the sum of all the link weights that connect it to the winning neurons in each SOM module. − If the training decision (the output neuron with the largest value) agrees with the target, then reward the link weights connected to this output neuron and punish all other link weights connected to other output neurons. If the training decision disagrees with the target, then punish the link weights connected to this output neuron and reward the link weights to the target neuron. Punishments or rewards are achieved by subtracting or adding a small positive value to appropriate link weights. End For.

each trained subtrajectory. The pseudo-code of the training algorithm at one time-step is shown in Table I. By using the adaptive construction scheme, the similar patterns which have bigger correlation than the threshold CT H can be clustered together. This is a desired property which makes the video retrieval system more efficient and flexible. C. Trajectory Searching Using Network In query phase, the query trajectory is first preprocessed and segmented into subtrajectories. Each subtrajectory is coded into a word and classified by the network. Then the results of both x and y projection of the trajectory is calculated to return a rank list {s1 > s2 > . . . > sh } where si is the total number of both x and y subtrajectories belonging to

A. Data Acquisition We use both Birchfield’s video tracking database 1 and our UICMCL video database which include single or multiple objects to test the proposed approach. From totally 83 videos, we manually select 65 video sequences with single object such as human head, car, football to avoid considering multiobject occlusion. The frames are capture by 320 by 240 at 30 frames per second. Then we use detection-based particle filter tracking the desired objects to get the motion trajectories. After applying smoothing and segmentation, we get 1123 subtrajectories of both x and y projection. The subtrajectories of 35 trajectories out of the whole sequences have been used to get ICA/PCA bases. 2/3 subtrajectories of each trajectory have been used to train the neural network. B. Retrieval Results and Performance Evaluation We have implemented our algorithm for both full trajectory based queries and occlusion-related partial trajectory based queries. To evaluate the performance of our algorithm, we use Precision-Recall Curve (PRC) defined in [3]. The probability of detection Pd is defined as: Z Pd = yP (y|HT )dy (6) The probability of false alarm Pf is defined as: Z Pf = yP (y|HT¯ )dy

(7)

where P (y|HT ) is the conditional probability of a certain object given that target hypothesis is true, P (y|HT¯ ) is the same for non-target hypothesis. Therefore, the precision Pp and recall Pr are defined as: |T¯| − |Xi ∈ T¯| Pp = 1 − Pf = (8) T¯ |Xi ∈ T | (9) T where 0 | |0 denotes the operation which returns the size of the set. X is the retrieved list, |Xi ∈ T | is the set of objects that are retrieved and relevant, |T | is the size of target set in database. The set of relevant items for each query is established by ground truth before tested evaluation. We calculate the PRC by increasing the size of the returned list for whole trajectory queries and partial trajectory queries using our proposed neural network retrieval method based on both polynomial curve fitting and ICA subtrajectory modeling and coding. The performance is also compared with the prior methods which didn’t use neural network based search, one is the segmented PCA-based modeling with Euclidean distance search method (PCA-Euclidean) in [3], the other one is using polynomial curving fitting for modeling and a Mahalanobis Pr = Pd =

1 The

video can be accessed at http://vision.stanford.edu/∼birch/headtracker/

1.0

0.9

0.9

0.8

0.8

Precision

Precision

1.0

0.7

0.6

0.7

ICA-NN

0.6

ICA-NN

PCA-Euclidean

PCA-Euclidean

PCF-NN

PCF-NN

PCF-Mahalanobis

PCF-Mahalanobis

0.5

0.5 0.0

0.2

0.4

0.6

0.8

1.0

Recall

0.0

0.2

0.4

0.6

0.8

1.0

Recall

Fig. 7. Precision-Recall Curve of the retrieval performance for whole trajectory query case.

Fig. 8. Precision-Recall Curve of the retrieval performance for partial trajectory query case.

metric to calculate distance between feature vectors as in [4]. For Fig. 7, we can see ICA-based neural network is superior than other methods over all values of recall for whole trajectory query case. Although it has been demonstrated that PCA can capture more information of motion trajectory than polynomial curving fitting in [3], our method using polynomial curving fitting is even better than PCA-based Euclidean distance searching for most recall values due to the better performance of the PASOMs network we used. By comparing the two curves of polynomial curving fitting which use our PASOMs network and Mahalanobis distance matching separately, the better performance of neural network is also confirmed. Fig. 8 shows the PRCs of different methods for partial trajectory query case. Here the better performance of our neural network based approaches is visible while the ICAbased method is still superior than the polynomial curve fitting scheme because ICA technology has stronger ability to capture more information than polynomial curve fitting.

approaches which use other different searching schemes in the experimental results. Future work will be concentrated on better preprocessing methods and high level semantic analysis.

VIII. S UMMARY We present an efficient motion trajectory based framework using PASOMs neural network to achieve robust video retrieval. To reduce the high dimension of the motion trajectory and achieve flexible retrieval for partial trajectory query, our algorithm first decomposes the raw input trajectory into subtrajectories by using a maximum acceleration based approach. We believe better segmentation scheme should be exploited in the future work because the current method doesn’t support high level semantic query due to its limitation. Feature extraction and modeling is a crucial stage for any retrieval system. In the paper, we have exploited two methods: the commonly used polynomial curve fitting and ICA. The main contribution of this paper is that we propose a PASOMs network for motion trajectory based video retrieval. It can efficiently fuse different features of subtrajectories together to make more flexible and robust video retrieval. The better performance of our approaches is demonstrated by comparing with the prior

ACKNOWLEDGMENT The authors would like to thank Yunde Zhong and Vivek P. Nigam for their help. R EFERENCES [1] Wei Qu, Dan Schonfeld, “Detection-based Particle Filtering Framework in Multiple-head Tracking Application,” Proceedings of the SPIE/IS&T Electronic Imaging, San Jose, CA, Jan. 2005. [2] Daniel Graupe, Principles of Artificial Neural Networks, Singapore: New Scientific, 1998. [3] Faisal I. Bashir, Ashfaq A. Khokhar, Dan Schonfeld, “Segmented Trajectory Based Indexing and Retrieval of Video Data,” Proceedings of the IEEE International Conference on Image Processing, Barcelona, Spain, 2003. [4] William Chen, Shih-Fu Chang, “Motion Trajectory Matching of Video Objects,” Proceedings of the SPIE/IS&T Storage and Retrieval for Media Databases , San Jose, CA, 2000. [5] Sahouria E. , Zakhor A., “Motion Indexing of Video,” Proceedings of the IEEE International Conference on Image Processing, Santa Barbara, 1997, vol. 2, pp. 526-529. [6] N. Dimitrova, F. Golshani, “Motion Recovery for Video Content classification,” ACM Trans. Information Systems, vol. 13, no. 4, pp. 408-439, Oct. 1995. [7] R. Jasinschi, A. She, T. Naveen, A. Tabatabai, S. Jeannin and B. Mory, “Motion Descriptors for Content Based Video Representation,” Image and Communication Journal, vol. 13, no. 4, pp. 408-439, Oct. 1999. [8] S. F. Chang, W. Chen, H. J. Meng, H. Sundaram, and D. Zhong, “A Fully Automated Content-Based Video Search Engine Supporting Spatiotemporal Queries,” IEEE Transactions on Circuits and Systems for Video Technology, vol. 8, no. 5, pp. 602-615, Sep. 1998. [9] T. Kohonen, Self-Organization and Associative Memory, Berlin: Springer Verlag, 1984. [10] Aapo Hyv¨arinen, “Survey on Independent Component Analysis,” Neural Computing Surveys, vol. 2, pp. 94-128, 1999. [11] Hyv¨arinen A, Oja E., “Independent component analysis: algorithms and applications,” Neural Network, vol. 13, no. 4-5, pp. 411-30, 2000.

A Motion Trajectory Based Video Retrieval System ...

learning and classification tool. In this paper, we propose a novel motion trajectory based video retrieval system. For feature space representation, we use two ...

241KB Sizes 0 Downloads 291 Views

Recommend Documents

Segmented Trajectory based Indexing and Retrieval of Video Data.
Indexing and Retrieval of Video. Data. Multimedia Systems Lab, UIC. 1. Faisal I. Bashir, Ashfaq A. Khokhar, Dan Schonfeld. University of Illinois at Chicago,.

Trajectory-based handball video understanding
Jul 10, 2009 - timeout) [19]. It relies on Gaussian mixtures and an EM al- gorithm trained on manually labeled sequences. Then, using a partition of the court, ...

Segmented Trajectory based Indexing and Retrieval of ...
Multimedia Systems Lab, UIC. 1. Faisal I. Bashir, Ashfaq A. ... Systems Lab, UIC. 4. System Block Diagram .... Of Detection, P d and Prob. Of False Alarm,. P f is:.

Content-based retrieval for human motion data
In this study, we propose a novel framework for constructing a content-based human mo- tion retrieval system. Two major components, including indexing and matching, are discussed and their corresponding algorithms are presented. In indexing, we intro

Real-Time Motion Trajectory-Based Indexing and ...
of the object trajectory in this setting include tracking results from video trackers .... An important application area of trajectory-based indexing is human activity ...

Curvature Scale Space Based Affine-Invariant Trajectory Retrieval
represented as a trajectory can help mine more information about video data than without. On these lines of object trajectory based video retrieval, Chen et.

Real-Time Motion Trajectory-Based Indexing and ...
gained significant interest in scientific circles lately. This is primarily due to ...... M.S. and Ph.D. degrees in Electrical and Computer. Engineering from the Johns ...

View-Invariant Motion Trajectory-Based Activity ...
language data measurements gathered from wired glove interfaces fitted with sensors, Global Positioning. System (GPS) .... This allows us to take advantage of a wealth of recent work involving ... generated Bayesian network. The problem ...

Automatic Object Trajectory- Based Motion Recognition ...
Need to process data from Non- video sensors: e.g., wired- gloves, radar, GPS, ... acceleration, velocity, subtrajectory length, etc. ▫ Lei-Chen & Oria [ACM MIR ...

A Robust Content-Based Image Retrieval System ...
GCH and 2-D Haar wavelet transform using the cosine distance gives good ..... January 1999. http://www.unn.ac.uk/iidr/report.html. [2] Christopher C. Yang, ...

A Content-Based Information Retrieval System for ... - Springer Link
This paper deals with the elaboration of an interactive software which ... Springer Science + Business Media B.V. 2008 .... Trend boards offer a good representation of the references used ..... function could be fulfilled by mobile devices.

HMM-BASED MOTION RECOGNITION SYSTEM ...
hardware and software technologies that allow spatio- temporal ... the object trajectory include tracking results from video trackers ..... different systems for comparison. ... Conference on Computer Vision and Pattern Recognition, CVPR. 2004.

an effective video retrieval system by combining visual ...
May 2, 2009 - COMBINING VISUAL AND TEXTUAL MINING .... Totally, the duration of video data is about 20 hours ... Recall = 5 / 20 * 100% = 25%. %100*.

Video Retrieval Based on Textual Queries
Center for Visual Information Technology,. International Institute of Information Technology,. Gachibowli ... There are two important issues in Content-Based Video Ac- cess: (a) A .... matching algorithm then computes the degree of similarity be-.

Video Retrieval Based on Textual Queries
Audio and the textual content in videos can be of immense use ... An advanced video retrieval solution could identify the text ..... Conference on Computer.

Image retrieval system and image retrieval method
Dec 15, 2005 - face unit to the retrieval processing unit, image data stored in the image information storing unit is retrieved in the retrieval processing unit, and ...

Global motion estimation–based method for nighttime video ...
Subject terms: video enhancement; global motion estimation; motion segmenta- tion. ... 28, 2011; published online May 5, 2011. 1 Introduction. Video enhancement, which ..... ity improvement for video conferencing,” ICME, 1035–1038 (2007).

Robust Content Based Image Retrieval system using ... - Dipan Pal
robust classification shows that the image database can be expanded while ... algorithm which tries to capture the data modeling and processing ... input during learning of the spatial pooler is compared with .... big advantage in scalability.

Robust Content Based Image Retrieval system using ... - Dipan Pal
machine learning, pattern recognition and computer vision to search large image databases. Some CBIR systems employ processing over text annotations and ...

Novel method based on video tracking system for ...
A novel method based on video tracking system for simultaneous measurement of kinematics and flow in the wake of a freely swimming fish is described.

A trajectory-based computational model for optical flow ...
and Dubois utilized the concepts of data conservation and spatial smoothness in ...... D. Marr, Vision. I. L. Barron, D. J. Fleet, S. S. Beauchemin, and T. A. Burkitt,.

TENSOR-BASED MULTIPLE OBJECT TRAJECTORY ...
In most of the existing content-based video indexing and re- ... There are 3 major tensor decomposition tools: HOSVD .... Comparison of HOSVD, PARAFAC and Multiple-SVD .... Proceedings of the IEEE International Conference on Im-.