The feature space extracted from vibration signals with various faults is often nonlinear and of high dimension.Currently,nonlinear dimensionality reduction methods are available for extracting low-dimensional embeddi...The feature space extracted from vibration signals with various faults is often nonlinear and of high dimension.Currently,nonlinear dimensionality reduction methods are available for extracting low-dimensional embeddings,such as manifold learning.However,these methods are all based on manual intervention,which have some shortages in stability,and suppressing the disturbance noise.To extract features automatically,a manifold learning method with self-organization mapping is introduced for the first time.Under the non-uniform sample distribution reconstructed by the phase space,the expectation maximization(EM) iteration algorithm is used to divide the local neighborhoods adaptively without manual intervention.After that,the local tangent space alignment(LTSA) algorithm is adopted to compress the high-dimensional phase space into a more truthful low-dimensional representation.Finally,the signal is reconstructed by the kernel regression.Several typical states include the Lorenz system,engine fault with piston pin defect,and bearing fault with outer-race defect are analyzed.Compared with the LTSA and continuous wavelet transform,the results show that the background noise can be fully restrained and the entire periodic repetition of impact components is well separated and identified.A new way to automatically and precisely extract the impulsive components from mechanical signals is proposed.展开更多
As the core part of reciprocating compressor,piston rod is easy to cause a serious accident when abrasion and breakage fault occur to it. Therefore,it is very important to monitor its running state. At present,a small...As the core part of reciprocating compressor,piston rod is easy to cause a serious accident when abrasion and breakage fault occur to it. Therefore,it is very important to monitor its running state. At present,a small number of reciprocating compressors have been installed on-line monitoring and diagnosis system,most of which can only monitor a single vertical subsidence of piston rod and it can't fully represent the running state of piston rod. Therefore,a method of monitoring the vertical and horizontal displacement of piston rod axis orbit is simultaneously used. In view of the characteristics that the piston rod axis orbit is disordered and difficult to extract features,purification of the axis orbit is carried out based on harmonic wavelet and then features are extracted such as vibration energy,natural frequency and the axis orbit envelope area. After that,a nonlinear local tangent space manifold learning algorithm is used to reduce the dimension of the features and obtain sensitive features. By analyzing the practical cases,the effectiveness of the method for fault monitoring and diagnosis of reciprocating compressor piston rod assembly has been verified. Finally,as BP neural network has the characteristics of solving complex nonlinear problems,the validity of the fault diagnosis method of reciprocating compressor piston rod based on harmonic wavelet and manifold learning is proved by actual case data analysis based on BP neural network.展开更多
Software defect prediction plays a very important role in software quality assurance,which aims to inspect as many potentially defect-prone software modules as possible.However,the performance of the prediction model ...Software defect prediction plays a very important role in software quality assurance,which aims to inspect as many potentially defect-prone software modules as possible.However,the performance of the prediction model is susceptible to high dimensionality of the dataset that contains irrelevant and redundant features.In addition,software metrics for software defect prediction are almost entirely traditional features compared to the deep semantic feature representation from deep learning techniques.To address these two issues,we propose the following two solutions in this paper:(1)We leverage a novel non-linear manifold learning method-SOINN Landmark Isomap(SL-Isomap)to extract the representative features by selecting automatically the reasonable number and position of landmarks,which can reveal the complex intrinsic structure hidden behind the defect data.(2)We propose a novel defect prediction model named DLDD based on hybrid deep learning techniques,which leverages denoising autoencoder to learn true input features that are not contaminated by noise,and utilizes deep neural network to learn the abstract deep semantic features.We combine the squared error loss function of denoising autoencoder with the cross entropy loss function of deep neural network to achieve the best prediction performance by adjusting a hyperparameter.We compare the SL-Isomap with seven state-of-the-art feature extraction methods and compare the DLDD model with six baseline models across 20 open source software projects.The experimental results verify that the superiority of SL-Isomap and DLDD on four evaluation indicators.展开更多
Recently manifold learning algorithm for dimensionality reduction attracts more and more interests, and various linear and nonlinear,global and local algorithms are proposed. The key step of manifold learning algorith...Recently manifold learning algorithm for dimensionality reduction attracts more and more interests, and various linear and nonlinear,global and local algorithms are proposed. The key step of manifold learning algorithm is the neighboring region selection. However,so far for the references we know,few of which propose a generally accepted algorithm to well select the neighboring region. So in this paper,we propose an adaptive neighboring selection algorithm,which successfully applies the LLE and ISOMAP algorithms in the test. It is an algorithm that can find the optimal K nearest neighbors of the data points on the manifold. And the theoretical basis of the algorithm is the approximated curvature of the data point on the manifold. Based on Riemann Geometry,Jacob matrix is a proper mathematical concept to predict the approximated curvature. By verifying the proposed algorithm on embedding Swiss roll from R3 to R2 based on LLE and ISOMAP algorithm,the simulation results show that the proposed adaptive neighboring selection algorithm is feasible and able to find the optimal value of K,making the residual variance relatively small and better visualization of the results. By quantitative analysis,the embedding quality measured by residual variance is increased 45. 45% after using the proposed algorithm in LLE.展开更多
In this paper,we propose an Unsupervised Nonlinear Adaptive Manifold Learning method(UNAML)that considers both global and local information.In this approach,we apply unlabeled training samples to study nonlinear manif...In this paper,we propose an Unsupervised Nonlinear Adaptive Manifold Learning method(UNAML)that considers both global and local information.In this approach,we apply unlabeled training samples to study nonlinear manifold features,while considering global pairwise distances and maintaining local topology structure.Our method aims at minimizing global pairwise data distance errors as well as local structural errors.In order to enable our UNAML to be more efficient and to extract manifold features from the external source of new data,we add a feature approximate error that can be used to learn a linear extractor.Also,we add a feature approximate error that can be used to learn a linear extractor.In addition,we use a method of adaptive neighbor selection to calculate local structural errors.This paper uses the kernel matrix method to optimize the original algorithm.Our algorithm proves to be more effective when compared with the experimental results of other feature extraction methods on real face-data sets and object data sets.展开更多
In this paper, a new -graph regularized semi-supervised manifold learning (LRSML) method is proposed for indoor localization. Due to noise corruption and non-linearity of received signal strength (RSS), traditiona...In this paper, a new -graph regularized semi-supervised manifold learning (LRSML) method is proposed for indoor localization. Due to noise corruption and non-linearity of received signal strength (RSS), traditional approaches always fail to deliver accurate positioning results. The -graph is constructed by sparse representation of each sample with respect to remaining samples. Noise factor is considered in the construction process of -graph, leading to more robustness compared to traditional k-nearest-neighbor graph (KNN-graph). The KNN-graph construction is supervised, while the -graph is assumed to be unsupervised without harnessing any data label information and uncovers the underlying sparse relationship of each data. Combining KNN-graph and -graph, both labeled and unlabeled information are utilized, so the LRSML method has the potential to convey more discriminative information compared to conventional methods. To overcome the non-linearity of RSS, kernel-based manifold learning method (K-LRSML) is employed through mapping the original signal data to a higher dimension Hilbert space. The efficiency and superiority of LRSML over current state of art methods are verified with extensive experiments on real data.展开更多
This article investigates autonomic failure prediction in large-scale distributed systems with nonlinear dimensionality reduction to automatically extract failure features. Most existing methods for failure prediction...This article investigates autonomic failure prediction in large-scale distributed systems with nonlinear dimensionality reduction to automatically extract failure features. Most existing methods for failure prediction focus on building prediction models or heuristic rules by discovering failure patterns, but the process of feature extraction before failure patterns recognition is rarely considered due to the increasing complexity of modern distributed systems. In this work, a novel performance-centric approach to automate failure prediction is proposed based on manifold learning (ML). In addition, the ML algorithm named supervised locally linear embedding (SLLE) is applied to achieve feature extraction. To generalize the dimensionality reduction mapping, the nonlinear mapping approximation and optimization solution is also proposed. In experimental work a file transfer test bed with fault injection is developed which can gather multilevel performance metrics transparently. Based on the runtime monitoring of these metrics, the SLLE method can automatically predict more than 50% of the central processing unit (CPU) and memory failures, and around 70% of the network failure.展开更多
In view of the incremental learning problem of manifold learning algorithm, an adaptive neighborhood incremental principal component analysis(PCA) and locality preserving projection(LPP) manifold learning algorithm is...In view of the incremental learning problem of manifold learning algorithm, an adaptive neighborhood incremental principal component analysis(PCA) and locality preserving projection(LPP) manifold learning algorithm is presented, and the incremental learning principle of algorithm is introduced. For incremental sample data, the adjacency and covariance matrices are incrementally updated by the existing samples; then the dimensionality reduction results of the incremental samples are estimated by the dimensionality reduction results of the existing samples; finally, the dimensionality reduction results of the incremental and existing samples are updated by subspace iteration method. The adaptive neighborhood incremental PCA-LPP manifold learning algorithm is applied to processing of gearbox fault signals. The dimensionality reduction results by incremental learning have very small error, compared with those by batch learning. Spatial aggregation of the incremental samples is basically stable, and fault identification rate is increased.展开更多
A new manifold learning method, called incremental alignment method (IAM), is proposed for nonlinear dimensionality reduction of high dimensional data with intrinsic low dimensionality. The main idea is to increment...A new manifold learning method, called incremental alignment method (IAM), is proposed for nonlinear dimensionality reduction of high dimensional data with intrinsic low dimensionality. The main idea is to incrementally align low-dimensional coordinates of input data patch-by-patch to iteratively generate the representation of the entire data.set. The method consists of two major steps, the incremental step and the alignment step. The incremental step incrementally searches neighborhood patch to be aligned in the next step, and the alignment step iteratively aligns the low-dimensional coordinates of the neighborhood patch searched to generate the embeddings of the entire dataset. Compared with the existing manifold learning methods, the proposed method dominates in several aspects: high efficiency, easy out-of-sample extension, well metric-preserving, and averting of the local minima issue. All these properties are supported by a series of experiments performed on the synthetic and real-life datasets. In addition, the computational complexity of the proposed method is analyzed, and its efficiency is theoretically argued and experimentally demonstrated.展开更多
Emotions are becoming increasingly important in human-centered interaction architectures. Recognition of facial expressions, which are central to human-computer interactions, seems natural and desirable. However, faci...Emotions are becoming increasingly important in human-centered interaction architectures. Recognition of facial expressions, which are central to human-computer interactions, seems natural and desirable. However, facial expressions include mixed emotions, continuous rather than discrete, which vary from moment to moment. This paper represents a novel method of recognizing facial expressions of various internal states via manifold learning, to achieve the aim of humancentered interaction studies. A critical review of widely used emotion models is described, then, facial expression features of various internal states via the locally linear embedding (LLE) are extracted. The recognition of facial expressions is created with the pleasure-displeasure and arousal-sleep dimensions in a two-dimensional model of emotion. The recognition result of various internal state expressions that mapped to the embedding space via the LLE algorithm can effectively represent the structural nature of the two-dimensional model of emotion. Therefore our research has established that the relationship between facial expressions of various internal states can be elaborated in the two-dimensional model of emotion, via the locally linear embedding algorithm.展开更多
A Laplacian support vector machine (LapSVM) algorithm, a semi-supervised learning based on manifold, is introduced to brain-computer interface (BCI) to raise the classification precision and reduce the subjects' ...A Laplacian support vector machine (LapSVM) algorithm, a semi-supervised learning based on manifold, is introduced to brain-computer interface (BCI) to raise the classification precision and reduce the subjects' training complexity. The data are collected from three subjects in a three-task mental imagery experiment. LapSVM and transductive SVM (TSVM) are trained with a few labeled samples and a large number of unlabeled samples. The results confirm that LapSVM has a much better classification than TSVM.展开更多
Over the past few years,nonlinear manifold learning has been widely exploited in data analysis and machine learning.This paper presents a novel manifold learning algorithm,named atlas compatibility transformation(ACT)...Over the past few years,nonlinear manifold learning has been widely exploited in data analysis and machine learning.This paper presents a novel manifold learning algorithm,named atlas compatibility transformation(ACT),It solves two problems which correspond to two key points in the manifold definition:how to chart a given manifold and how to align the patches to a global coordinate space based on compatibility.For the first problem,we divide the manifold into maximal linear patch(MLP) based on normal vector field of the manifold.For the second problem,we align patches into an optimal global system by solving a generalized eigenvalue problem.Compared with the traditional method,the ACT could deal with noise datasets and fragment datasets.Moreover,the mappings between high dimensional space and low dimensional space are given.Experiments on both synthetic data and real-world data indicate the effection of the proposed algorithm.展开更多
Data-driven computing in elasticity attempts to directly use experimental data on material,without constructing an empirical model of the constitutive relation,to predict an equilibrium state of a structure subjected ...Data-driven computing in elasticity attempts to directly use experimental data on material,without constructing an empirical model of the constitutive relation,to predict an equilibrium state of a structure subjected to a specified external load.Provided that a data set comprising stress-strain pairs of material is available,a data-driven method using the kernel method and the regularized least-squares was developed to extract a manifold on which the points in the data set approximately lie(Kanno 2021,Jpn.J.Ind.Appl.Math.).From the perspective of physical experiments,stress field cannot be directly measured,while displacement and force fields are measurable.In this study,we extend the previous kernel method to the situation that pairs of displacement and force,instead of pairs of stress and strain,are available as an input data set.A new regularized least-squares problem is formulated in this problem setting,and an alternating minimization algorithm is proposed to solve the problem.展开更多
Purpose-Isometric feature mapping(Isomap)is a very popular manifold learning method and is widely used in dimensionality reduction and data visualization.The most time-consuming step in Isomap is to compute the shorte...Purpose-Isometric feature mapping(Isomap)is a very popular manifold learning method and is widely used in dimensionality reduction and data visualization.The most time-consuming step in Isomap is to compute the shortest paths between all pairs of data points based on a neighbourhood graph.The classical Isomap(C-Isomap)is very slow,due to the use of Floyd’s algorithm to compute the shortest paths.The purpose of this paper is to speed up Isomap.Design/methodology/approach-Through theoretical analysis,it is found that the neighbourhood graph in Isomap is sparse.In this case,the Dijkstra’s algorithm with Fibonacci heap(Fib-Dij)is faster than Floyd’s algorithm.In this paper,an improved Isomap method based on Fib-Dij is proposed.By using Fib-Dij to replace Floyd’s algorithm,an improved Isomap method is presented in this paper.Findings-Using the S-curve,the Swiss-roll,the Frey face database,the mixed national institute of standards and technology database of handwritten digits and a face image database,the performance of the proposed method is compared with C-Isomap,showing the consistency with C-Isomap and marked improvements in terms of the high speed.Simulations also demonstrate that Fib-Dij reduces the computation time of the shortest paths from O(N3)to O(N2lgN).Research limitations/implications-Due to the limitations of the computer,the sizes of the data sets in this paper are all smaller than 3,000.Therefore,researchers are encouraged to test the proposed algorithm on larger data sets.Originality/value-The new method based on Fib-Dij can greatly improve the speed of Isomap.展开更多
As modern weapons and equipment undergo increasing levels of informatization,intelligence,and networking,the topology and traffic characteristics of battlefield data networks built with tactical data links are becomin...As modern weapons and equipment undergo increasing levels of informatization,intelligence,and networking,the topology and traffic characteristics of battlefield data networks built with tactical data links are becoming progressively complex.In this paper,we employ a traffic matrix to model the tactical data link network.We propose a method that utilizes the Maximum Variance Unfolding(MVU)algorithm to conduct nonlinear dimensionality reduction analysis on high-dimensional open network traffic matrix datasets.This approach introduces novel ideas and methods for future applications,including traffic prediction and anomaly analysis in real battlefield network environments.展开更多
Variational mode decomposition(VMD) has been proved to be useful for extraction of fault-induced transients of rolling bearings. Multi-bandwidth mode manifold(Triple M, TM) is one variation of the VMD, which units mul...Variational mode decomposition(VMD) has been proved to be useful for extraction of fault-induced transients of rolling bearings. Multi-bandwidth mode manifold(Triple M, TM) is one variation of the VMD, which units multiple fault-related modes with different bandwidths by a nonlinear manifold learning algorithm named local tangent space alignment(LTSA). The merit of the TM method is that the bearing fault-induced transients extracted contain low level of in-band noise without optimization of the VMD parameters. However, the determination of the neighborhood size of the LTSA is time-consuming, and the extracted fault-induced transients may have the problem of asymmetry in the up-and-down direction. This paper aims to improve the efficiency and waveform symmetry of the TM method.Specifically, the multi-bandwidth modes consisting of the fault-related modes with different bandwidths are first obtained by repeating the recycling VMD(RVMD) method with different bandwidth balance parameters. Then, the LTSA algorithm is performed on the multi-bandwidth modes to extract their inherent manifold structure, in which the natural nearest neighbor(Triple N, TN) algorithm is adopted to efficiently and reasonably select the neighbors of each data point in the multi-bandwidth modes. Finally, a weight-based feature compensation strategy is designed to synthesize the low-dimensional manifold features to alleviate the asymmetry problem, resulting in a symmetric TM feature that can represent the real fault transient components. The major contribution of the improved TM method for bearing fault diagnosis is that the pure fault-induced transients are extracted efficiently and are symmetrical as the real. One simulation analysis and two experimental applications in bearing fault diagnosis validate the enhanced performance of the improved TM method over the traditional methods. This research proposes a bearing fault diagnosis method which has the advantages of high efficiency, good waveform symmetry and enhanced in-band noise removal capability.展开更多
How to extract optimal composite attributes from a variety of conventional seismic attributes to detect reservoir features is a reservoir predication key,which is usually solved by reducing dimensionality.Principle co...How to extract optimal composite attributes from a variety of conventional seismic attributes to detect reservoir features is a reservoir predication key,which is usually solved by reducing dimensionality.Principle component analysis(PCA) is the most widely-used linear dimensionality reduction method at present.However,the relationships between seismic attributes and reservoir features are non-linear,so seismic attribute dimensionality reduction based on linear transforms can't solve non-linear problems well,reducing reservoir prediction precision.As a new non-linear learning method,manifold learning supplies a new method for seismic attribute analysis.It can discover the intrinsic features and rules hidden in the data by computing low-dimensional,neighborhood-preserving embeddings of high-dimensional inputs.In this paper,we try to extract seismic attributes using locally linear embedding(LLE),realizing inter-horizon attributes dimensionality reduction of 3D seismic data first and discuss the optimization of its key parameters.Combining model analysis and case studies,we compare the dimensionality reduction and clustering effects of LLE and PCA,both of which indicate that LLE can retain the intrinsic structure of the inputs.The composite attributes and clustering results based on LLE better characterize the distribution of sedimentary facies,reservoir,and even reservoir fluids.展开更多
Based on feature compression with orthogonal locality preserving projection(OLPP),a novel fault diagnosis model is proposed in this paper to achieve automation and high-precision of fault diagnosis of rotating machi...Based on feature compression with orthogonal locality preserving projection(OLPP),a novel fault diagnosis model is proposed in this paper to achieve automation and high-precision of fault diagnosis of rotating machinery.With this model,the original vibration signals of training and test samples are first decomposed through the empirical mode decomposition(EMD),and Shannon entropy is constructed to achieve high-dimensional eigenvectors.In order to replace the traditional feature extraction way which does the selection manually,OLPP is introduced to automatically compress the high-dimensional eigenvectors of training and test samples into the low-dimensional eigenvectors which have better discrimination.After that,the low-dimensional eigenvectors of training samples are input into Morlet wavelet support vector machine(MWSVM) and a trained MWSVM is obtained.Finally,the low-dimensional eigenvectors of test samples are input into the trained MWSVM to carry out fault diagnosis.To evaluate our proposed model,the experiment of fault diagnosis of deep groove ball bearings is made,and the experiment results indicate that the recognition accuracy rate of the proposed diagnosis model for outer race crack、inner race crack and ball crack is more than 90%.Compared to the existing approaches,the proposed diagnosis model combines the strengths of EMD in fault feature extraction,OLPP in feature compression and MWSVM in pattern recognition,and realizes the automation and high-precision of fault diagnosis.展开更多
A novel method based on the improved Laplacian eigenmap algorithm for fault pattern classification is proposed. Via modifying the Laplacian eigenmap algorithm to replace Euclidean distance with kernel-based geometric ...A novel method based on the improved Laplacian eigenmap algorithm for fault pattern classification is proposed. Via modifying the Laplacian eigenmap algorithm to replace Euclidean distance with kernel-based geometric distance in the neighbor graph construction, the method can preserve the consistency of local neighbor information and effectively extract the low-dimensional manifold features embedded in the high-dimensional nonlinear data sets. A nonlinear dimensionality reduction algorithm based on the improved Laplacian eigenmap is to directly learn high-dimensional fault signals and extract the intrinsic manifold features from them. The method greatly preserves the global geometry structure information embedded in the signals, and obviously improves the classification performance of fault pattern recognition. The experimental results on both simulation and engineering indicate the feasibility and effectiveness of the new method.展开更多
Recently, neighbor embedding based face super-resolution(SR) methods have shown the ability for achieving high-quality face images, those methods are based on the assumption that the same neighborhoods are preserved i...Recently, neighbor embedding based face super-resolution(SR) methods have shown the ability for achieving high-quality face images, those methods are based on the assumption that the same neighborhoods are preserved in both low-resolution(LR) training set and high-resolution(HR) training set. However, due to the "one-to-many" mapping between the LR image and HR ones in practice, the neighborhood relationship of the LR patch in LR space is quite different with that of the HR counterpart, that is to say the neighborhood relationship obtained is not true. In this paper, we explore a novel and effective re-identified K-nearest neighbor(RIKNN) method to search neighbors of LR patch. Compared with other methods, our method uses the geometrical information of LR manifold and HR manifold simultaneously. In particular, it searches K-NN of LR patch in the LR space and refines the searching results by re-identifying in the HR space, thus giving rise to accurate K-NN and improved performance. A statistical analysis of the influence of the training set size and nearest neighbor number is given, experimental results on some public face databases show the superiority of our proposed scheme over state-of-the-art face hallucination approaches in terms of subjective and objective results as well as computational complexity.展开更多
基金supported by National Natural Science Foundation of China(Grant No.51075323)
文摘The feature space extracted from vibration signals with various faults is often nonlinear and of high dimension.Currently,nonlinear dimensionality reduction methods are available for extracting low-dimensional embeddings,such as manifold learning.However,these methods are all based on manual intervention,which have some shortages in stability,and suppressing the disturbance noise.To extract features automatically,a manifold learning method with self-organization mapping is introduced for the first time.Under the non-uniform sample distribution reconstructed by the phase space,the expectation maximization(EM) iteration algorithm is used to divide the local neighborhoods adaptively without manual intervention.After that,the local tangent space alignment(LTSA) algorithm is adopted to compress the high-dimensional phase space into a more truthful low-dimensional representation.Finally,the signal is reconstructed by the kernel regression.Several typical states include the Lorenz system,engine fault with piston pin defect,and bearing fault with outer-race defect are analyzed.Compared with the LTSA and continuous wavelet transform,the results show that the background noise can be fully restrained and the entire periodic repetition of impact components is well separated and identified.A new way to automatically and precisely extract the impulsive components from mechanical signals is proposed.
基金Supported by the National Basic Research Program of China(863Program)(No.2014AA041806)the National Key Research and Development Plan(No.2016YFF0203305)
文摘As the core part of reciprocating compressor,piston rod is easy to cause a serious accident when abrasion and breakage fault occur to it. Therefore,it is very important to monitor its running state. At present,a small number of reciprocating compressors have been installed on-line monitoring and diagnosis system,most of which can only monitor a single vertical subsidence of piston rod and it can't fully represent the running state of piston rod. Therefore,a method of monitoring the vertical and horizontal displacement of piston rod axis orbit is simultaneously used. In view of the characteristics that the piston rod axis orbit is disordered and difficult to extract features,purification of the axis orbit is carried out based on harmonic wavelet and then features are extracted such as vibration energy,natural frequency and the axis orbit envelope area. After that,a nonlinear local tangent space manifold learning algorithm is used to reduce the dimension of the features and obtain sensitive features. By analyzing the practical cases,the effectiveness of the method for fault monitoring and diagnosis of reciprocating compressor piston rod assembly has been verified. Finally,as BP neural network has the characteristics of solving complex nonlinear problems,the validity of the fault diagnosis method of reciprocating compressor piston rod based on harmonic wavelet and manifold learning is proved by actual case data analysis based on BP neural network.
基金This work is supported in part by the National Science Foundation of China(Grant Nos.61672392,61373038)in part by the National Key Research and Development Program of China(Grant No.2016YFC1202204).
文摘Software defect prediction plays a very important role in software quality assurance,which aims to inspect as many potentially defect-prone software modules as possible.However,the performance of the prediction model is susceptible to high dimensionality of the dataset that contains irrelevant and redundant features.In addition,software metrics for software defect prediction are almost entirely traditional features compared to the deep semantic feature representation from deep learning techniques.To address these two issues,we propose the following two solutions in this paper:(1)We leverage a novel non-linear manifold learning method-SOINN Landmark Isomap(SL-Isomap)to extract the representative features by selecting automatically the reasonable number and position of landmarks,which can reveal the complex intrinsic structure hidden behind the defect data.(2)We propose a novel defect prediction model named DLDD based on hybrid deep learning techniques,which leverages denoising autoencoder to learn true input features that are not contaminated by noise,and utilizes deep neural network to learn the abstract deep semantic features.We combine the squared error loss function of denoising autoencoder with the cross entropy loss function of deep neural network to achieve the best prediction performance by adjusting a hyperparameter.We compare the SL-Isomap with seven state-of-the-art feature extraction methods and compare the DLDD model with six baseline models across 20 open source software projects.The experimental results verify that the superiority of SL-Isomap and DLDD on four evaluation indicators.
基金Sponsored by the National Natural Science Foundation of China (Grant No. 61101122 and 61071105)Fundamental Research Funds for the Central Universities (Grant No. HIT. NSRIF. 2010090)+1 种基金Science and Technology on Information Transmission and Dissemination in Communication Networks Laboratory (Grant No. ITD-U12004)Postdoctoral Science Research Development Foundation of Heilongjiang Province (Grant No. LBH-Q12080)
文摘Recently manifold learning algorithm for dimensionality reduction attracts more and more interests, and various linear and nonlinear,global and local algorithms are proposed. The key step of manifold learning algorithm is the neighboring region selection. However,so far for the references we know,few of which propose a generally accepted algorithm to well select the neighboring region. So in this paper,we propose an adaptive neighboring selection algorithm,which successfully applies the LLE and ISOMAP algorithms in the test. It is an algorithm that can find the optimal K nearest neighbors of the data points on the manifold. And the theoretical basis of the algorithm is the approximated curvature of the data point on the manifold. Based on Riemann Geometry,Jacob matrix is a proper mathematical concept to predict the approximated curvature. By verifying the proposed algorithm on embedding Swiss roll from R3 to R2 based on LLE and ISOMAP algorithm,the simulation results show that the proposed adaptive neighboring selection algorithm is feasible and able to find the optimal value of K,making the residual variance relatively small and better visualization of the results. By quantitative analysis,the embedding quality measured by residual variance is increased 45. 45% after using the proposed algorithm in LLE.
基金supported in part by the National Natural Science Foundation of China(Nos.61373093,61402310,61672364,and 61672365)the National Key Research and Development Program of China(No.2018YFA0701701)。
文摘In this paper,we propose an Unsupervised Nonlinear Adaptive Manifold Learning method(UNAML)that considers both global and local information.In this approach,we apply unlabeled training samples to study nonlinear manifold features,while considering global pairwise distances and maintaining local topology structure.Our method aims at minimizing global pairwise data distance errors as well as local structural errors.In order to enable our UNAML to be more efficient and to extract manifold features from the external source of new data,we add a feature approximate error that can be used to learn a linear extractor.Also,we add a feature approximate error that can be used to learn a linear extractor.In addition,we use a method of adaptive neighbor selection to calculate local structural errors.This paper uses the kernel matrix method to optimize the original algorithm.Our algorithm proves to be more effective when compared with the experimental results of other feature extraction methods on real face-data sets and object data sets.
基金supported by the Hi-Tech Research and Development Program of China(2009AA12Z324)
文摘In this paper, a new -graph regularized semi-supervised manifold learning (LRSML) method is proposed for indoor localization. Due to noise corruption and non-linearity of received signal strength (RSS), traditional approaches always fail to deliver accurate positioning results. The -graph is constructed by sparse representation of each sample with respect to remaining samples. Noise factor is considered in the construction process of -graph, leading to more robustness compared to traditional k-nearest-neighbor graph (KNN-graph). The KNN-graph construction is supervised, while the -graph is assumed to be unsupervised without harnessing any data label information and uncovers the underlying sparse relationship of each data. Combining KNN-graph and -graph, both labeled and unlabeled information are utilized, so the LRSML method has the potential to convey more discriminative information compared to conventional methods. To overcome the non-linearity of RSS, kernel-based manifold learning method (K-LRSML) is employed through mapping the original signal data to a higher dimension Hilbert space. The efficiency and superiority of LRSML over current state of art methods are verified with extensive experiments on real data.
基金Acknowledgements This work was supported by the Hi-Tech Research and Development Program of China (2007AA01Z401), the National Natural Science Foundation of China (90718003, 60973027).
文摘This article investigates autonomic failure prediction in large-scale distributed systems with nonlinear dimensionality reduction to automatically extract failure features. Most existing methods for failure prediction focus on building prediction models or heuristic rules by discovering failure patterns, but the process of feature extraction before failure patterns recognition is rarely considered due to the increasing complexity of modern distributed systems. In this work, a novel performance-centric approach to automate failure prediction is proposed based on manifold learning (ML). In addition, the ML algorithm named supervised locally linear embedding (SLLE) is applied to achieve feature extraction. To generalize the dimensionality reduction mapping, the nonlinear mapping approximation and optimization solution is also proposed. In experimental work a file transfer test bed with fault injection is developed which can gather multilevel performance metrics transparently. Based on the runtime monitoring of these metrics, the SLLE method can automatically predict more than 50% of the central processing unit (CPU) and memory failures, and around 70% of the network failure.
基金the National Natural Science Foundation of China(No.50775219)
文摘In view of the incremental learning problem of manifold learning algorithm, an adaptive neighborhood incremental principal component analysis(PCA) and locality preserving projection(LPP) manifold learning algorithm is presented, and the incremental learning principle of algorithm is introduced. For incremental sample data, the adjacency and covariance matrices are incrementally updated by the existing samples; then the dimensionality reduction results of the incremental samples are estimated by the dimensionality reduction results of the existing samples; finally, the dimensionality reduction results of the incremental and existing samples are updated by subspace iteration method. The adaptive neighborhood incremental PCA-LPP manifold learning algorithm is applied to processing of gearbox fault signals. The dimensionality reduction results by incremental learning have very small error, compared with those by batch learning. Spatial aggregation of the incremental samples is basically stable, and fault identification rate is increased.
基金supported by the National Basic Research 973 Program of China under Grant No.2007CB311002the National Natural Science Foundation of China under Grant No.60905003
文摘A new manifold learning method, called incremental alignment method (IAM), is proposed for nonlinear dimensionality reduction of high dimensional data with intrinsic low dimensionality. The main idea is to incrementally align low-dimensional coordinates of input data patch-by-patch to iteratively generate the representation of the entire data.set. The method consists of two major steps, the incremental step and the alignment step. The incremental step incrementally searches neighborhood patch to be aligned in the next step, and the alignment step iteratively aligns the low-dimensional coordinates of the neighborhood patch searched to generate the embeddings of the entire dataset. Compared with the existing manifold learning methods, the proposed method dominates in several aspects: high efficiency, easy out-of-sample extension, well metric-preserving, and averting of the local minima issue. All these properties are supported by a series of experiments performed on the synthetic and real-life datasets. In addition, the computational complexity of the proposed method is analyzed, and its efficiency is theoretically argued and experimentally demonstrated.
基金supported by research funds from Chosun University,2008
文摘Emotions are becoming increasingly important in human-centered interaction architectures. Recognition of facial expressions, which are central to human-computer interactions, seems natural and desirable. However, facial expressions include mixed emotions, continuous rather than discrete, which vary from moment to moment. This paper represents a novel method of recognizing facial expressions of various internal states via manifold learning, to achieve the aim of humancentered interaction studies. A critical review of widely used emotion models is described, then, facial expression features of various internal states via the locally linear embedding (LLE) are extracted. The recognition of facial expressions is created with the pleasure-displeasure and arousal-sleep dimensions in a two-dimensional model of emotion. The recognition result of various internal state expressions that mapped to the embedding space via the LLE algorithm can effectively represent the structural nature of the two-dimensional model of emotion. Therefore our research has established that the relationship between facial expressions of various internal states can be elaborated in the two-dimensional model of emotion, via the locally linear embedding algorithm.
基金supported by the National Natural Science Foundation of China under Grant No. 30525030, 60701015, and 60736029.
文摘A Laplacian support vector machine (LapSVM) algorithm, a semi-supervised learning based on manifold, is introduced to brain-computer interface (BCI) to raise the classification precision and reduce the subjects' training complexity. The data are collected from three subjects in a three-task mental imagery experiment. LapSVM and transductive SVM (TSVM) are trained with a few labeled samples and a large number of unlabeled samples. The results confirm that LapSVM has a much better classification than TSVM.
基金supported by National Natural Science Foundation of China(No.61171145)Shanghai Educational Development Fundation(No.12ZZ083)
文摘Over the past few years,nonlinear manifold learning has been widely exploited in data analysis and machine learning.This paper presents a novel manifold learning algorithm,named atlas compatibility transformation(ACT),It solves two problems which correspond to two key points in the manifold definition:how to chart a given manifold and how to align the patches to a global coordinate space based on compatibility.For the first problem,we divide the manifold into maximal linear patch(MLP) based on normal vector field of the manifold.For the second problem,we align patches into an optimal global system by solving a generalized eigenvalue problem.Compared with the traditional method,the ACT could deal with noise datasets and fragment datasets.Moreover,the mappings between high dimensional space and low dimensional space are given.Experiments on both synthetic data and real-world data indicate the effection of the proposed algorithm.
基金supported by Research Grant from the Kajima Foundation,JST CREST Grant No.JPMJCR1911,JapanJSPS KAKENHI(Nos.17K06633,21K04351).
文摘Data-driven computing in elasticity attempts to directly use experimental data on material,without constructing an empirical model of the constitutive relation,to predict an equilibrium state of a structure subjected to a specified external load.Provided that a data set comprising stress-strain pairs of material is available,a data-driven method using the kernel method and the regularized least-squares was developed to extract a manifold on which the points in the data set approximately lie(Kanno 2021,Jpn.J.Ind.Appl.Math.).From the perspective of physical experiments,stress field cannot be directly measured,while displacement and force fields are measurable.In this study,we extend the previous kernel method to the situation that pairs of displacement and force,instead of pairs of stress and strain,are available as an input data set.A new regularized least-squares problem is formulated in this problem setting,and an alternating minimization algorithm is proposed to solve the problem.
基金supported by the National Natural Science Foundation of China under Grant Nos 91220301,61273314 and 61175064.
文摘Purpose-Isometric feature mapping(Isomap)is a very popular manifold learning method and is widely used in dimensionality reduction and data visualization.The most time-consuming step in Isomap is to compute the shortest paths between all pairs of data points based on a neighbourhood graph.The classical Isomap(C-Isomap)is very slow,due to the use of Floyd’s algorithm to compute the shortest paths.The purpose of this paper is to speed up Isomap.Design/methodology/approach-Through theoretical analysis,it is found that the neighbourhood graph in Isomap is sparse.In this case,the Dijkstra’s algorithm with Fibonacci heap(Fib-Dij)is faster than Floyd’s algorithm.In this paper,an improved Isomap method based on Fib-Dij is proposed.By using Fib-Dij to replace Floyd’s algorithm,an improved Isomap method is presented in this paper.Findings-Using the S-curve,the Swiss-roll,the Frey face database,the mixed national institute of standards and technology database of handwritten digits and a face image database,the performance of the proposed method is compared with C-Isomap,showing the consistency with C-Isomap and marked improvements in terms of the high speed.Simulations also demonstrate that Fib-Dij reduces the computation time of the shortest paths from O(N3)to O(N2lgN).Research limitations/implications-Due to the limitations of the computer,the sizes of the data sets in this paper are all smaller than 3,000.Therefore,researchers are encouraged to test the proposed algorithm on larger data sets.Originality/value-The new method based on Fib-Dij can greatly improve the speed of Isomap.
文摘As modern weapons and equipment undergo increasing levels of informatization,intelligence,and networking,the topology and traffic characteristics of battlefield data networks built with tactical data links are becoming progressively complex.In this paper,we employ a traffic matrix to model the tactical data link network.We propose a method that utilizes the Maximum Variance Unfolding(MVU)algorithm to conduct nonlinear dimensionality reduction analysis on high-dimensional open network traffic matrix datasets.This approach introduces novel ideas and methods for future applications,including traffic prediction and anomaly analysis in real battlefield network environments.
基金Supported by National Natural Science Foundation of China (Grant Nos. 51805342,51875376, 52007128)Jiangsu Provincial Natural Science Foundation of China (Grant No. BK20180842)+2 种基金China Postdoctoral Science Foundation (Grant Nos. 2021M692354, 2018M640514)Suzhou Prospective Research Program of China (Grant No. SYG201932)Jiangsu Provincial Natural Science Fund for Colleges and Universities of China (Grant No. 18KJB470022)。
文摘Variational mode decomposition(VMD) has been proved to be useful for extraction of fault-induced transients of rolling bearings. Multi-bandwidth mode manifold(Triple M, TM) is one variation of the VMD, which units multiple fault-related modes with different bandwidths by a nonlinear manifold learning algorithm named local tangent space alignment(LTSA). The merit of the TM method is that the bearing fault-induced transients extracted contain low level of in-band noise without optimization of the VMD parameters. However, the determination of the neighborhood size of the LTSA is time-consuming, and the extracted fault-induced transients may have the problem of asymmetry in the up-and-down direction. This paper aims to improve the efficiency and waveform symmetry of the TM method.Specifically, the multi-bandwidth modes consisting of the fault-related modes with different bandwidths are first obtained by repeating the recycling VMD(RVMD) method with different bandwidth balance parameters. Then, the LTSA algorithm is performed on the multi-bandwidth modes to extract their inherent manifold structure, in which the natural nearest neighbor(Triple N, TN) algorithm is adopted to efficiently and reasonably select the neighbors of each data point in the multi-bandwidth modes. Finally, a weight-based feature compensation strategy is designed to synthesize the low-dimensional manifold features to alleviate the asymmetry problem, resulting in a symmetric TM feature that can represent the real fault transient components. The major contribution of the improved TM method for bearing fault diagnosis is that the pure fault-induced transients are extracted efficiently and are symmetrical as the real. One simulation analysis and two experimental applications in bearing fault diagnosis validate the enhanced performance of the improved TM method over the traditional methods. This research proposes a bearing fault diagnosis method which has the advantages of high efficiency, good waveform symmetry and enhanced in-band noise removal capability.
基金National Key Science & Technology Special Projects(Grant No.2008ZX05000-004)CNPC Projects(Grant No.2008E-0610-10).
文摘How to extract optimal composite attributes from a variety of conventional seismic attributes to detect reservoir features is a reservoir predication key,which is usually solved by reducing dimensionality.Principle component analysis(PCA) is the most widely-used linear dimensionality reduction method at present.However,the relationships between seismic attributes and reservoir features are non-linear,so seismic attribute dimensionality reduction based on linear transforms can't solve non-linear problems well,reducing reservoir prediction precision.As a new non-linear learning method,manifold learning supplies a new method for seismic attribute analysis.It can discover the intrinsic features and rules hidden in the data by computing low-dimensional,neighborhood-preserving embeddings of high-dimensional inputs.In this paper,we try to extract seismic attributes using locally linear embedding(LLE),realizing inter-horizon attributes dimensionality reduction of 3D seismic data first and discuss the optimization of its key parameters.Combining model analysis and case studies,we compare the dimensionality reduction and clustering effects of LLE and PCA,both of which indicate that LLE can retain the intrinsic structure of the inputs.The composite attributes and clustering results based on LLE better characterize the distribution of sedimentary facies,reservoir,and even reservoir fluids.
基金supported by Fundamental Research Funds for the Central Universities of China (Grant No. CDJZR10118801)
文摘Based on feature compression with orthogonal locality preserving projection(OLPP),a novel fault diagnosis model is proposed in this paper to achieve automation and high-precision of fault diagnosis of rotating machinery.With this model,the original vibration signals of training and test samples are first decomposed through the empirical mode decomposition(EMD),and Shannon entropy is constructed to achieve high-dimensional eigenvectors.In order to replace the traditional feature extraction way which does the selection manually,OLPP is introduced to automatically compress the high-dimensional eigenvectors of training and test samples into the low-dimensional eigenvectors which have better discrimination.After that,the low-dimensional eigenvectors of training samples are input into Morlet wavelet support vector machine(MWSVM) and a trained MWSVM is obtained.Finally,the low-dimensional eigenvectors of test samples are input into the trained MWSVM to carry out fault diagnosis.To evaluate our proposed model,the experiment of fault diagnosis of deep groove ball bearings is made,and the experiment results indicate that the recognition accuracy rate of the proposed diagnosis model for outer race crack、inner race crack and ball crack is more than 90%.Compared to the existing approaches,the proposed diagnosis model combines the strengths of EMD in fault feature extraction,OLPP in feature compression and MWSVM in pattern recognition,and realizes the automation and high-precision of fault diagnosis.
基金National Hi-tech Research Development Program of China(863 Program,No.2007AA04Z421)National Natural Science Foundation of China(No.50475078,No.50775035)
文摘A novel method based on the improved Laplacian eigenmap algorithm for fault pattern classification is proposed. Via modifying the Laplacian eigenmap algorithm to replace Euclidean distance with kernel-based geometric distance in the neighbor graph construction, the method can preserve the consistency of local neighbor information and effectively extract the low-dimensional manifold features embedded in the high-dimensional nonlinear data sets. A nonlinear dimensionality reduction algorithm based on the improved Laplacian eigenmap is to directly learn high-dimensional fault signals and extract the intrinsic manifold features from them. The method greatly preserves the global geometry structure information embedded in the signals, and obviously improves the classification performance of fault pattern recognition. The experimental results on both simulation and engineering indicate the feasibility and effectiveness of the new method.
基金supported by the National Natural Science Foundation of China(61172173,61303114,61271256,61272544,U1304615,U1404618)the National High Technology Research and Development Program of China(863 Program)No.2013AA014602
文摘Recently, neighbor embedding based face super-resolution(SR) methods have shown the ability for achieving high-quality face images, those methods are based on the assumption that the same neighborhoods are preserved in both low-resolution(LR) training set and high-resolution(HR) training set. However, due to the "one-to-many" mapping between the LR image and HR ones in practice, the neighborhood relationship of the LR patch in LR space is quite different with that of the HR counterpart, that is to say the neighborhood relationship obtained is not true. In this paper, we explore a novel and effective re-identified K-nearest neighbor(RIKNN) method to search neighbors of LR patch. Compared with other methods, our method uses the geometrical information of LR manifold and HR manifold simultaneously. In particular, it searches K-NN of LR patch in the LR space and refines the searching results by re-identifying in the HR space, thus giving rise to accurate K-NN and improved performance. A statistical analysis of the influence of the training set size and nearest neighbor number is given, experimental results on some public face databases show the superiority of our proposed scheme over state-of-the-art face hallucination approaches in terms of subjective and objective results as well as computational complexity.