Label propagation is an essential semi-supervised learning method based on graphs,which has a broad spectrum of applications in pattern recognition and data mining.This paper proposes a quantum semi-supervised classif...Label propagation is an essential semi-supervised learning method based on graphs,which has a broad spectrum of applications in pattern recognition and data mining.This paper proposes a quantum semi-supervised classifier based on label propagation.Considering the difficulty of graph construction,we develop a variational quantum label propagation(VQLP)method.In this method,a locally parameterized quantum circuit is created to reduce the parameters required in the optimization.Furthermore,we design a quantum semi-supervised binary classifier based on hybrid Bell and Z bases measurement,which has a shallower circuit depth and is more suitable for implementation on near-term quantum devices.We demonstrate the performance of the quantum semi-supervised classifier on the Iris data set,and the simulation results show that the quantum semi-supervised classifier has higher classification accuracy than the swap test classifier.This work opens a new path to quantum machine learning based on graphs.展开更多
For indoor location estimation based on received signal strength( RSS) in wireless local area networks( WLAN),in order to reduce the influence of noise on the positioning accuracy,a large number of RSS should be colle...For indoor location estimation based on received signal strength( RSS) in wireless local area networks( WLAN),in order to reduce the influence of noise on the positioning accuracy,a large number of RSS should be collected in offline phase. Therefore,collecting training data with positioning information is time consuming which becomes the bottleneck of WLAN indoor localization. In this paper,the traditional semisupervised learning method based on k-NN and ε-NN graph for reducing collection workload of offline phase are analyzed,and the result shows that the k-NN or ε-NN graph are sensitive to data noise,which limit the performance of semi-supervised learning WLAN indoor localization system. Aiming at the above problem,it proposes a l1-graph-algorithm-based semi-supervised learning( LG-SSL) indoor localization method in which the graph is built by l1-norm algorithm. In our system,it firstly labels the unlabeled data using LG-SSL and labeled data to build the Radio Map in offline training phase,and then uses LG-SSL to estimate user's location in online phase. Extensive experimental results show that,benefit from the robustness to noise and sparsity ofl1-graph,LG-SSL exhibits superior performance by effectively reducing the collection workload in offline phase and improving localization accuracy in online phase.展开更多
Online review platforms are becoming increasingly popular,encouraging dishonest merchants and service providers to deceive customers by creating fake reviews for their goods or services.Using Sybil accounts,bot farms,...Online review platforms are becoming increasingly popular,encouraging dishonest merchants and service providers to deceive customers by creating fake reviews for their goods or services.Using Sybil accounts,bot farms,and real account purchases,immoral actors demonize rivals and advertise their goods.Most academic and industry efforts have been aimed at detecting fake/fraudulent product or service evaluations for years.The primary hurdle to identifying fraudulent reviews is the lack of a reliable means to distinguish fraudulent reviews from real ones.This paper adopts a semi-supervised machine learning method to detect fake reviews on any website,among other things.Online reviews are classified using a semi-supervised approach(PU-learning)since there is a shortage of labeled data,and they are dynamic.Then,classification is performed using the machine learning techniques Support Vector Machine(SVM)and Nave Bayes.The performance of the suggested system has been compared with standard works,and experimental findings are assessed using several assessment metrics.展开更多
Generative Adversarial Networks(GANs)are neural networks that allow models to learn deep representations without requiring a large amount of training data.Semi-Supervised GAN Classifiers are a recent innovation in GAN...Generative Adversarial Networks(GANs)are neural networks that allow models to learn deep representations without requiring a large amount of training data.Semi-Supervised GAN Classifiers are a recent innovation in GANs,where GANs are used to classify generated images into real and fake and multiple classes,similar to a general multi-class classifier.However,GANs have a sophisticated design that can be challenging to train.This is because obtaining the proper set of parameters for all models-generator,discriminator,and classifier is complex.As a result,training a single GAN model for different datasets may not produce satisfactory results.Therefore,this study proposes an SGAN model(Semi-Supervised GAN Classifier).First,a baseline model was constructed.The model was then enhanced by leveraging the Sine-Cosine Algorithm and Synthetic Minority Oversampling Technique(SMOTE).SMOTE was used to address class imbalances in the dataset,while Sine Cosine Algorithm(SCA)was used to optimize the weights of the classifier models.The optimal set of hyperparameters(learning rate and batch size)were obtained using grid manual search.Four well-known benchmark datasets and a set of evaluation measures were used to validate the proposed model.The proposed method was then compared against existing models,and the results on each dataset were recorded and demonstrated the effectiveness of the proposed model.The proposed model successfully showed improved test accuracy scores of 1%,2%,15%,and 5%on benchmarking multimedia datasets;Modified National Institute of Standards and Technology(MNIST)digits,Fashion MNIST,Pneumonia Chest X-ray,and Facial Emotion Detection Dataset,respectively.展开更多
These problems of nonlinearity, fuzziness and few labeled data were rarely considered in traditional remote sensing image classification. A semi-supervised kernel fuzzy C-means (SSKFCM) algorithm is proposed to over...These problems of nonlinearity, fuzziness and few labeled data were rarely considered in traditional remote sensing image classification. A semi-supervised kernel fuzzy C-means (SSKFCM) algorithm is proposed to overcome these disadvantages of remote sensing image classification in this paper. The SSKFCM algorithm is achieved by introducing a kernel method and semi-supervised learning technique into the standard fuzzy C-means (FCM) algorithm. A set of Beijing-1 micro-satellite's multispectral images are adopted to be classified by several algorithms, such as FCM, kernel FCM (KFCM), semi-supervised FCM (SSFCM) and SSKFCM. The classification results are estimated by corresponding indexes. The results indicate that the SSKFCM algorithm significantly improves the classification accuracy of remote sensing images compared with the others.展开更多
Experimentation data of perspex glass sheet cutting, using CO2 laser, with missing values were modelled with semi-supervised artificial neural networks. Factorial design of experiment was selected for the verification...Experimentation data of perspex glass sheet cutting, using CO2 laser, with missing values were modelled with semi-supervised artificial neural networks. Factorial design of experiment was selected for the verification of orthogonal array based model prediction. It shows improvement in modelling of edge quality and kerf width by applying semi-supervised learning algorithm, based on novel error assessment on simulations. The results are expected to depict better prediction on average by utilizing the systematic randomized techniques to initialize the neural network weights and increase the number of initialization. Missing values handling is difficult with statistical tools and supervised learning techniques; on the other hand, semi-supervised learning generates better results with the smallest datasets even with missing values.展开更多
Sentiment analysis is based on the orientation of user attitudes and satisfaction towards services and subjects.Different methods and techniques have been introduced to analyze sentiments for obtaining high accuracy.T...Sentiment analysis is based on the orientation of user attitudes and satisfaction towards services and subjects.Different methods and techniques have been introduced to analyze sentiments for obtaining high accuracy.The sentiment analysis accuracy depends mainly on supervised and unsupervised mechanisms.Supervised mechanisms are based on machine learning algorithms that achieve moderate or high accuracy but the manual annotation of data is considered a time-consuming process.In unsupervised mechanisms,a lexicon is constructed for storing polarity terms.The accuracy of analyzing data is considered moderate or low if the lexicon contains small terms.In addition,most research methodologies analyze datasets using only 3-weight polarity that can mainly affect the performance of the analysis process.Applying both methods for obtaining high accuracy and efficiency with low user intervention during the analysis process is considered a challenging process.This paper provides a comprehensive evaluation of polarity weights and mechanisms for recent sentiment analysis research.A semi-supervised framework is applied for processing data using both lexicon and machine learning algorithms.An interactive sentiment analysis algorithm is proposed for distributing multi-weight polarities on Arabic lexicons that contain high morphological and linguistic terms.An enhanced scaling algorithm is embedded in the multi-weight algorithm to assign recommended weight polarities automatically.The experimental results are conducted on two datasets to measure the over-all accuracy of proposed algorithms that achieved high results when compared to machine learning algorithms.展开更多
Recently,the Cooperative Training Algorithm(CTA),a well-known Semi-Supervised Learning(SSL)technique,has garnered significant attention in the field of image classification.However,traditional CTA approaches face chal...Recently,the Cooperative Training Algorithm(CTA),a well-known Semi-Supervised Learning(SSL)technique,has garnered significant attention in the field of image classification.However,traditional CTA approaches face challenges such as high computational complexity and low classification accuracy.To overcome these limitations,we present a novel approach called Weighted fusion based Cooperative Training Algorithm(W-CTA),which leverages the cooperative training technique and unlabeled data to enhance classification performance.Moreover,we introduce the K-means Cooperative Training Algorithm(km-CTA)to prevent the occurrence of local optima during the training phase.Finally,we conduct various experiments to verify the performance of the proposed methods.Experimental results show that W-CTA and km-CTA are effective and efficient on CIFAR-10 dataset.展开更多
Semi-Supervised Classification (SSC),which makes use of both labeled and unlabeled data to determine classification borders in feature space,has great advantages in extracting classification information from mass data...Semi-Supervised Classification (SSC),which makes use of both labeled and unlabeled data to determine classification borders in feature space,has great advantages in extracting classification information from mass data.In this paper,a novel SSC method based on Gaussian Mixture Model (GMM) is proposed,in which each class’s feature space is described by one GMM.Experiments show the proposed method can achieve high classification accuracy with small amount of labeled data.However,for the same accuracy,supervised classification methods such as Support Vector Machine,Object Oriented Classification,etc.should be provided with much more labeled data.展开更多
This paper proposes a novel graph-based transductive learning algorithm based on manifold regularization. First, the manifold regularization was introduced to probabilistic discriminant model for semi-supervised class...This paper proposes a novel graph-based transductive learning algorithm based on manifold regularization. First, the manifold regularization was introduced to probabilistic discriminant model for semi-supervised classification task. And then a variation of the expectation maximization (EM) algorithm was derived to solve the optimization problem, which leads to an iterative algorithm. Although our method is developed in probabilistic framework, there is no need to make assumption about the specific form of data distribution. Besides, the crucial updating formula has closed form. This method was evaluated for text categorization on two standard datasets, 20 news group and Reuters-21578. Experiments show that our approach outperforms the state-of-the-art graph-based transductive learning methods.展开更多
基金Project supported by the Open Fund of Advanced Cryptography and System Security Key Laboratory of Sichuan Province(Grant No.SKLACSS-202108)the National Natural Science Foundation of China(Grant No.U162271070)Scientific Research Fund of Zaozhuang University(Grant No.102061901).
文摘Label propagation is an essential semi-supervised learning method based on graphs,which has a broad spectrum of applications in pattern recognition and data mining.This paper proposes a quantum semi-supervised classifier based on label propagation.Considering the difficulty of graph construction,we develop a variational quantum label propagation(VQLP)method.In this method,a locally parameterized quantum circuit is created to reduce the parameters required in the optimization.Furthermore,we design a quantum semi-supervised binary classifier based on hybrid Bell and Z bases measurement,which has a shallower circuit depth and is more suitable for implementation on near-term quantum devices.We demonstrate the performance of the quantum semi-supervised classifier on the Iris data set,and the simulation results show that the quantum semi-supervised classifier has higher classification accuracy than the swap test classifier.This work opens a new path to quantum machine learning based on graphs.
基金Sponsored by the National Natural Science Foundation of China(Grant No.61101122)the National High Technology Research and Development Program of China(Grant No.2012AA120802)the National Science and Technology Major Project of the Ministry of Science and Technology of China(Grant No.2012ZX03004-003)
文摘For indoor location estimation based on received signal strength( RSS) in wireless local area networks( WLAN),in order to reduce the influence of noise on the positioning accuracy,a large number of RSS should be collected in offline phase. Therefore,collecting training data with positioning information is time consuming which becomes the bottleneck of WLAN indoor localization. In this paper,the traditional semisupervised learning method based on k-NN and ε-NN graph for reducing collection workload of offline phase are analyzed,and the result shows that the k-NN or ε-NN graph are sensitive to data noise,which limit the performance of semi-supervised learning WLAN indoor localization system. Aiming at the above problem,it proposes a l1-graph-algorithm-based semi-supervised learning( LG-SSL) indoor localization method in which the graph is built by l1-norm algorithm. In our system,it firstly labels the unlabeled data using LG-SSL and labeled data to build the Radio Map in offline training phase,and then uses LG-SSL to estimate user's location in online phase. Extensive experimental results show that,benefit from the robustness to noise and sparsity ofl1-graph,LG-SSL exhibits superior performance by effectively reducing the collection workload in offline phase and improving localization accuracy in online phase.
文摘Online review platforms are becoming increasingly popular,encouraging dishonest merchants and service providers to deceive customers by creating fake reviews for their goods or services.Using Sybil accounts,bot farms,and real account purchases,immoral actors demonize rivals and advertise their goods.Most academic and industry efforts have been aimed at detecting fake/fraudulent product or service evaluations for years.The primary hurdle to identifying fraudulent reviews is the lack of a reliable means to distinguish fraudulent reviews from real ones.This paper adopts a semi-supervised machine learning method to detect fake reviews on any website,among other things.Online reviews are classified using a semi-supervised approach(PU-learning)since there is a shortage of labeled data,and they are dynamic.Then,classification is performed using the machine learning techniques Support Vector Machine(SVM)and Nave Bayes.The performance of the suggested system has been compared with standard works,and experimental findings are assessed using several assessment metrics.
基金This research was supported by Universiti Teknologi PETRONAS,under the Yayasan Universiti Teknologi PETRONAS(YUTP)Fundamental Research Grant Scheme(YUTPFRG/015LC0-308).
文摘Generative Adversarial Networks(GANs)are neural networks that allow models to learn deep representations without requiring a large amount of training data.Semi-Supervised GAN Classifiers are a recent innovation in GANs,where GANs are used to classify generated images into real and fake and multiple classes,similar to a general multi-class classifier.However,GANs have a sophisticated design that can be challenging to train.This is because obtaining the proper set of parameters for all models-generator,discriminator,and classifier is complex.As a result,training a single GAN model for different datasets may not produce satisfactory results.Therefore,this study proposes an SGAN model(Semi-Supervised GAN Classifier).First,a baseline model was constructed.The model was then enhanced by leveraging the Sine-Cosine Algorithm and Synthetic Minority Oversampling Technique(SMOTE).SMOTE was used to address class imbalances in the dataset,while Sine Cosine Algorithm(SCA)was used to optimize the weights of the classifier models.The optimal set of hyperparameters(learning rate and batch size)were obtained using grid manual search.Four well-known benchmark datasets and a set of evaluation measures were used to validate the proposed model.The proposed method was then compared against existing models,and the results on each dataset were recorded and demonstrated the effectiveness of the proposed model.The proposed model successfully showed improved test accuracy scores of 1%,2%,15%,and 5%on benchmarking multimedia datasets;Modified National Institute of Standards and Technology(MNIST)digits,Fashion MNIST,Pneumonia Chest X-ray,and Facial Emotion Detection Dataset,respectively.
基金Supported by the National High Technology Research and Development Programme (No.2007AA12Z227) and the National Natural Science Foundation of China (No.40701146).
文摘These problems of nonlinearity, fuzziness and few labeled data were rarely considered in traditional remote sensing image classification. A semi-supervised kernel fuzzy C-means (SSKFCM) algorithm is proposed to overcome these disadvantages of remote sensing image classification in this paper. The SSKFCM algorithm is achieved by introducing a kernel method and semi-supervised learning technique into the standard fuzzy C-means (FCM) algorithm. A set of Beijing-1 micro-satellite's multispectral images are adopted to be classified by several algorithms, such as FCM, kernel FCM (KFCM), semi-supervised FCM (SSFCM) and SSKFCM. The classification results are estimated by corresponding indexes. The results indicate that the SSKFCM algorithm significantly improves the classification accuracy of remote sensing images compared with the others.
文摘Experimentation data of perspex glass sheet cutting, using CO2 laser, with missing values were modelled with semi-supervised artificial neural networks. Factorial design of experiment was selected for the verification of orthogonal array based model prediction. It shows improvement in modelling of edge quality and kerf width by applying semi-supervised learning algorithm, based on novel error assessment on simulations. The results are expected to depict better prediction on average by utilizing the systematic randomized techniques to initialize the neural network weights and increase the number of initialization. Missing values handling is difficult with statistical tools and supervised learning techniques; on the other hand, semi-supervised learning generates better results with the smallest datasets even with missing values.
基金funded by the Deanship of Scientific Research at Jouf University under Grant No.(DSR-2021-02-0102)。
文摘Sentiment analysis is based on the orientation of user attitudes and satisfaction towards services and subjects.Different methods and techniques have been introduced to analyze sentiments for obtaining high accuracy.The sentiment analysis accuracy depends mainly on supervised and unsupervised mechanisms.Supervised mechanisms are based on machine learning algorithms that achieve moderate or high accuracy but the manual annotation of data is considered a time-consuming process.In unsupervised mechanisms,a lexicon is constructed for storing polarity terms.The accuracy of analyzing data is considered moderate or low if the lexicon contains small terms.In addition,most research methodologies analyze datasets using only 3-weight polarity that can mainly affect the performance of the analysis process.Applying both methods for obtaining high accuracy and efficiency with low user intervention during the analysis process is considered a challenging process.This paper provides a comprehensive evaluation of polarity weights and mechanisms for recent sentiment analysis research.A semi-supervised framework is applied for processing data using both lexicon and machine learning algorithms.An interactive sentiment analysis algorithm is proposed for distributing multi-weight polarities on Arabic lexicons that contain high morphological and linguistic terms.An enhanced scaling algorithm is embedded in the multi-weight algorithm to assign recommended weight polarities automatically.The experimental results are conducted on two datasets to measure the over-all accuracy of proposed algorithms that achieved high results when compared to machine learning algorithms.
基金supported in part by the National Natural Science Foundation of China(NSFC)(Nos.62033010,62102134)in part by the Leading talents of science and technology in the Central Plain of China(No.224200510004)+2 种基金in part by the Key R&D projects in Henan Province,China(No.231111222600)in part by the Aeronautical Science Foundation of China(No.2019460T5001)in part by the Scientific and Technological Innovation Talents of Colleges and Universities in Henan Province,China(No.22HASTIT014).
文摘Recently,the Cooperative Training Algorithm(CTA),a well-known Semi-Supervised Learning(SSL)technique,has garnered significant attention in the field of image classification.However,traditional CTA approaches face challenges such as high computational complexity and low classification accuracy.To overcome these limitations,we present a novel approach called Weighted fusion based Cooperative Training Algorithm(W-CTA),which leverages the cooperative training technique and unlabeled data to enhance classification performance.Moreover,we introduce the K-means Cooperative Training Algorithm(km-CTA)to prevent the occurrence of local optima during the training phase.Finally,we conduct various experiments to verify the performance of the proposed methods.Experimental results show that W-CTA and km-CTA are effective and efficient on CIFAR-10 dataset.
基金supported by the State Key Laboratory of Remote Sensing Science and Chinese Academy of Surveying & Mapping (Grant No.20903)
文摘Semi-Supervised Classification (SSC),which makes use of both labeled and unlabeled data to determine classification borders in feature space,has great advantages in extracting classification information from mass data.In this paper,a novel SSC method based on Gaussian Mixture Model (GMM) is proposed,in which each class’s feature space is described by one GMM.Experiments show the proposed method can achieve high classification accuracy with small amount of labeled data.However,for the same accuracy,supervised classification methods such as Support Vector Machine,Object Oriented Classification,etc.should be provided with much more labeled data.
基金supported by the Mechanism Socialist Method and Higher Intelligence Theory of the National Natural Science Fund Projects(60873001)
文摘This paper proposes a novel graph-based transductive learning algorithm based on manifold regularization. First, the manifold regularization was introduced to probabilistic discriminant model for semi-supervised classification task. And then a variation of the expectation maximization (EM) algorithm was derived to solve the optimization problem, which leads to an iterative algorithm. Although our method is developed in probabilistic framework, there is no need to make assumption about the specific form of data distribution. Besides, the crucial updating formula has closed form. This method was evaluated for text categorization on two standard datasets, 20 news group and Reuters-21578. Experiments show that our approach outperforms the state-of-the-art graph-based transductive learning methods.