Due to the widespread use of the Internet,customer information is vulnerable to computer systems attack,which brings urgent need for the intrusion detection technology.Recently,network intrusion detection has been one...Due to the widespread use of the Internet,customer information is vulnerable to computer systems attack,which brings urgent need for the intrusion detection technology.Recently,network intrusion detection has been one of the most important technologies in network security detection.The accuracy of network intrusion detection has reached higher accuracy so far.However,these methods have very low efficiency in network intrusion detection,even the most popular SOM neural network method.In this paper,an efficient and fast network intrusion detection method was proposed.Firstly,the fundamental of the two different methods are introduced respectively.Then,the selforganizing feature map neural network based on K-means clustering(KSOM)algorithms was presented to improve the efficiency of network intrusion detection.Finally,the NSLKDD is used as network intrusion data set to demonstrate that the KSOM method can significantly reduce the number of clustering iteration than SOM method without substantially affecting the clustering results and the accuracy is much higher than Kmeans method.The Experimental results show that our method can relatively improve the accuracy of network intrusion and significantly reduce the number of clustering iteration.展开更多
A new clustering algorithm called fuzzy self-organizing feature maps is introduced. It can process not only the exact digital inputs, but also the inexact or fuzzy non-digital inputs, such as natural language inputs. ...A new clustering algorithm called fuzzy self-organizing feature maps is introduced. It can process not only the exact digital inputs, but also the inexact or fuzzy non-digital inputs, such as natural language inputs. Simulation results show that the new algorithm is superior to original Kohonen’s algorithm in clustering performance and learning rate.展开更多
Due to rapid urbanization, waterlogging induced by torrential rainfall has become a global concern and a potential risk affecting urban habitant's safety. Widespread waterlogging disasters haveoccurred almost annu...Due to rapid urbanization, waterlogging induced by torrential rainfall has become a global concern and a potential risk affecting urban habitant's safety. Widespread waterlogging disasters haveoccurred almost annuallyinthe urban area of Beijing, the capital of China. Based on a selforganizing map(SOM) artificial neural network(ANN), a graded waterlogging risk assessment was conducted on 56 low-lying points in Beijing, China. Social risk factors, such as Gross domestic product(GDP), population density, and traffic congestion, were utilized as input datasets in this study. The results indicate that SOM-ANNis suitable for automatically and quantitatively assessing risks associated with waterlogging. The greatest advantage of SOM-ANN in the assessment of waterlogging risk is that a priori knowledge about classification categories and assessment indicator weights is not needed. As a result, SOM-ANN can effectively overcome interference from subjective factors,producing classification results that are more objective and accurate. In this paper, the risk level of waterlogging in Beijing was divided into five grades. The points that were assigned risk grades of IV or Vwere located mainly in the districts of Chaoyang, Haidian, Xicheng, and Dongcheng.展开更多
The performance of speaker verification systems is often compromised under real world environments. For example, variations in handset characteristics could cause severe performance degradation. This paper presents a...The performance of speaker verification systems is often compromised under real world environments. For example, variations in handset characteristics could cause severe performance degradation. This paper presents a novel method to overcome this problem by using a non linear handset mapper. Under this method, a mapper is constructed by training an elliptical basis function network using distorted speech features as inputs and the corresponding clean features as the desired outputs. During feature recuperation, clean features are recovered by feeding the distorted features to the feature mapper. The recovered features are then presented to a speaker model as if they were derived from clean speech. Experimental evaluations based on 258 speakers of the TIMIT and NTIMIT corpuses suggest that the feature mappers improve the verification performance remarkably.展开更多
Presented is a new testing system based on using the factor models and self-organizing feature maps as well as the method of filtering undesirable environment influence. Testing process is described by the factor mode...Presented is a new testing system based on using the factor models and self-organizing feature maps as well as the method of filtering undesirable environment influence. Testing process is described by the factor model with simplex structure, which represents the influences of genetics and environmental factors on the observed parameters - the answers to the questions of the test subjects in one case and for the time, which is spent on responding to each test question to another. The Monte Carlo method is applied to get sufficient samples for training self-organizing feature maps, which are used to estimate model goodness-of-fit measures and, consequently, ability level. A prototype of the system is implemented using the Raven's Progressive Matrices (Advanced Progressive Matrices) - an intelligence test of abstract reasoning. Elimination of environment influence results is performed by comparing the observed and predicted answers to the test tasks using the Kalman filter, which is adapted to solve the problem. The testing procedure is optimized by reducing the number of tasks using the distribution of measures to belong to different ability levels after performing each test task provided the required level of conclusion reliability is obtained.展开更多
Unsupervised methods based on density representation have shown their abilities in anomaly detection,but detection performance still needs to be improved.Specifically,approaches using normalizing flows can accurately ...Unsupervised methods based on density representation have shown their abilities in anomaly detection,but detection performance still needs to be improved.Specifically,approaches using normalizing flows can accurately evaluate sample distributions,mapping normal features to the normal distribution and anomalous features outside it.Consequently,this paper proposes a Normalizing Flow-based Bidirectional Mapping Residual Network(NF-BMR).It utilizes pre-trained Convolutional Neural Networks(CNN)and normalizing flows to construct discriminative source and target domain feature spaces.Additionally,to better learn feature information in both domain spaces,we propose the Bidirectional Mapping Residual Network(BMR),which maps sample features to these two spaces for anomaly detection.The two detection spaces effectively complement each other’s deficiencies and provide a comprehensive feature evaluation from two perspectives,which leads to the improvement of detection performance.Comparative experimental results on the MVTec AD and DAGM datasets against the Bidirectional Pre-trained Feature Mapping Network(B-PFM)and other state-of-the-art methods demonstrate that the proposed approach achieves superior performance.On the MVTec AD dataset,NF-BMR achieves an average AUROC of 98.7%for all 15 categories.Especially,it achieves 100%optimal detection performance in five categories.On the DAGM dataset,the average AUROC across ten categories is 98.7%,which is very close to supervised methods.展开更多
The traditional Chinese-English translation model tends to translate some source words repeatedly,while mistakenly ignoring some words.Therefore,we propose a novel English-Chinese neural machine translation based on s...The traditional Chinese-English translation model tends to translate some source words repeatedly,while mistakenly ignoring some words.Therefore,we propose a novel English-Chinese neural machine translation based on self-organizing mapping neural network and deep feature matching.In this model,word vector,two-way LSTM,2D neural network and other deep learning models are used to extract the semantic matching features of question-answer pairs.Self-organizing mapping(SOM)is used to classify and identify the sentence feature.The attention mechanism-based neural machine translation model is taken as the baseline system.The experimental results show that this framework significantly improves the adequacy of English-Chinese machine translation and achieves better results than the traditional attention mechanism-based English-Chinese machine translation model.展开更多
Clustering analysis is one of the main concerns in data mining.A common approach to the clustering process is to bring together points that are close to each other and separate points that are away from each other.The...Clustering analysis is one of the main concerns in data mining.A common approach to the clustering process is to bring together points that are close to each other and separate points that are away from each other.Therefore,measuring the distance between sample points is crucial to the effectiveness of clustering.Filtering features by label information and mea-suring the distance between samples by these features is a common supervised learning method to reconstruct distance metric.However,in many application scenarios,it is very expensive to obtain a large number of labeled samples.In this paper,to solve the clustering problem in the few supervised sample and high data dimensionality scenarios,a novel semi-supervised clustering algorithm is proposed by designing an improved prototype network that attempts to reconstruct the distance metric in the sample space with a small amount of pairwise supervised information,such as Must-Link and Cannot-Link,and then cluster the data in the new metric space.The core idea is to make the similar ones closer and the dissimilar ones further away through embedding mapping.Extensive experiments on both real-world and synthetic datasets show the effectiveness of this algorithm.Average clustering metrics on various datasets improved by 8%compared to the comparison algorithm.展开更多
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.展开更多
Image compression consists of two main parts: encoding and decoding. One of the important problems of the fractal theory is the long encoding implementation time, which hindered the acceptance of fractal image compres...Image compression consists of two main parts: encoding and decoding. One of the important problems of the fractal theory is the long encoding implementation time, which hindered the acceptance of fractal image compression as a practical method. The long encoding time results from the need to perform a large number of domain-range matches, the total encoding time is the product of the number of matches and the time to perform each match. In order to improve encoding speed, a hybrid method combining features extraction and self-organization network has been provided, which is based on the feature extraction approach the comparison pixels by pixels between the feature of range blocks and domains blocks. The efficiency of the new method was been proved by examples.展开更多
The artificial neural networks (ANNs), among different soft computing methodologies are widely used to meet the challenges thrown by the main objectives of data mining classification techniques, due to their robust, p...The artificial neural networks (ANNs), among different soft computing methodologies are widely used to meet the challenges thrown by the main objectives of data mining classification techniques, due to their robust, powerful, distributed, fault tolerant computing and capability to learn in a data-rich environment. ANNs has been used in several fields, showing high performance as classifiers. The problem of dealing with non numerical data is one major obstacle prevents using them with various data sets and several domains. Another problem is their complex structure and how hands to interprets. Self-Organizing Map (SOM) is type of neural systems that can be easily interpreted, but still can’t be used with non numerical data directly. This paper presents an enhanced SOM structure to cope with non numerical data. It used DNA sequences as the training dataset. Results show very good performance compared to other classifiers. For better evaluation both micro-array structure and their sequential representation as proteins were targeted as dataset accuracy is measured accordingly.展开更多
Considering that growing hierarchical self-organizing map(GHSOM) ignores the influence of individual component in sample vector analysis, and its accurate rate in detecting unknown network attacks is relatively lower,...Considering that growing hierarchical self-organizing map(GHSOM) ignores the influence of individual component in sample vector analysis, and its accurate rate in detecting unknown network attacks is relatively lower, an improved GHSOM method combined with mutual information is proposed. After theoretical analysis, experiments are conducted to illustrate the effectiveness of the proposed method by accurately clustering the input data. Based on different clusters, the complex relationship within the data can be revealed effectively.展开更多
Traveling salesman problem(TSP)is a classic non-deterministic polynomial-hard optimization prob-lem.Based on the characteristics of self-organizing mapping(SOM)network,this paper proposes an improved SOM network from ...Traveling salesman problem(TSP)is a classic non-deterministic polynomial-hard optimization prob-lem.Based on the characteristics of self-organizing mapping(SOM)network,this paper proposes an improved SOM network from the perspectives of network update strategy,initialization method,and parameter selection.This paper compares the performance of the proposed algorithms with the performance of existing SOM network algorithms on the TSP and compares them with several heuristic algorithms.Simulations show that compared with existing SOM networks,the improved SOM network proposed in this paper improves the convergence rate and algorithm accuracy.Compared with iterated local search and heuristic algorithms,the improved SOM net-work algorithms proposed in this paper have the advantage of fast calculation speed on medium-scale TSP.展开更多
When checking the ice shape calculation software,its accuracy is judged based on the proximity between the calculated ice shape and the typical test ice shape.Therefore,determining the typical test ice shape becomes t...When checking the ice shape calculation software,its accuracy is judged based on the proximity between the calculated ice shape and the typical test ice shape.Therefore,determining the typical test ice shape becomes the key task of the icing wind tunnel tests.In the icing wind tunnel test of the tail wing model of a large amphibious aircraft,in order to obtain accurate typical test ice shape,the Romer Absolute Scanner is used to obtain the 3D point cloud data of the ice shape on the tail wing model.Then,the batch-learning self-organizing map(BLSOM)neural network is used to obtain the 2D average ice shape along the model direction based on the 3D point cloud data of the ice shape,while its tolerance band is calculated using the probabilistic statistical method.The results show that the combination of 2D average ice shape and its tolerance band can represent the 3D characteristics of the test ice shape effectively,which can be used as the typical test ice shape for comparative analysis with the calculated ice shape.展开更多
Inverse lithography technology(ILT)is intended to achieve optimal mask design to print a lithography target for a given lithography process.Full chip implementation of rigorous inverse lithography remains a challengin...Inverse lithography technology(ILT)is intended to achieve optimal mask design to print a lithography target for a given lithography process.Full chip implementation of rigorous inverse lithography remains a challenging task because of enormous computational resource requirements and long computational time.To achieve full chip ILT solution,attempts have been made by using machine learning techniques based on deep convolution neural network(DCNN).The reported input for such DCNN is the rasterized images of the lithography target;such pure geometrical input requires DCNN to possess considerable number of layers to learn the optical properties of the mask,the nonlinear imaging process,and the rigorous ILT algorithm as well.To alleviate the difficulties,we have proposed the physics based optimal feature vector design for machine learning ILT in our early report.Although physics based feature vector followed by feedforward neural network can provide the solution to machine learning ILT,the feature vector is long and it can consume considerable amount of memory resource in practical implementation.To improve the resource efficiency,we proposed a hybrid approach in this study by combining first few physics based feature maps with a specially designed DCNN structure to learn the rigorous ILT algorithm.Our results show that this approach can make machine learning ILT easy,fast and more accurate.展开更多
Most methods for classification of remote sensing data are based on the statistical parameter evaluation with the assumption that the samples obey the normal distribution. How-ever, more accurate classification result...Most methods for classification of remote sensing data are based on the statistical parameter evaluation with the assumption that the samples obey the normal distribution. How-ever, more accurate classification results can be obtained with the neural network method through getting knowledge from environments and adjusting the parameter (or weight) step by step by a specific measurement. This paper focuses on the double-layer structured Kohonen self-organizing feature map (SOFM), for which all neurons within the two layers are linked one another and those of the competition layers are linked as well along the sides. Therefore, the self-adapting learning ability is improved due to the effective competition and suppression in this method. The SOFM has become a hot topic in the research area of remote sensing data classi-fication. The Advanced Spaceborne Thermal Emission and Reflectance Radiometer (ASTER) is a new satellite-borne remote sensing instrument with three 15-m resolution bands and three 30-m resolution bands at the near infrared. The ASTER data of Dagang district, Tianjin Munici-pality is used as the test data in this study. At first, the wavelet fusion is carried out to make the spatial resolutions of the ASTER data identical; then, the SOFM method is applied to classifying the land cover types. The classification results are compared with those of the maximum likeli-hood method (MLH). As a consequence, the classification accuracy of SOFM increases about by 7% in general and, in particular, it is almost as twice as that of the MLH method in the town.展开更多
As an interdisciplinary comprehensive subject involving multidisciplinary knowledge,emotional analysis has become a hot topic in psychology,health medicine and computer science.It has a high comprehensive and practica...As an interdisciplinary comprehensive subject involving multidisciplinary knowledge,emotional analysis has become a hot topic in psychology,health medicine and computer science.It has a high comprehensive and practical application value.Emotion research based on the social network is a relatively new topic in the field of psychology and medical health research.The text emotion analysis of college students also has an important research significance for the emotional state of students at a certain time or a certain period,so as to understand their normal state,abnormal state and the reason of state change from the information they wrote.In view of the fact that convolutional neural network cannot make full use of the unique emotional information in sentences,and the need to label a large number of highquality training sets for emotional analysis to improve the accuracy of the model,an emotional analysismodel using the emotional dictionary andmultichannel convolutional neural network is proposed in this paper.Firstly,the input matrix of emotion dictionary is constructed according to the emotion information,and the different feature information of sentences is combined to form different network input channels,so that the model can learn the emotion information of input sentences from various feature representations in the training process.Then,the loss function is reconstructed to realize the semi supervised learning of the network.Finally,experiments are carried on COAE 2014 and self-built data sets.The proposed model can not only extract more semantic information in emotional text,but also learn the hidden emotional information in emotional text.The experimental results show that the proposed emotion analysis model can achieve a better classification performance.Compared with the best benchmark model gram-CNN,the F1 value can be increased by 0.026 in the self-built data set,and it can be increased by 0.032 in the COAE 2014 data set.展开更多
The rotation invariant feature of the target is obtained using the multi-direction feature extraction property of the steerable filter. Combining the morphological operation top-hat transform with the self-organizing ...The rotation invariant feature of the target is obtained using the multi-direction feature extraction property of the steerable filter. Combining the morphological operation top-hat transform with the self-organizing feature map neural network, the adaptive topological region is selected. Using the erosion operation, the topological region shrinkage is achieved. The steerable filter based morphological self-organizing feature map neural network is applied to automatic target recognition of binary standard patterns and real world infrared sequence images. Compared with Hamming network and morphological shared-weight networks respectively, the higher recognition correct rate, robust adaptability, quick training, and better generalization of the proposed method are achieved.展开更多
Detecting communities from complex networks is an important issue and has attracted attention of researchers in many fields. It is relevant to social tasks, biological inquiries, and technological problems since vario...Detecting communities from complex networks is an important issue and has attracted attention of researchers in many fields. It is relevant to social tasks, biological inquiries, and technological problems since various networks exist in these systems. This paper proposes a new self-organizing map (SOM) based approach to community detection. By adopting a new operation and a new weightupdating scheme, a complex network can be organized into dense subgraphs according to the topological connection of each node by the SOM algorithm. Extensive numerical experiments show that the performance of the SOM algorithm is good. It can identify communities more accurately than existing methods. This method can be used to detect communities not only in undirected networks, but also in directed networks and bipartite networks.展开更多
文摘Due to the widespread use of the Internet,customer information is vulnerable to computer systems attack,which brings urgent need for the intrusion detection technology.Recently,network intrusion detection has been one of the most important technologies in network security detection.The accuracy of network intrusion detection has reached higher accuracy so far.However,these methods have very low efficiency in network intrusion detection,even the most popular SOM neural network method.In this paper,an efficient and fast network intrusion detection method was proposed.Firstly,the fundamental of the two different methods are introduced respectively.Then,the selforganizing feature map neural network based on K-means clustering(KSOM)algorithms was presented to improve the efficiency of network intrusion detection.Finally,the NSLKDD is used as network intrusion data set to demonstrate that the KSOM method can significantly reduce the number of clustering iteration than SOM method without substantially affecting the clustering results and the accuracy is much higher than Kmeans method.The Experimental results show that our method can relatively improve the accuracy of network intrusion and significantly reduce the number of clustering iteration.
文摘A new clustering algorithm called fuzzy self-organizing feature maps is introduced. It can process not only the exact digital inputs, but also the inexact or fuzzy non-digital inputs, such as natural language inputs. Simulation results show that the new algorithm is superior to original Kohonen’s algorithm in clustering performance and learning rate.
基金supported by the National Key R&D Program of China (GrantN o.2016YFC0401407)National Natural Science Foundation of China (Grant Nos. 51479003 and 51279006)
文摘Due to rapid urbanization, waterlogging induced by torrential rainfall has become a global concern and a potential risk affecting urban habitant's safety. Widespread waterlogging disasters haveoccurred almost annuallyinthe urban area of Beijing, the capital of China. Based on a selforganizing map(SOM) artificial neural network(ANN), a graded waterlogging risk assessment was conducted on 56 low-lying points in Beijing, China. Social risk factors, such as Gross domestic product(GDP), population density, and traffic congestion, were utilized as input datasets in this study. The results indicate that SOM-ANNis suitable for automatically and quantitatively assessing risks associated with waterlogging. The greatest advantage of SOM-ANN in the assessment of waterlogging risk is that a priori knowledge about classification categories and assessment indicator weights is not needed. As a result, SOM-ANN can effectively overcome interference from subjective factors,producing classification results that are more objective and accurate. In this paper, the risk level of waterlogging in Beijing was divided into five grades. The points that were assigned risk grades of IV or Vwere located mainly in the districts of Chaoyang, Haidian, Xicheng, and Dongcheng.
文摘The performance of speaker verification systems is often compromised under real world environments. For example, variations in handset characteristics could cause severe performance degradation. This paper presents a novel method to overcome this problem by using a non linear handset mapper. Under this method, a mapper is constructed by training an elliptical basis function network using distorted speech features as inputs and the corresponding clean features as the desired outputs. During feature recuperation, clean features are recovered by feeding the distorted features to the feature mapper. The recovered features are then presented to a speaker model as if they were derived from clean speech. Experimental evaluations based on 258 speakers of the TIMIT and NTIMIT corpuses suggest that the feature mappers improve the verification performance remarkably.
文摘Presented is a new testing system based on using the factor models and self-organizing feature maps as well as the method of filtering undesirable environment influence. Testing process is described by the factor model with simplex structure, which represents the influences of genetics and environmental factors on the observed parameters - the answers to the questions of the test subjects in one case and for the time, which is spent on responding to each test question to another. The Monte Carlo method is applied to get sufficient samples for training self-organizing feature maps, which are used to estimate model goodness-of-fit measures and, consequently, ability level. A prototype of the system is implemented using the Raven's Progressive Matrices (Advanced Progressive Matrices) - an intelligence test of abstract reasoning. Elimination of environment influence results is performed by comparing the observed and predicted answers to the test tasks using the Kalman filter, which is adapted to solve the problem. The testing procedure is optimized by reducing the number of tasks using the distribution of measures to belong to different ability levels after performing each test task provided the required level of conclusion reliability is obtained.
基金This work was supported in part by the National Key R&D Program of China 2021YFE0110500in part by the National Natural Science Foundation of China under Grant 62062021in part by the Guiyang Scientific Plan Project[2023]48-11.
文摘Unsupervised methods based on density representation have shown their abilities in anomaly detection,but detection performance still needs to be improved.Specifically,approaches using normalizing flows can accurately evaluate sample distributions,mapping normal features to the normal distribution and anomalous features outside it.Consequently,this paper proposes a Normalizing Flow-based Bidirectional Mapping Residual Network(NF-BMR).It utilizes pre-trained Convolutional Neural Networks(CNN)and normalizing flows to construct discriminative source and target domain feature spaces.Additionally,to better learn feature information in both domain spaces,we propose the Bidirectional Mapping Residual Network(BMR),which maps sample features to these two spaces for anomaly detection.The two detection spaces effectively complement each other’s deficiencies and provide a comprehensive feature evaluation from two perspectives,which leads to the improvement of detection performance.Comparative experimental results on the MVTec AD and DAGM datasets against the Bidirectional Pre-trained Feature Mapping Network(B-PFM)and other state-of-the-art methods demonstrate that the proposed approach achieves superior performance.On the MVTec AD dataset,NF-BMR achieves an average AUROC of 98.7%for all 15 categories.Especially,it achieves 100%optimal detection performance in five categories.On the DAGM dataset,the average AUROC across ten categories is 98.7%,which is very close to supervised methods.
文摘The traditional Chinese-English translation model tends to translate some source words repeatedly,while mistakenly ignoring some words.Therefore,we propose a novel English-Chinese neural machine translation based on self-organizing mapping neural network and deep feature matching.In this model,word vector,two-way LSTM,2D neural network and other deep learning models are used to extract the semantic matching features of question-answer pairs.Self-organizing mapping(SOM)is used to classify and identify the sentence feature.The attention mechanism-based neural machine translation model is taken as the baseline system.The experimental results show that this framework significantly improves the adequacy of English-Chinese machine translation and achieves better results than the traditional attention mechanism-based English-Chinese machine translation model.
文摘Clustering analysis is one of the main concerns in data mining.A common approach to the clustering process is to bring together points that are close to each other and separate points that are away from each other.Therefore,measuring the distance between sample points is crucial to the effectiveness of clustering.Filtering features by label information and mea-suring the distance between samples by these features is a common supervised learning method to reconstruct distance metric.However,in many application scenarios,it is very expensive to obtain a large number of labeled samples.In this paper,to solve the clustering problem in the few supervised sample and high data dimensionality scenarios,a novel semi-supervised clustering algorithm is proposed by designing an improved prototype network that attempts to reconstruct the distance metric in the sample space with a small amount of pairwise supervised information,such as Must-Link and Cannot-Link,and then cluster the data in the new metric space.The core idea is to make the similar ones closer and the dissimilar ones further away through embedding mapping.Extensive experiments on both real-world and synthetic datasets show the effectiveness of this algorithm.Average clustering metrics on various datasets improved by 8%compared to the comparison algorithm.
基金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.
文摘Image compression consists of two main parts: encoding and decoding. One of the important problems of the fractal theory is the long encoding implementation time, which hindered the acceptance of fractal image compression as a practical method. The long encoding time results from the need to perform a large number of domain-range matches, the total encoding time is the product of the number of matches and the time to perform each match. In order to improve encoding speed, a hybrid method combining features extraction and self-organization network has been provided, which is based on the feature extraction approach the comparison pixels by pixels between the feature of range blocks and domains blocks. The efficiency of the new method was been proved by examples.
文摘The artificial neural networks (ANNs), among different soft computing methodologies are widely used to meet the challenges thrown by the main objectives of data mining classification techniques, due to their robust, powerful, distributed, fault tolerant computing and capability to learn in a data-rich environment. ANNs has been used in several fields, showing high performance as classifiers. The problem of dealing with non numerical data is one major obstacle prevents using them with various data sets and several domains. Another problem is their complex structure and how hands to interprets. Self-Organizing Map (SOM) is type of neural systems that can be easily interpreted, but still can’t be used with non numerical data directly. This paper presents an enhanced SOM structure to cope with non numerical data. It used DNA sequences as the training dataset. Results show very good performance compared to other classifiers. For better evaluation both micro-array structure and their sequential representation as proteins were targeted as dataset accuracy is measured accordingly.
基金Supported by the Natural Science Foundation of Tianjin(No.15JCQNJC00200)
文摘Considering that growing hierarchical self-organizing map(GHSOM) ignores the influence of individual component in sample vector analysis, and its accurate rate in detecting unknown network attacks is relatively lower, an improved GHSOM method combined with mutual information is proposed. After theoretical analysis, experiments are conducted to illustrate the effectiveness of the proposed method by accurately clustering the input data. Based on different clusters, the complex relationship within the data can be revealed effectively.
基金the National Natural Science Foundation of China (No.61627810)the National Science and Technology Major Program of China (No.2018YFB1305003)the National Defense Science and Technology Outstanding Youth Science Foundation (No.2017-JCJQ-ZQ-031)。
文摘Traveling salesman problem(TSP)is a classic non-deterministic polynomial-hard optimization prob-lem.Based on the characteristics of self-organizing mapping(SOM)network,this paper proposes an improved SOM network from the perspectives of network update strategy,initialization method,and parameter selection.This paper compares the performance of the proposed algorithms with the performance of existing SOM network algorithms on the TSP and compares them with several heuristic algorithms.Simulations show that compared with existing SOM networks,the improved SOM network proposed in this paper improves the convergence rate and algorithm accuracy.Compared with iterated local search and heuristic algorithms,the improved SOM net-work algorithms proposed in this paper have the advantage of fast calculation speed on medium-scale TSP.
基金supported by the AG600 project of AVIC General Huanan Aircraft Industry Co.,Ltd.
文摘When checking the ice shape calculation software,its accuracy is judged based on the proximity between the calculated ice shape and the typical test ice shape.Therefore,determining the typical test ice shape becomes the key task of the icing wind tunnel tests.In the icing wind tunnel test of the tail wing model of a large amphibious aircraft,in order to obtain accurate typical test ice shape,the Romer Absolute Scanner is used to obtain the 3D point cloud data of the ice shape on the tail wing model.Then,the batch-learning self-organizing map(BLSOM)neural network is used to obtain the 2D average ice shape along the model direction based on the 3D point cloud data of the ice shape,while its tolerance band is calculated using the probabilistic statistical method.The results show that the combination of 2D average ice shape and its tolerance band can represent the 3D characteristics of the test ice shape effectively,which can be used as the typical test ice shape for comparative analysis with the calculated ice shape.
文摘Inverse lithography technology(ILT)is intended to achieve optimal mask design to print a lithography target for a given lithography process.Full chip implementation of rigorous inverse lithography remains a challenging task because of enormous computational resource requirements and long computational time.To achieve full chip ILT solution,attempts have been made by using machine learning techniques based on deep convolution neural network(DCNN).The reported input for such DCNN is the rasterized images of the lithography target;such pure geometrical input requires DCNN to possess considerable number of layers to learn the optical properties of the mask,the nonlinear imaging process,and the rigorous ILT algorithm as well.To alleviate the difficulties,we have proposed the physics based optimal feature vector design for machine learning ILT in our early report.Although physics based feature vector followed by feedforward neural network can provide the solution to machine learning ILT,the feature vector is long and it can consume considerable amount of memory resource in practical implementation.To improve the resource efficiency,we proposed a hybrid approach in this study by combining first few physics based feature maps with a specially designed DCNN structure to learn the rigorous ILT algorithm.Our results show that this approach can make machine learning ILT easy,fast and more accurate.
文摘Most methods for classification of remote sensing data are based on the statistical parameter evaluation with the assumption that the samples obey the normal distribution. How-ever, more accurate classification results can be obtained with the neural network method through getting knowledge from environments and adjusting the parameter (or weight) step by step by a specific measurement. This paper focuses on the double-layer structured Kohonen self-organizing feature map (SOFM), for which all neurons within the two layers are linked one another and those of the competition layers are linked as well along the sides. Therefore, the self-adapting learning ability is improved due to the effective competition and suppression in this method. The SOFM has become a hot topic in the research area of remote sensing data classi-fication. The Advanced Spaceborne Thermal Emission and Reflectance Radiometer (ASTER) is a new satellite-borne remote sensing instrument with three 15-m resolution bands and three 30-m resolution bands at the near infrared. The ASTER data of Dagang district, Tianjin Munici-pality is used as the test data in this study. At first, the wavelet fusion is carried out to make the spatial resolutions of the ASTER data identical; then, the SOFM method is applied to classifying the land cover types. The classification results are compared with those of the maximum likeli-hood method (MLH). As a consequence, the classification accuracy of SOFM increases about by 7% in general and, in particular, it is almost as twice as that of the MLH method in the town.
基金This paper was supported by the 2018 Science and Technology Breakthrough Project of Henan Provincial Science and Technology Department(No.182102310694).
文摘As an interdisciplinary comprehensive subject involving multidisciplinary knowledge,emotional analysis has become a hot topic in psychology,health medicine and computer science.It has a high comprehensive and practical application value.Emotion research based on the social network is a relatively new topic in the field of psychology and medical health research.The text emotion analysis of college students also has an important research significance for the emotional state of students at a certain time or a certain period,so as to understand their normal state,abnormal state and the reason of state change from the information they wrote.In view of the fact that convolutional neural network cannot make full use of the unique emotional information in sentences,and the need to label a large number of highquality training sets for emotional analysis to improve the accuracy of the model,an emotional analysismodel using the emotional dictionary andmultichannel convolutional neural network is proposed in this paper.Firstly,the input matrix of emotion dictionary is constructed according to the emotion information,and the different feature information of sentences is combined to form different network input channels,so that the model can learn the emotion information of input sentences from various feature representations in the training process.Then,the loss function is reconstructed to realize the semi supervised learning of the network.Finally,experiments are carried on COAE 2014 and self-built data sets.The proposed model can not only extract more semantic information in emotional text,but also learn the hidden emotional information in emotional text.The experimental results show that the proposed emotion analysis model can achieve a better classification performance.Compared with the best benchmark model gram-CNN,the F1 value can be increased by 0.026 in the self-built data set,and it can be increased by 0.032 in the COAE 2014 data set.
文摘The rotation invariant feature of the target is obtained using the multi-direction feature extraction property of the steerable filter. Combining the morphological operation top-hat transform with the self-organizing feature map neural network, the adaptive topological region is selected. Using the erosion operation, the topological region shrinkage is achieved. The steerable filter based morphological self-organizing feature map neural network is applied to automatic target recognition of binary standard patterns and real world infrared sequence images. Compared with Hamming network and morphological shared-weight networks respectively, the higher recognition correct rate, robust adaptability, quick training, and better generalization of the proposed method are achieved.
基金This research is supported by the National Natural Science Foundation of China under Grant Nos 10631070, 60873205, 10701080, and the Beijing Natural Science Foundation under Grant No. 1092011. It is also partially supported by the Foundation of Beijing Education Commission under Grant No. SM200910037005, the Funding Project for Academic Human Resources Development in Institutions of Higher Learning under the Jurisdiction of Beijing Municipality (PHR201006217), and the Foundation of WYJD200902.
文摘Detecting communities from complex networks is an important issue and has attracted attention of researchers in many fields. It is relevant to social tasks, biological inquiries, and technological problems since various networks exist in these systems. This paper proposes a new self-organizing map (SOM) based approach to community detection. By adopting a new operation and a new weightupdating scheme, a complex network can be organized into dense subgraphs according to the topological connection of each node by the SOM algorithm. Extensive numerical experiments show that the performance of the SOM algorithm is good. It can identify communities more accurately than existing methods. This method can be used to detect communities not only in undirected networks, but also in directed networks and bipartite networks.