58 results on '"Ke-Lin Du"'
Search Results
2. Elements of Computational Learning Theory
- Author
-
Ke-Lin Du and Mallappa Kumara Swamy
- Subjects
Computer Science::Machine Learning ,Computational learning theory ,Fundamental theorem ,Learnability ,Computer science ,Rademacher complexity ,Calculus ,Learning theory ,Generalization error - Abstract
PAC learning theory is the foundation of computational learning theory. VC-dimension, Rademacher complexity, and empirical risk-minimization principle are three concepts for deriving a generalization error bound for a trained machine. The fundamental theorem of learning theory relates PAC learnability, VC-dimension, and empirical risk-minimization principle. Another basic theorem in computational learning theory is no-free-lunch theorem. These topics are addressed in this chapter. more...
- Published
- 2019
- Full Text
- View/download PDF
Catalog
3. Compressed Sensing and Dictionary Learning
- Author
-
Mallappa Kumara Swamy and Ke-Lin Du
- Subjects
Signal processing ,business.industry ,Computer science ,MathematicsofComputing_NUMERICALANALYSIS ,Sparse PCA ,Pattern recognition ,Sparse approximation ,Matrix decomposition ,Compressed sensing ,Tensor (intrinsic definition) ,Artificial intelligence ,business ,Neural coding ,Linear combination - Abstract
Sparse coding is a matrix factorization technique. It models a target signal as a sparse linear combination of atoms (elementary signals) drawn from a dictionary (a fixed collection). Sparse coding has become a popular paradigm in signal processing, statistics, and machine learning. This chapter introduces compressed sensing, sparse representation/sparse coding, tensor compressed sensing, and sparse PCA. more...
- Published
- 2019
- Full Text
- View/download PDF
4. Support Vector Machines
- Author
-
M. N. S. Swamy and Ke-Lin Du
- Subjects
Support vector machine ,VC dimension ,Computational learning theory ,Hyperplane ,Computer science ,Margin (machine learning) ,Feature vector ,Kernel (statistics) ,Algorithm ,Linear separability - Abstract
SVM [12, 201] is one of the most popular nonparametric classification algorithms. It is optimal and is based on computational learning theory [200, 202]. The goal of SVM is to minimize the VC dimension by finding the optimal hyperplane between classes, with the maximal margin, where the margin is defined as the distance of the closest point in each class to the separating hyperplane. It has a general-purpose linear learning algorithm and a problem-specific kernel that computes the inner product of input data points in a feature space. The key idea of SVM is to project the training set in a high-dimensional space into a lower-dimensional feature space by means of a set of nonlinear kernel functions, where the projections of the training examples are always linearly separable in the feature space. The hippocampus, a brain region critical for learning and memory processes, has been reported to possess pattern separation function similar to SVM [6]. more...
- Published
- 2019
- Full Text
- View/download PDF
5. Neural Network Circuits and Parallel Implementations
- Author
-
Ke-Lin Du and Mallappa Kumara Swamy
- Subjects
Speedup ,Artificial neural network ,Computer architecture ,Computer science ,Neural network learning ,Implementation ,Electronic circuit - Abstract
Hardware and parallel implementations can substantially speed up machine learning algorithms to extend their widespread applications. In this chapter, we first introduce various circuit realizations for popular neural network learning methods. We then introduce their parallel implementations on graphic processing units (GPUs), systolic arrays of processors, and parallel computers. more...
- Published
- 2019
- Full Text
- View/download PDF
6. Vehicle Logo Recognition Using SIFT Representation and SVM
- Author
-
Biaobiao Zhang, Xu Zhao, Ke-Lin Du, and Jie Zeng
- Subjects
050210 logistics & transportation ,Logo recognition ,Computer science ,business.industry ,InformationSystems_INFORMATIONSTORAGEANDRETRIEVAL ,05 social sciences ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Scale-invariant feature transform ,Pattern recognition ,Logo ,Support vector machine ,ComputingMethodologies_PATTERNRECOGNITION ,Region of interest ,0502 economics and business ,Training phase ,Computer vision ,Artificial intelligence ,business ,Cluster analysis ,Representation (mathematics) - Abstract
We propose a vehicle logo recognition method that uses SIFT representation and SVM classification. At the training phase, for each training example, a region of interest (ROI) containing the vehicle logo is extracted based on the vehicle plate location, SIFT features are extracted from the ROI, and keywords as well as their counts are obtained by clustering the SIFT features. For all the training examples, their keywords as well as the corresponding counts are used as input and their categories are used as output for training an SVM classifier. At the recognition stage, by a similar procedure of the training stage, for each test example, SIFT features of the ROI are extracted, and keywords as well as their counts are generated by clustering. These keywords as well as their counts are used as input to the SVM classifier and the category of the vehicle logo is obtained. The method is dependent on processing of a ROI rather than on accurate location of the vehicle logo. It uses little prior knowledge, and is easy to use. The method provides a satisfactory recognition rate, and thus is a feasible method for fusion of multiple classifiers. more...
- Published
- 2017
- Full Text
- View/download PDF
7. Implementation and Comparison of the License Plate Algorithms: A Case Study
- Author
-
Sheng-Feng Yu, Ke-Lin Du, Hui Wang, Zhijiang Xu, and Limin Meng
- Subjects
Computer engineering ,Computer science ,Computer Science (miscellaneous) ,License - Published
- 2012
- Full Text
- View/download PDF
8. Neural Network Implementations for PCA and Its Extensions
- Author
-
Jialin Qiu, Jiabin Lu, Hui Wang, Ke-Lin Du, and Biaobiao Zhang
- Subjects
Artificial neural network ,Computer science ,business.industry ,Singular value decomposition ,Feature extraction ,Principal component analysis ,Pattern recognition ,Artificial intelligence ,Total least squares ,Linear discriminant analysis ,business ,Blind signal separation ,Independent component analysis - Abstract
Many information processing problems can be transformed into some form of eigenvalue or singular value problems. Eigenvalue decomposition (EVD) and singular value decomposition (SVD) are usually used for solving these problems. In this paper, we give an introduction to various neural network implementations and algorithms for principal component analysis (PCA) and its various extensions. PCA is a statistical method that is directly related to EVD and SVD. Minor component analysis (MCA) is a variant of PCA, which is useful for solving total least squares (TLSs) problems. The algorithms are typical unsupervised learning methods. Some other neural network models for feature extraction, such as localized methods, complex-domain methods, generalized EVD, and SVD, are also described. Topics associated with PCA, such as independent component analysis (ICA) and linear discriminant analysis (LDA), are mentioned in passing in the conclusion. These methods are useful in adaptive signal processing, blind signal separation (BSS), pattern recognition, and information compression. more...
- Published
- 2012
- Full Text
- View/download PDF
9. Using Radial Basis Function Networks for Function Approximation and Classification
- Author
-
Yue Wu, Biaobiao Zhang, Ke-Lin Du, and Hui Wang
- Subjects
0209 industrial biotechnology ,Signal processing ,Approximation theory ,Radial basis function network ,Computer science ,business.industry ,02 engineering and technology ,Nonlinear system ,020901 industrial engineering & automation ,Function approximation ,Multilayer perceptron ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Radial basis function ,Artificial intelligence ,business ,Hierarchical RBF - Abstract
The radial basis function (RBF) network has its foundation in the conventional approximation theory. It has the capability of universal approximation. The RBF network is a popular alternative to the well-known multilayer perceptron (MLP), since it has a simpler structure and a much faster training process. In this paper, we give a comprehensive survey on the RBF network and its learning. Many aspects associated with the RBF network, such as network structure, universal approimation capability, radial basis functions, RBF network learning, structure optimization, normalized RBF networks, application to dynamic system modeling, and nonlinear complex-valued signal processing, are described. We also compare the features and capability of the two models. more...
- Published
- 2012
- Full Text
- View/download PDF
10. An Adaptive Multiuser Detection Algorithm for CDMA Systems Using Antenna Diversity
- Author
-
Ke-Lin Du and Mallappa Kumara Swamy
- Subjects
Data stream ,Minimum mean square error ,Code division multiple access ,Computer science ,InformationSystems_INFORMATIONSYSTEMSAPPLICATIONS ,Applied Mathematics ,Data_CODINGANDINFORMATIONTHEORY ,Antenna diversity ,Multiuser detection ,Antenna array ,Signal Processing ,Rake receiver ,Algorithm ,Computer Science::Information Theory ,Communication channel - Abstract
Based on the minimum mean squared error (MMSE) between the data stream and the linear combiner output, a new multiuser detection (MUD) algorithm that combines space–time (ST) processing and antenna array on direct-sequence CDMA signals is proposed. The proposed ST-MUD algorithm is proved to be equivalent to two existing MMSE-based ST-MUD algorithms, and the theoretical BER performances for all the three algorithms are the same. The most attractive feature of the new ST-MUD algorithm is based on the fact that the new method does not require explicit estimation of channel and signaling information. This avoids any channel estimation error, and the method is thus more robust and more accurate than the other two ST-MUD algorithms in practical implementation. Adaptation of the proposed ST-MUD algorithm is implemented by using training sequences. Performance of this new multiuser detector is compared with that of two existing MMSE multiuser detectors and the conventional single-user space–time rake receiver through simulations. The proposed ST-MUD algorithm provides a performance better than existing algorithms and is especially suitable for practical CDMA systems. more...
- Published
- 2010
- Full Text
- View/download PDF
11. A Class of Adaptive Cyclostationary Beamforming Algorithms
- Author
-
Mallappa Kumara Swamy and Ke-Lin Du
- Subjects
Computational complexity theory ,Computer science ,business.industry ,Cyclostationary process ,Applied Mathematics ,Autocorrelation ,Interference (wave propagation) ,Signal Processing ,Electronic engineering ,Wireless ,Mobile telephony ,Symbol rate ,business ,Adaptive beamformer ,Algorithm - Abstract
One of the main benefits of the cyclostationary beamforming algorithms is their ability to extract signals from co-channel interference with only a knowledge of the cycle frequency. In this paper, we study the popular cyclostationary beamformers, and propose five new algorithms, namely, the adaptive cyclic adaptive beamforming (ACAB), adaptive cross-SCORE (ACS), constrained least-squares (CLS), adaptive phase-SCORE (APS), and maximal constrained autocorrelation (MCA) algorithms. All these algorithms are adaptive and have a computational complexity of O(n 2) complex multiplications, where n is the number of array elements. A comparative study of these algorithms is made based on numerical simulations. Each of these algorithms has specific application scenarios. The ACS and the APS algorithms are particularly suited for very adverse signal environments. The ACAB, MCA and cyclic adaptive beamforming (CAB, from the work of Wu and Wong) algorithms can provide good performance in the case of medium or weak interference, while the CLS algorithm is especially suitable for weak interference. The CAB algorithm is shown to be a special case of the least-square self-coherent restoral (LS-SCORE) algorithm. Some insights as to how one can assign carrier frequency and symbol rate during digital modulation are also suggested. The proposed adaptive algorithms are easy to implement, and thus are very promising for applications in wireless and mobile communications. more...
- Published
- 2008
- Full Text
- View/download PDF
12. Tabu Search and Scatter Search
- Author
-
M. N. S. Swamy and Ke-Lin Du
- Subjects
Adaptive memory ,education.field_of_study ,business.industry ,Computer science ,Population ,MathematicsofComputing_NUMERICALANALYSIS ,ComputingMethodologies_ARTIFICIALINTELLIGENCE ,Tabu search ,Path (graph theory) ,Local search (optimization) ,Guided Local Search ,business ,education ,Metaheuristic ,Global optimization ,Algorithm - Abstract
Tabu search is a single-solution-based stochastic metaheuristic global optimization method. It is a hill-climbing method that imitates human memory structure to improve decision-making. Scatter search is a population-based metaheuristic algorithm. Scatter search and its generalized form called path relinking are intimately related to tabu search, and they derive additional advantages by using adaptive memory mechanism. more...
- Published
- 2016
- Full Text
- View/download PDF
13. Search Based on Human Behaviors
- Author
-
M. N. S. Swamy and Ke-Lin Du
- Subjects
Computer science ,business.industry ,Process (engineering) ,Imperialist competitive algorithm ,Artificial intelligence ,business ,Human behavior ,Human being ,Metaheuristic ,GeneralLiterature_MISCELLANEOUS - Abstract
Human being is the most intelligent creature on this planet. This chapter introduces various search metaheuristics that are inspired by various behaviors of human creative problem-solving process.
- Published
- 2016
- Full Text
- View/download PDF
14. Topics in Evolutinary Algorithms
- Author
-
M. N. S. Swamy and Ke-Lin Du
- Subjects
Scheme (programming language) ,Theoretical computer science ,Cooperative coevolution ,business.industry ,Computer science ,Fitness approximation ,Astrophysics::High Energy Astrophysical Phenomena ,Computer Science::Neural and Evolutionary Computation ,Cloud computing ,Population model ,Convergence (routing) ,SIMD ,business ,computer ,Coevolution ,computer.programming_language - Abstract
This chapter continues to introduce topics on EAs. Convergence of EAs is first analyzed by using scheme theorem, building-block hypothesis, and then by using finite and infinite population models. Various parallel implementations of EAs are then described in detail. Some other associated topics including coevolution and fitness approximation are finally introduced. more...
- Published
- 2016
- Full Text
- View/download PDF
15. Estimation of Distribution Algorithms
- Author
-
M. N. S. Swamy and Ke-Lin Du
- Subjects
0209 industrial biotechnology ,Computer science ,MathematicsofComputing_NUMERICALANALYSIS ,Statistical model ,Multivariate normal distribution ,Hardware_PERFORMANCEANDRELIABILITY ,02 engineering and technology ,Probability vector ,Evolutionary computation ,020901 industrial engineering & automation ,Estimation of distribution algorithm ,Hardware_GENERAL ,Joint probability distribution ,Hardware_INTEGRATEDCIRCUITS ,0202 electrical engineering, electronic engineering, information engineering ,EDAS ,020201 artificial intelligence & image processing ,Probabilistic analysis of algorithms ,Algorithm ,Hardware_LOGICDESIGN - Abstract
Estimation of distribution algorithm (EDA) is a most successful paradigm of EAs. EDAs are derived by inspirations from evolutionary computation and machine learning. This chapter describes EDAs as well as several classical EDA implementations. more...
- Published
- 2016
- Full Text
- View/download PDF
16. Ant Colony Optimization
- Author
-
Ke-Lin Du and Mallappa Kumara Swamy
- Subjects
0209 industrial biotechnology ,Mathematical optimization ,020901 industrial engineering & automation ,Computer science ,Metaheuristic optimization ,Ant colony optimization algorithms ,Shortest path problem ,Foraging ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,02 engineering and technology - Abstract
Ants are capable of finding the shortest path between the food and the colony using a pheromone-laying mechanism. ACO is a metaheuristic optimization approach inspired by this foraging behavior of ants. This chapter is dedicated to ACO. more...
- Published
- 2016
- Full Text
- View/download PDF
17. Dynamic, Multimodal, and Constrained Optimizations
- Author
-
M. N. S. Swamy and Ke-Lin Du
- Subjects
Mathematical optimization ,Constrained optimization problem ,Fitness landscape ,Computer science ,Metaheuristic optimization ,Constraint violation - Abstract
This chapter treats several hard problems associated with metaheuristic optimization, namely, dynamic, multimodal, and constrained optimization problems.
- Published
- 2016
- Full Text
- View/download PDF
18. Neural methods for antenna array signal processing: a review
- Author
-
Ke-Lin Du, A. K. Y. Lai, K. K. M. Cheng, and Mallappa Kumara Swamy
- Subjects
Beamforming ,Signal processing ,Artificial neural network ,Computer science ,Smart antenna ,Direction of arrival ,Software-defined radio ,Antenna array ,Sensor array ,Control and Systems Engineering ,Signal Processing ,Electronic engineering ,Computer Vision and Pattern Recognition ,Electrical and Electronic Engineering ,Software - Abstract
The neural method is a powerful nonlinear adaptive approach in various signal-processing scenarios. It is especially suitable for real-time application and hardware implementation. In this paper, we review its application in antenna array signal processing. This paper also serves as a tutorial to the neural method for antenna array signal processing. more...
- Published
- 2002
- Full Text
- View/download PDF
19. A machine learning approach to urban traffic state detection
- Author
-
Ke-Lin Du, Hong Peng, Limin Meng, Lu-Sha Han, and Biaobiao Zhang
- Subjects
Structured support vector machine ,Computer science ,business.industry ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Pattern recognition ,Linear classifier ,Quadratic classifier ,Multilayer perception ,Machine learning ,computer.software_genre ,Support vector machine ,ComputingMethodologies_PATTERNRECOGNITION ,Cascade ,Margin classifier ,Artificial intelligence ,business ,Classifier (UML) ,computer - Abstract
We propose an urban traffic state detection method based on support vector machine (SVM) and multilayer perception (MLP). Fusing the SVM and MLP classifiers into a cascade two-tier classifier improves the accuracy of the traffic state classification. A cascade two-tier classifier MLP-SVM, a single SVM classifier and a single MLP classifier are then fused to further improve the final detection accuracy. We also implement a Dempster-Shafer (D-S) theory of evidence based classifier. Finally, fusion strategies at the training and implementation phases are proposed to improve the detection accuracy. more...
- Published
- 2014
- Full Text
- View/download PDF
20. Wirtinger calculus
- Author
-
M. N. S. Swamy and Ke-Lin Du
- Subjects
Wi-Fi array ,Computer science ,Wireless communication systems ,business.industry ,medicine ,Wireless ,Wired communication ,business ,medicine.disease ,Communications system ,Calculus (medicine) ,Computer network - Published
- 2010
- Full Text
- View/download PDF
21. Pattern Recognition for Biometrics and Bioinformatics
- Author
-
Mallappa Kumara Swamy and Ke-Lin Du
- Subjects
Password ,Biometrics ,business.industry ,Computer science ,Data_MISCELLANEOUS ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Pattern recognition ,Facial recognition system ,Identification (information) ,ComputingMethodologies_PATTERNRECOGNITION ,Pattern recognition (psychology) ,Artificial intelligence ,business ,Face detection - Abstract
Biometrics are the personal or physical characteristics of a person. These biometric identities are usually used for identification or verification. Biometric recognition systems are increasingly being deployed as a more natural, more secure, and more efficient means than the conventional password-based method for the recognition of people. Many biometric verification systems have been developed for global security. more...
- Published
- 2013
- Full Text
- View/download PDF
22. Recurrent Neural Networks
- Author
-
Ke-Lin Du and Mallappa Kumara Swamy
- Subjects
Turing machine ,symbols.namesake ,Recurrent neural network ,Finite impulse response ,Computer science ,Structure (category theory) ,symbols ,Topology ,Infinite impulse response - Abstract
The brain is a strongly recurrent structure. This massive recurrence suggests a major role of self-feeding dynamics in the processes of perceiving, acting and learning, and in maintaining the organism alive more...
- Published
- 2013
- Full Text
- View/download PDF
23. Independent Component Analysis
- Author
-
Ke-Lin Du and Mallappa Kumara Swamy
- Subjects
business.industry ,Computer science ,Speech recognition ,020206 networking & telecommunications ,Pattern recognition ,02 engineering and technology ,Mutual information ,Independent component analysis ,Blind signal separation ,Blind source separation algorithm ,Noise ,0202 electrical engineering, electronic engineering, information engineering ,Cocktail party ,020201 artificial intelligence & image processing ,Artificial intelligence ,business - Abstract
Imagine that you are attending a cocktail party, the surrounding is full of chatting and noise, and somebody is talking about you. In this case, your ears are particularly sensitive to this speaker. This is the cocktail-party problem, which can be solved by blind source separation (BSS). more...
- Published
- 2013
- Full Text
- View/download PDF
24. Associative Memory Networks
- Author
-
Mallappa Kumara Swamy and Ke-Lin Du
- Subjects
Hopfield network ,Computer science ,Bidirectional associative memory ,Content-addressable memory ,Neuroscience ,Autoassociative memory - Abstract
The human brain stores the information in synapses or in reverberating loops of electrical activity. Most of existing associative memory models store information in synapses.
- Published
- 2013
- Full Text
- View/download PDF
25. Other Kernel Methods
- Author
-
Ke-Lin Du and Mallappa Kumara Swamy
- Subjects
Kernel method ,Multiple kernel learning ,Computer science ,Polynomial kernel ,Variable kernel density estimation ,Radial basis function kernel ,Kernel Fisher discriminant analysis ,Tree kernel ,Algorithm ,Kernel principal component analysis - Abstract
The kernel method was originally invented in Aizerman et al. (Autom. Remote Control, 25, 821–837, 1964). The key idea is to project the training set in a lower-dimensional space into a high-dimensional kernel (feature) space by means of a set of nonlinear kernel functions. more...
- Published
- 2013
- Full Text
- View/download PDF
26. Nonnegative Matrix Factorization
- Author
-
Ke-Lin Du and Mallappa Kumara Swamy
- Subjects
Computer science ,02 engineering and technology ,Incomplete LU factorization ,Incomplete Cholesky factorization ,Non-negative matrix factorization ,Matrix decomposition ,Factorization ,020204 information systems ,Factorization of polynomials ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Dixon's factorization method ,Nonnegative matrix ,Algorithm - Abstract
Matrix factorization or factor analysis is an important task that is helpful in the analysis of high-dimensional real-world data. SVD is a classical method for matrix factorization, which gives the optimal low-rank approximation to a real-valued matrix in terms of the squared error. Many application areas, including information retrieval, pattern recognition, and data mining, require processing of binary rather than real data. more...
- Published
- 2013
- Full Text
- View/download PDF
27. Fundamentals of Machine Learning
- Author
-
Ke-Lin Du and Mallappa Kumara Swamy
- Subjects
Computer Science::Machine Learning ,Artificial neural network ,Mean squared error ,Computer science ,business.industry ,Artificial intelligence ,Boolean function ,business ,Generalization error ,Restricted isometry property - Abstract
Learning is a fundamental capability of neural networks. Learning rules are algorithms for finding suitable weights W and/or other network parameters.
- Published
- 2013
- Full Text
- View/download PDF
28. Clustering I: Basic Clustering Models and Algorithms
- Author
-
Ke-Lin Du and Mallappa Kumara Swamy
- Subjects
Clustering high-dimensional data ,Fuzzy clustering ,Computer science ,business.industry ,Single-linkage clustering ,Correlation clustering ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Pattern recognition ,ComputingMethodologies_PATTERNRECOGNITION ,CURE data clustering algorithm ,Consensus clustering ,Canopy clustering algorithm ,Artificial intelligence ,Cluster analysis ,business - Abstract
Clustering is a fundamental tool for data analysis. It finds wide applications in many engineering and scientific fields including pattern recognition, feature extraction, vector quantization, image segmentation, bioinformatics, and data mining. Clustering is a classical method for the prototype selection of kernel-based neural networks such as the RBF network, and is most useful for neurofuzzy systems. more...
- Published
- 2013
- Full Text
- View/download PDF
29. Probabilistic and Bayesian Networks
- Author
-
Mallappa Kumara Swamy and Ke-Lin Du
- Subjects
business.industry ,Computer science ,Common knowledge ,Probabilistic logic ,Bayesian network ,Graph theory ,Artificial intelligence ,Graphical model ,business ,Representation (mathematics) ,Dynamic Bayesian network ,Factor graph - Abstract
The Bayesian network model was introduced by Pearl in 1985 [147]. It is the best known family of graphical models in artificial intelligence (AI). Bayesian networks are a powerful tool of common knowledge representation and reasoning for partial beliefs under uncertainty. They are probabilistic models that combine probability theory and graph theory. more...
- Published
- 2013
- Full Text
- View/download PDF
30. Multilayer Perceptrons: Architecture and Error Backpropagation
- Author
-
Mallappa Kumara Swamy and Ke-Lin Du
- Subjects
Hardware_MEMORYSTRUCTURES ,Computer science ,business.industry ,Feed forward ,Pattern recognition ,Sigmoid function ,ComputerSystemsOrganization_PROCESSORARCHITECTURES ,Space (mathematics) ,Perceptron ,Machine learning ,computer.software_genre ,Backpropagation ,ComputingMethodologies_PATTERNRECOGNITION ,Hyperplane ,Incremental learning ,Artificial intelligence ,Architecture ,business ,computer - Abstract
MLPs are feedforward networks with one or more layers of units between the input and output layers. The output units represent a hyperplane in the space of the input patterns. The architecture of MLP is illustrated in Fig. 4.1. more...
- Published
- 2013
- Full Text
- View/download PDF
31. Clustering II: Topics in Clustering
- Author
-
Ke-Lin Du and Mallappa Kumara Swamy
- Subjects
Convex hull ,Learning vector quantization ,Computer science ,business.industry ,Competitive learning ,Initialization ,Pattern recognition ,Artificial intelligence ,Cluster analysis ,business ,Cluster algorithm - Abstract
Conventional competitive learning-based clustering algorithms like \(C\)-means and LVQ are plagued by a severe initialization problem [57, 106]. If the initial values of the prototypes are not in the convex hull formed by the input data, clustering may not produce meaningful results. more...
- Published
- 2013
- Full Text
- View/download PDF
32. Combining Multiple Learners: Data Fusion and Emsemble Learning
- Author
-
Ke-Lin Du and Mallappa Kumara Swamy
- Subjects
Computer science ,business.industry ,Reliability (computer networking) ,No free lunch theorem ,Process (computing) ,Object (computer science) ,Sensor fusion ,Machine learning ,computer.software_genre ,Random forest ,Domain (software engineering) ,Artificial intelligence ,Representation (mathematics) ,business ,computer - Abstract
Different learning algorithms have different accuracies. The no free lunch theorem asserts that no single learning algorithm always achieves the best performance in any domain. They can be combined to attain higher accuracy. Data fusion is the process of fusing multiple records representing the same real-world object into a single, consistent, and clean representation. Fusion of data for improving prediction accuracy and reliability is an important problem in machine learning. more...
- Published
- 2013
- Full Text
- View/download PDF
33. Hopfield Networks, Simulated Annealing, and Chaotic Neural Networks
- Author
-
Mallappa Kumara Swamy and Ke-Lin Du
- Subjects
Hopfield network ,Computer science ,business.industry ,Chaotic neural network ,Simulated annealing ,Cellular network ,Artificial intelligence ,business ,Travelling salesman problem - Abstract
The Hopfield model [27, 28] is the most popular dynamic model. It is biologically plausible since it functions like the human retina [36].
- Published
- 2013
- Full Text
- View/download PDF
34. Radial Basis Function Networks
- Author
-
Mallappa Kumara Swamy and Ke-Lin Du
- Subjects
Probabilistic neural network ,Radial basis function network ,Function approximation ,Data point ,Computer science ,Radial basis function ,Algorithm ,Regularization (mathematics) ,Extreme learning machine ,Interpolation - Abstract
Learning is an approximation problem, which is closely related to the conventional approximation techniques, such as generalized splines and regularization techniques. The RBF network has its origin in performing exact interpolation of a set of data points in a multidimensional space [81]. The RBF network is a universal approximator, and it is a popular alternative to the MLP, since it has a simpler structure and a much faster training process. Both models are widely used for classification and function approximation. more...
- Published
- 2013
- Full Text
- View/download PDF
35. A Pedestrian Detection and Tracking System Based on Video Processing Technology
- Author
-
Biaobiao Zhang, Ke-Lin Du, Yuanyuan Chen, and Guo Shuqin
- Subjects
Computer science ,business.industry ,Pedestrian detection ,Feature extraction ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,ComputerApplications_COMPUTERSINOTHERSYSTEMS ,Tracking system ,Video processing ,Pedestrian ,Support vector machine ,Histogram ,Computer vision ,Artificial intelligence ,business ,Intelligent transportation system - Abstract
Pedestrian detection and tracking are widely applied to intelligent video surveillance, intelligent transportation, automotive autonomous driving or driving-assistance systems. We select OpenCV as the development tool for implementation of pedestrian detection, tracking, counting and risk warning in a video segment. We introduce a low-dimensional soft-output SVM pedestrian classifier to implement precise pedestrian detection. Experiments indicate that the system has high recognition accuracy, and can operate in real time. more...
- Published
- 2013
- Full Text
- View/download PDF
36. A randomized circle detection method with application to detection of circular traffic signs
- Author
-
Xiaolan Shen, Jiangxin Zhang, Qian Xiaohong, Ke-Lin Du, and Limin Meng
- Subjects
Object-class detection ,Position (vector) ,business.industry ,Computer science ,Computer vision ,Image segmentation ,Artificial intelligence ,business ,Object detection ,Edge detection - Abstract
We propose an improved randomized circle detection method. The improved method reduces the computational complexity of the randomized circle detection method by a factor of two. We then apply the proposed method to detection of circular traffic signs. For traffic images taken in complex scenarios, the colors of interest are first segmented, obtaining potential regions of traffic signs. By applying edge detection and improved randomized circle detection method, traffic signs can be exactly located. Experimental results show that the proposed method has a small computational requirement for natural scenes under different lighting conditions and it can fast and accurately locate circular traffic signs. It can also position circular traffic signs with occlusions and variations in shape, size, and color. more...
- Published
- 2013
- Full Text
- View/download PDF
37. A video-based traffic violation detection system
- Author
-
Biaobiao Zhang, Wang Xiaoling, Limin Meng, Junjie Lu, and Ke-Lin Du
- Subjects
Vehicle tracking system ,Computer science ,business.industry ,Real-time computing ,Wavelet transform ,Tracking (particle physics) ,Track (rail transport) ,Traffic violation ,Feature (computer vision) ,Video tracking ,Computer vision ,Artificial intelligence ,business ,Video based - Abstract
Traffic violation detection systems are effective tools to help traffic administration to monitor the traffic condition. It can detect traffic violations, such as running red lights, speeding, and vehicle retrogress in real time. In this paper, we propose an improved background-updating algorithm by using wavelet transform on dynamic background, and then track moving vehicles by feature-based tracking method. A complete traffic violation detection system is realized in C++ with OpenCV. Keywords—traffic violation detection, vehicle tracking, red running. more...
- Published
- 2013
- Full Text
- View/download PDF
38. An ROIs based pedestrian detection system for single images
- Author
-
Na Shou, Ke-Lin Du, Limin Meng, Hui Wang, and Hong Peng
- Subjects
business.industry ,Computer science ,Pedestrian detection ,Fuzzy set ,Feature extraction ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Pattern recognition ,Support vector machine ,ComputingMethodologies_PATTERNRECOGNITION ,Histogram of oriented gradients ,Region of interest ,Principal component analysis ,Computer vision ,Artificial intelligence ,Cluster analysis ,business - Abstract
Pedestrian detection in a single image takes more time than that in a video due to the requirement of scanning the whole image. In this paper, an improved pedestrian detection system based on region of interest (ROI) is proposed for single images. In the improved pedestrian detection system, principal component analysis (PCA) is introduced to improve the detection rate and accuracy of histogram of oriented gradients (HOG) based support vector machine (SVM) classifier for pedestrian detection. PCA eliminates the redundant HOG feature dimensions that have no contribution for the pedestrian classification. A novel ROI extraction method based on fuzzy C-means (FCM) clustering algorithm is used to select the regions that possibly contain pedestrians in a single image. ROI extraction reduces the number of detection windows, resulting in a significant reduction in detection time of a single image. Computer experiments show that the proposed pedestrian detection system can correctly detect the positions of pedestrians in single images in real time. more...
- Published
- 2012
- Full Text
- View/download PDF
39. A novel algorithm for license plate location based on the RGB features and the texture features
- Author
-
Ke-Lin Du, Zhijiang Xu, Sheng-Feng Yu, Limin Meng, and Biaobiao Zhang
- Subjects
RGB color space ,Morphological processing ,Kernel (image processing) ,Image texture ,Computer science ,business.industry ,RGB color model ,Computer vision ,Artificial intelligence ,business ,Algorithm ,License - Abstract
In order to locate license plates in a complex environment, we develop a novel license plate location algorithm by combing the texture features of plate and features in the RGB color space. A picture is first filtered with a custom convolutional kernel in order to enhance the texture of characters, followed by morphological processing to get region set A. The RGB features of the license plate are then extracted from the picture, and region set B is obtained by performing morphological processing. Region set C is obtained by performing intersection operation of A and B. Finally, through elimination of pseudo-regions, the real license plate region is located. Evaluation of this algorithm on pictures sampled from different illuminations and road conditions demonstrates an accuracy of 98%. more...
- Published
- 2012
- Full Text
- View/download PDF
40. An improved sampling strategy for randomized hough transform based line detection
- Author
-
Limin Meng, Jiangxin Zhang, Ke-Lin Du, Xiaolan Shen, and Sheng-Feng Yu
- Subjects
business.industry ,Computer science ,Feature extraction ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Sampling (statistics) ,Pattern recognition ,Object detection ,Hough transform ,law.invention ,Randomized Hough transform ,Digital image ,law ,Computer Science::Computer Vision and Pattern Recognition ,Line (geometry) ,Computer vision ,Artificial intelligence ,business - Abstract
Detecting lines correctly from a digital image is an important step in many real-world applications. It has been widely used in the fields of contour extraction, character recognition and medical image analysis, as well as in many other computer vision based applications. In this paper, we present a randomized Hough transform based line detection algorithm that utilizes the edge gradient direction. This method exploits edge gradient direction to determine the main direction of a line by applying a constraint on the randomized Hough transform. It substantially reduces the count of invalid samples in the random sampling process. The proposed sampling strategy is superior to some existing methods in terms of memory requirement and computation time. more...
- Published
- 2012
- Full Text
- View/download PDF
41. Storage Capacity of the Hopfield Network Associative Memory
- Author
-
Ke-Lin Du, Yong Zhou, Hu Jianqing, Yue Wu, and Wei Wu
- Subjects
Hopfield network ,Hebbian theory ,business.industry ,Computer science ,Content-addressable storage ,Learning based ,Artificial intelligence ,Content-addressable memory ,Perceptron ,business ,Upper and lower bounds ,Hop (networking) - Abstract
The Hop field model is a well-known dynamic associative-memory model. In this paper, we investigate various aspects of the Hop field model for associative memory. We conduct a systematic simulation investigation of several storage algorithms for Hop field networks, and conclude that the perceptron learning based storage algorithms can achieve much better storage capacity than the Hebbian learning based algorithms. more...
- Published
- 2012
- Full Text
- View/download PDF
42. Recurrent Neural Networks: Associative Memory and Optimization
- Author
-
Ke-Lin Du
- Subjects
Quantitative Biology::Neurons and Cognition ,Artificial neural network ,business.industry ,Computer science ,Generalization ,Computer Science::Neural and Evolutionary Computation ,Boltzmann machine ,Content-addressable memory ,Hopfield network ,Recurrent neural network ,Simulated annealing ,Feedforward neural network ,Artificial intelligence ,business - Abstract
Due to feedback connections, recurrent neural networks (RNNs) are dynamic models. RNNs can provide more compact structure for approximating dynamic systems compared to feedforward neural networks (FNNs). For some RNN models such as the Hopfield model and the Boltzmann machine, the fixed-point property of the dynamic systems can be used for optimization and associative memory. The Hopfield model is the most important RNN model, and the Boltzmann machine as well as some other stochastic dynamic models are proposed as its generalization. These models are especially useful for dealing with combinatorial optimization problems (COPs), which are notorious NPcomplete problems. In this paper, we provide a state-of-the-art introduction to these RNN models, their learning algorithms as well as their analog implementations. Associative memory, COPs, simulated annealing (SA), chaotic neural networks and multilevel Hopfield models are also important topics treated in this paper. more...
- Published
- 2011
- Full Text
- View/download PDF
43. Diversity
- Author
-
M. N. S. Swamy and Ke-Lin Du
- Subjects
Transmit diversity ,Wireless network ,business.industry ,Computer science ,Wireless ,Wireless WAN ,Base transceiver station ,Antenna diversity ,Telecommunications ,business ,Cooperative diversity ,Diversity scheme - Published
- 2010
- Full Text
- View/download PDF
44. Multiple antennas: smart antenna systems
- Author
-
Ke-Lin Du and M. N. S. Swamy
- Subjects
Reconfigurable antenna ,Directional antenna ,Computer science ,ComputerSystemsOrganization_COMPUTER-COMMUNICATIONNETWORKS ,MIMO ,Smart antenna ,Data_CODINGANDINFORMATIONTHEORY ,Antenna diversity ,law.invention ,Spatial multiplexing ,Transmit diversity ,law ,Electronic engineering ,Omnidirectional antenna ,Computer Science::Information Theory - Abstract
Introduction Wireless channels suffer from time-varying impairments such as multipath fading, interference, and noise. Diversity, such as time, frequency, space, polarization, or angle diversity, is typically used to mitigate these impairments. Diversity gain is achieved by receiving independent-fading replicas of the signal. The multiple antenna system employs multiple antennas at either the transmitter or the receiver, and it can be either multiple-input single-output (MISO) for beamforming or transmit diversity at the transmitter, single-input multiple-output (SIMO) for diversity combining at the receiver, or MIMO, depending on the numbers of transmit and receive antennas. The MISO, SIMO, and MIMO channel models can be generated by using the angle-delay scattering function. Multiple antenna systems are generally grouped as smart antenna systems and MIMO systems. A smart antenna system is a subsystem that contains multiple antennas; based on the spatial diversity and signal processing, it significantly increases the performance of wireless communication systems. Direction-finding and beamforming are the two most fundamental topics of smart antennas. Direction-finding is used to estimate the number of emitting sources and their DoAs, while beamforming is used to estimate the signal-of-interest (SOI) in the presence of interference. A MIMO system consists of multiple antennas at both the transmitter and the receiver. They are typically used for transmit diversity and spatial multiplexing. Spatial multiplexing can maximize the system capacity by transmitting at each transmit antenna a different bitstream. more...
- Published
- 2010
- Full Text
- View/download PDF
45. Source coding II: image and video coding
- Author
-
M. N. S. Swamy and Ke-Lin Du
- Subjects
Motion compensation ,business.product_category ,Pixel ,Computer science ,business.industry ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Image processing ,Color space ,Grayscale ,Digital image ,Motion estimation ,Computer vision ,Artificial intelligence ,business ,ComputingMethodologies_COMPUTERGRAPHICS ,Digital camera - Abstract
Introduction A digital image is a rectangular array of picture elements (pixels), arranged in m rows and n columns. The resolution of the image is m × n . Images can be categorized into bi-level, grayscale, and color images. A natural scene, such as a picture taken by a digital camera or obtained by using a scanner, is typically a continuous-tone image, where the colors vary continuously to the eye and there is a lot of noise in the picture. An artificial image, such as a graphical image, does not have the noise or blurring of a natural image. A cartoon-like image consists of uniform color in each area, but adjacent areas have different colors. The features in each type of image can be exploited to achieve a better compression. For example, for the bi-level image, each pixel is represented by one bit. A pixel has a high probability of being the same as its neighboring pixels, and thus RLE is suitable for compressing such image. The image can be scanned column by column or in zigzag. For the grayscale image, each pixel is represented by n bits, and a pixel tends to be similar to its immediate neighbors but may be not identical, thus RLE is not suitable. By representing the image using a Gray code that differs in only one bit for two consecutive integers, a grayscale image can be separated into n bi-level images, and each can be compressed by using RLE. more...
- Published
- 2010
- Full Text
- View/download PDF
46. Preface
- Author
-
Ke-Lin Du and M. N. S. Swamy
- Subjects
Key distribution in wireless sensor networks ,Wi-Fi array ,Wireless network ,Computer science ,business.industry ,Personal Communications Service ,Military communications ,Wired communication ,business ,Fixed wireless ,Dedicated short-range communications ,Computer network - Published
- 2010
- Full Text
- View/download PDF
47. Cognitive radios
- Author
-
Ke-Lin Du and M. N. S. Swamy
- Subjects
Cognitive radio ,Channel allocation schemes ,Common Object Request Broker Architecture ,business.industry ,Computer science ,Wireless communication systems ,Fountain code ,DySPAN ,Wireless ,Software-defined radio ,Telecommunications ,business - Published
- 2010
- Full Text
- View/download PDF
48. Channel estimation and equalization
- Author
-
M. N. S. Swamy and Ke-Lin Du
- Subjects
Computer science ,business.industry ,Adaptive equalizer ,Viterbi algorithm ,Precoding ,Pulse shaping ,Least mean squares filter ,symbols.namesake ,Electronic engineering ,symbols ,Wireless ,business ,Cramér–Rao bound ,Communication channel - Published
- 2010
- Full Text
- View/download PDF
49. Channel and propagation
- Author
-
M. N. S. Swamy and Ke-Lin Du
- Subjects
Key distribution in wireless sensor networks ,Wi-Fi array ,Computer science ,business.industry ,MIMO ,Electronic engineering ,Channel sounding ,Wireless ,Log-distance path loss model ,Fixed wireless ,business ,Rayleigh fading - Published
- 2010
- Full Text
- View/download PDF
50. An overview of wireless communications
- Author
-
M. N. S. Swamy and Ke-Lin Du
- Subjects
Wireless broadband ,business.industry ,Computer science ,IEEE 802.20 ,Local Multipoint Distribution Service ,Wireless ,Wireless WAN ,Wireless USB ,Cellular digital packet data ,Telecommunications ,business ,WiMAX - Published
- 2010
- Full Text
- View/download PDF
Discovery Service for Jio Institute Digital Library
For full access to our library's resources, please sign in.