A new intrusion detection method based on learning vector quantization (LVQ) with low overhead and high efficiency is presented. The computer vision system employs LVQ neural networks as classifier to recognize intr...A new intrusion detection method based on learning vector quantization (LVQ) with low overhead and high efficiency is presented. The computer vision system employs LVQ neural networks as classifier to recognize intrusion. The recognition process includes three stages: (1) feature selection and data normalization processing;(2) learning the training data selected from the feature data set; (3) identifying the intrusion and generating the result report of machine condition classification. Experimental results show that the proposed method is promising in terms of detection accuracy, computational expense and implementation for intrusion detection.展开更多
Grains are the most important food consumed globally,yet their yield can be severely impacted by pest infestations.Addressing this issue,scientists and researchers strive to enhance the yield-to-seed ratio through eff...Grains are the most important food consumed globally,yet their yield can be severely impacted by pest infestations.Addressing this issue,scientists and researchers strive to enhance the yield-to-seed ratio through effective pest detection methods.Traditional approaches often rely on preprocessed datasets,but there is a growing need for solutions that utilize real-time images of pests in their natural habitat.Our study introduces a novel twostep approach to tackle this challenge.Initially,raw images with complex backgrounds are captured.In the subsequent step,feature extraction is performed using both hand-crafted algorithms(Haralick,LBP,and Color Histogram)and modified deep-learning architectures.We propose two models for this purpose:PestNet-EF and PestNet-LF.PestNet-EF uses an early fusion technique to integrate handcrafted and deep learning features,followed by adaptive feature selection methods such as CFS and Recursive Feature Elimination(RFE).PestNet-LF utilizes a late fusion technique,incorporating three additional layers(fully connected,softmax,and classification)to enhance performance.These models were evaluated across 15 classes of pests,including five classes each for rice,corn,and wheat.The performance of our suggested algorithms was tested against the IP102 dataset.Simulation demonstrates that the Pestnet-EF model achieved an accuracy of 96%,and the PestNet-LF model with majority voting achieved the highest accuracy of 94%,while PestNet-LF with the average model attained an accuracy of 92%.Also,the proposed approach was compared with existing methods that rely on hand-crafted and transfer learning techniques,showcasing the effectiveness of our approach in real-time pest detection for improved agricultural yield.展开更多
A novel adaptive support vector regression neural network (SVR-NN) is proposed, which combines respectively merits of support vector machines and a neural network. First, a support vector regression approach is appl...A novel adaptive support vector regression neural network (SVR-NN) is proposed, which combines respectively merits of support vector machines and a neural network. First, a support vector regression approach is applied to determine the initial structure and initial weights of the SVR-NN so that the network architecture is easily determined and the hidden nodes can adaptively be constructed based on support vectors. Furthermore, an annealing robust learning algorithm is presented to adjust these hidden node parameters as well as the weights of the SVR-NN. To test the validity of the proposed method, it is demonstrated that the adaptive SVR-NN can be used effectively for the identification of nonlinear dynamic systems. Simulation results show that the identification schemes based on the SVR-NN give considerably better performance and show faster learning in comparison to the previous neural network method.展开更多
The quantization algorithm compresses the original network by reducing the numerical bit width of the model,which improves the computation speed. Because different layers have different redundancy and sensitivity to d...The quantization algorithm compresses the original network by reducing the numerical bit width of the model,which improves the computation speed. Because different layers have different redundancy and sensitivity to databit width. Reducing the data bit width will result in a loss of accuracy. Therefore, it is difficult to determinethe optimal bit width for different parts of the network with guaranteed accuracy. Mixed precision quantizationcan effectively reduce the amount of computation while keeping the model accuracy basically unchanged. In thispaper, a hardware-aware mixed precision quantization strategy optimal assignment algorithm adapted to low bitwidth is proposed, and reinforcement learning is used to automatically predict the mixed precision that meets theconstraints of hardware resources. In the state-space design, the standard deviation of weights is used to measurethe distribution difference of data, the execution speed feedback of simulated neural network accelerator inferenceis used as the environment to limit the action space of the agent, and the accuracy of the quantization model afterretraining is used as the reward function to guide the agent to carry out deep reinforcement learning training. Theexperimental results show that the proposed method obtains a suitable model layer-by-layer quantization strategyunder the condition that the computational resources are satisfied, and themodel accuracy is effectively improved.The proposed method has strong intelligence and certain universality and has strong application potential in thefield of mixed precision quantization and embedded neural network model deployment.展开更多
Option pricing has become one of the quite important parts of the financial market. As the market is always dynamic, it is really difficult to predict the option price accurately. For this reason, various machine lear...Option pricing has become one of the quite important parts of the financial market. As the market is always dynamic, it is really difficult to predict the option price accurately. For this reason, various machine learning techniques have been designed and developed to deal with the problem of predicting the future trend of option price. In this paper, we compare the effectiveness of Support Vector Machine (SVM) and Artificial Neural Network (ANN) models for the prediction of option price. Both models are tested with a benchmark publicly available dataset namely SPY option price-2015 in both testing and training phases. The converted data through Principal Component Analysis (PCA) is used in both models to achieve better prediction accuracy. On the other hand, the entire dataset is partitioned into two groups of training (70%) and test sets (30%) to avoid overfitting problem. The outcomes of the SVM model are compared with those of the ANN model based on the root mean square errors (RMSE). It is demonstrated by the experimental results that the ANN model performs better than the SVM model, and the predicted option prices are in good agreement with the corresponding actual option prices.展开更多
In engineering practice,it is often necessary to determine functional relationships between dependent and independent variables.These relationships can be highly nonlinear,and classical regression approaches cannot al...In engineering practice,it is often necessary to determine functional relationships between dependent and independent variables.These relationships can be highly nonlinear,and classical regression approaches cannot always provide sufficiently reliable solutions.Nevertheless,Machine Learning(ML)techniques,which offer advanced regression tools to address complicated engineering issues,have been developed and widely explored.This study investigates the selected ML techniques to evaluate their suitability for application in the hot deformation behavior of metallic materials.The ML-based regression methods of Artificial Neural Networks(ANNs),Support Vector Machine(SVM),Decision Tree Regression(DTR),and Gaussian Process Regression(GPR)are applied to mathematically describe hot flow stress curve datasets acquired experimentally for a medium-carbon steel.Although the GPR method has not been used for such a regression task before,the results showed that its performance is the most favorable and practically unrivaled;neither the ANN method nor the other studied ML techniques provide such precise results of the solved regression analysis.展开更多
Learning Vector Quantization(LVQ)originally proposed by Kohonen(1989)is aneurally-inspired classifier which pays attention to approximating the optimal Bayes decisionboundaries associated with a classification task.Wi...Learning Vector Quantization(LVQ)originally proposed by Kohonen(1989)is aneurally-inspired classifier which pays attention to approximating the optimal Bayes decisionboundaries associated with a classification task.With respect to several defects of LVQ2 algorithmstudied in this paper,some‘soft’competition schemes such as‘majority voting’scheme andcredibility calculation are proposed for improving the ability of classification as well as the learningspeed.Meanwhile,the probabilities of winning are introduced into the corrections for referencevectors in the‘soft’competition.In contrast with the conventional sequential learning technique,a novel parallel learning technique is developed to perform LVQ2 procedure.Experimental resultsof speech recognition show that these new approaches can lead to better performance as comparedwith the conventional展开更多
Heart failure is now widely spread throughout the world.Heart disease affects approximately 48%of the population.It is too expensive and also difficult to cure the disease.This research paper represents machine learni...Heart failure is now widely spread throughout the world.Heart disease affects approximately 48%of the population.It is too expensive and also difficult to cure the disease.This research paper represents machine learning models to predict heart failure.The fundamental concept is to compare the correctness of various Machine Learning(ML)algorithms and boost algorithms to improve models’accuracy for prediction.Some supervised algorithms like K-Nearest Neighbor(KNN),Support Vector Machine(SVM),Decision Trees(DT),Random Forest(RF),Logistic Regression(LR)are considered to achieve the best results.Some boosting algorithms like Extreme Gradient Boosting(XGBoost)and Cat-Boost are also used to improve the prediction using Artificial Neural Networks(ANN).This research also focuses on data visualization to identify patterns,trends,and outliers in a massive data set.Python and Scikit-learns are used for ML.Tensor Flow and Keras,along with Python,are used for ANN model train-ing.The DT and RF algorithms achieved the highest accuracy of 95%among the classifiers.Meanwhile,KNN obtained a second height accuracy of 93.33%.XGBoost had a gratified accuracy of 91.67%,SVM,CATBoost,and ANN had an accuracy of 90%,and LR had 88.33%accuracy.展开更多
Adjoint method is widely used in aerodynamic design because only once solution of flow field is required for it to obtain the gradients of all design variables. However, the computational cost of adjoint vector is app...Adjoint method is widely used in aerodynamic design because only once solution of flow field is required for it to obtain the gradients of all design variables. However, the computational cost of adjoint vector is approximately equal to that of flow computation. In order to accelerate the solution of adjoint vector and improve the efficiency of adjoint-based optimization, machine learning for adjoint vector modeling is presented. Deep neural network (DNN) is employed to construct the mapping between the adjoint vector and the local flow variables. DNN can efficiently predict adjoint vector and its generalization is examined by a transonic drag reduction of NACA0012 airfoil. The results indicate that with negligible computational cost of the adjoint vector, the proposed DNN-based adjoint method can achieve the same optimization results as the traditional adjoint method.展开更多
Protein Secondary Structure Prediction (PSSP) is considered as one of the major challenging tasks in bioinformatics, so many solutions have been proposed to solve that problem via trying to achieve more accurate predi...Protein Secondary Structure Prediction (PSSP) is considered as one of the major challenging tasks in bioinformatics, so many solutions have been proposed to solve that problem via trying to achieve more accurate prediction results. The goal of this paper is to develop and implement an intelligent based system to predict secondary structure of a protein from its primary amino acid sequence by using five models of Neural Network (NN). These models are Feed Forward Neural Network (FNN), Learning Vector Quantization (LVQ), Probabilistic Neural Network (PNN), Convolutional Neural Network (CNN), and CNN Fine Tuning for PSSP. To evaluate our approaches two datasets have been used. The first one contains 114 protein samples, and the second one contains 1845 protein samples.展开更多
This paper proposes a novel grading method of apples,in an automated grading device that uses convolutional neural networks to extract the size,color,texture,and roundness of an apple.The developed machine learning me...This paper proposes a novel grading method of apples,in an automated grading device that uses convolutional neural networks to extract the size,color,texture,and roundness of an apple.The developed machine learning method uses the ability of learning representative features by means of a convolutional neural network(CNN),to determine suitable features of apples for the grading process.This information is fed into a one-to-one classifier that uses a support vector machine(SVM),instead of the softmax output layer of the CNN.In this manner,Yantai apples with similar shapes and low discrimination are graded using four different approaches.The fusion model using both CNN and SVM classifiers is much more accurate than the simple k-nearest neighbor(KNN),SVM,and CNN model when used separately for grading,and the learning ability and the generalization ability of the model is correspondingly increased by the combined method.Grading tests are carried out using the automated grading device that is developed in the present work.It is verified that the actual effect of apple grading using the combined CNN-SVM model is fast and accurate,which greatly reduces the manpower and labor costs of manual grading,and has important commercial prospects.展开更多
External factors, such as social media and financial news, can have wide-spread effects on stock price movement. For this reason, social media is considered a useful resource for precise market predictions. In this pa...External factors, such as social media and financial news, can have wide-spread effects on stock price movement. For this reason, social media is considered a useful resource for precise market predictions. In this paper, we show the effectiveness of using Twitter posts to predict stock prices. We start by training various models on the Sentiment 140 Twitter data. We found that Support Vector Machines (SVM) performed best (0.83 accuracy) in the sentimental analysis, so we used it to predict the average sentiment of tweets for each day that the market was open. Next, we use the sentimental analysis of one year’s data of tweets that contain the “stock market”, “stocktwits”, “AAPL” keywords, with the goal of predicting the corresponding stock prices of Apple Inc. (AAPL) and the US’s Dow Jones Industrial Average (DJIA) index prices. Two models, Boosted Regression Trees and Multilayer Perceptron Neural Networks were used to predict the closing price difference of AAPL and DJIA prices. We show that neural networks perform substantially better than traditional models for stocks’ price prediction.展开更多
Conventional machine learning(CML)methods have been successfully applied for gas reservoir prediction.Their prediction accuracy largely depends on the quality of the sample data;therefore,feature optimization of the i...Conventional machine learning(CML)methods have been successfully applied for gas reservoir prediction.Their prediction accuracy largely depends on the quality of the sample data;therefore,feature optimization of the input samples is particularly important.Commonly used feature optimization methods increase the interpretability of gas reservoirs;however,their steps are cumbersome,and the selected features cannot sufficiently guide CML models to mine the intrinsic features of sample data efficiently.In contrast to CML methods,deep learning(DL)methods can directly extract the important features of targets from raw data.Therefore,this study proposes a feature optimization and gas-bearing prediction method based on a hybrid fusion model that combines a convolutional neural network(CNN)and an adaptive particle swarm optimization-least squares support vector machine(APSO-LSSVM).This model adopts an end-to-end algorithm structure to directly extract features from sensitive multicomponent seismic attributes,considerably simplifying the feature optimization.A CNN was used for feature optimization to highlight sensitive gas reservoir information.APSO-LSSVM was used to fully learn the relationship between the features extracted by the CNN to obtain the prediction results.The constructed hybrid fusion model improves gas-bearing prediction accuracy through two processes of feature optimization and intelligent prediction,giving full play to the advantages of DL and CML methods.The prediction results obtained are better than those of a single CNN model or APSO-LSSVM model.In the feature optimization process of multicomponent seismic attribute data,CNN has demonstrated better gas reservoir feature extraction capabilities than commonly used attribute optimization methods.In the prediction process,the APSO-LSSVM model can learn the gas reservoir characteristics better than the LSSVM model and has a higher prediction accuracy.The constructed CNN-APSO-LSSVM model had lower errors and a better fit on the test dataset than the other individual models.This method proves the effectiveness of DL technology for the feature extraction of gas reservoirs and provides a feasible way to combine DL and CML technologies to predict gas reservoirs.展开更多
Breast cancer diagnosis through mammography is a pivotal application within medical image-based diagnostics,integral for early detection and effective treatment.While deep learning has significantly advanced the analy...Breast cancer diagnosis through mammography is a pivotal application within medical image-based diagnostics,integral for early detection and effective treatment.While deep learning has significantly advanced the analysis of mammographic images,challenges such as low contrast,image noise,and the high dimensionality of features often degrade model performance.Addressing these challenges,our study introduces a novel method integrating Genetic Algorithms(GA)with pre-trained Convolutional Neural Network(CNN)models to enhance feature selection and classification accuracy.Our approach involves a systematic process:first,we employ widely-used CNN architectures(VGG16,VGG19,MobileNet,and DenseNet)to extract a broad range of features from the Medical Image Analysis Society(MIAS)mammography dataset.Subsequently,a GA optimizes these features by selecting the most relevant and least redundant,aiming to overcome the typical pitfalls of high dimensionality.The selected features are then utilized to train several classifiers,including Linear and Polynomial Support Vector Machines(SVMs),K-Nearest Neighbors,Decision Trees,and Random Forests,enabling a robust evaluation of the method’s effectiveness across varied learning algorithms.Our extensive experimental evaluation demonstrates that the integration of MobileNet and GA significantly improves classification accuracy,from 83.33%to 89.58%,underscoring the method’s efficacy.By detailing these steps,we highlight the innovation of our approach which not only addresses key issues in breast cancer imaging analysis but also offers a scalable solution potentially applicable to other domains within medical imaging.展开更多
基金Supported by the National Natural Science Foundation of China (60573047), Natural Science Foundation of the Science and Technology Committee of Chongqing (8503) and the Applying Basic Research of the Education Committee of Chongqing (KJ060804)
文摘A new intrusion detection method based on learning vector quantization (LVQ) with low overhead and high efficiency is presented. The computer vision system employs LVQ neural networks as classifier to recognize intrusion. The recognition process includes three stages: (1) feature selection and data normalization processing;(2) learning the training data selected from the feature data set; (3) identifying the intrusion and generating the result report of machine condition classification. Experimental results show that the proposed method is promising in terms of detection accuracy, computational expense and implementation for intrusion detection.
基金supported in part by the Basic Science Research Program through the National Research Foundation of Korea(NRF)funded by the Ministry of Education(NRF-2021R1A6A1A03039493)in part by the NRF grant funded by the Korean government(MSIT)(NRF-2022R1A2C1004401).
文摘Grains are the most important food consumed globally,yet their yield can be severely impacted by pest infestations.Addressing this issue,scientists and researchers strive to enhance the yield-to-seed ratio through effective pest detection methods.Traditional approaches often rely on preprocessed datasets,but there is a growing need for solutions that utilize real-time images of pests in their natural habitat.Our study introduces a novel twostep approach to tackle this challenge.Initially,raw images with complex backgrounds are captured.In the subsequent step,feature extraction is performed using both hand-crafted algorithms(Haralick,LBP,and Color Histogram)and modified deep-learning architectures.We propose two models for this purpose:PestNet-EF and PestNet-LF.PestNet-EF uses an early fusion technique to integrate handcrafted and deep learning features,followed by adaptive feature selection methods such as CFS and Recursive Feature Elimination(RFE).PestNet-LF utilizes a late fusion technique,incorporating three additional layers(fully connected,softmax,and classification)to enhance performance.These models were evaluated across 15 classes of pests,including five classes each for rice,corn,and wheat.The performance of our suggested algorithms was tested against the IP102 dataset.Simulation demonstrates that the Pestnet-EF model achieved an accuracy of 96%,and the PestNet-LF model with majority voting achieved the highest accuracy of 94%,while PestNet-LF with the average model attained an accuracy of 92%.Also,the proposed approach was compared with existing methods that rely on hand-crafted and transfer learning techniques,showcasing the effectiveness of our approach in real-time pest detection for improved agricultural yield.
文摘A novel adaptive support vector regression neural network (SVR-NN) is proposed, which combines respectively merits of support vector machines and a neural network. First, a support vector regression approach is applied to determine the initial structure and initial weights of the SVR-NN so that the network architecture is easily determined and the hidden nodes can adaptively be constructed based on support vectors. Furthermore, an annealing robust learning algorithm is presented to adjust these hidden node parameters as well as the weights of the SVR-NN. To test the validity of the proposed method, it is demonstrated that the adaptive SVR-NN can be used effectively for the identification of nonlinear dynamic systems. Simulation results show that the identification schemes based on the SVR-NN give considerably better performance and show faster learning in comparison to the previous neural network method.
文摘The quantization algorithm compresses the original network by reducing the numerical bit width of the model,which improves the computation speed. Because different layers have different redundancy and sensitivity to databit width. Reducing the data bit width will result in a loss of accuracy. Therefore, it is difficult to determinethe optimal bit width for different parts of the network with guaranteed accuracy. Mixed precision quantizationcan effectively reduce the amount of computation while keeping the model accuracy basically unchanged. In thispaper, a hardware-aware mixed precision quantization strategy optimal assignment algorithm adapted to low bitwidth is proposed, and reinforcement learning is used to automatically predict the mixed precision that meets theconstraints of hardware resources. In the state-space design, the standard deviation of weights is used to measurethe distribution difference of data, the execution speed feedback of simulated neural network accelerator inferenceis used as the environment to limit the action space of the agent, and the accuracy of the quantization model afterretraining is used as the reward function to guide the agent to carry out deep reinforcement learning training. Theexperimental results show that the proposed method obtains a suitable model layer-by-layer quantization strategyunder the condition that the computational resources are satisfied, and themodel accuracy is effectively improved.The proposed method has strong intelligence and certain universality and has strong application potential in thefield of mixed precision quantization and embedded neural network model deployment.
文摘Option pricing has become one of the quite important parts of the financial market. As the market is always dynamic, it is really difficult to predict the option price accurately. For this reason, various machine learning techniques have been designed and developed to deal with the problem of predicting the future trend of option price. In this paper, we compare the effectiveness of Support Vector Machine (SVM) and Artificial Neural Network (ANN) models for the prediction of option price. Both models are tested with a benchmark publicly available dataset namely SPY option price-2015 in both testing and training phases. The converted data through Principal Component Analysis (PCA) is used in both models to achieve better prediction accuracy. On the other hand, the entire dataset is partitioned into two groups of training (70%) and test sets (30%) to avoid overfitting problem. The outcomes of the SVM model are compared with those of the ANN model based on the root mean square errors (RMSE). It is demonstrated by the experimental results that the ANN model performs better than the SVM model, and the predicted option prices are in good agreement with the corresponding actual option prices.
基金supported by the SP2024/089 Project by the Faculty of Materials Science and Technology,VˇSB-Technical University of Ostrava.
文摘In engineering practice,it is often necessary to determine functional relationships between dependent and independent variables.These relationships can be highly nonlinear,and classical regression approaches cannot always provide sufficiently reliable solutions.Nevertheless,Machine Learning(ML)techniques,which offer advanced regression tools to address complicated engineering issues,have been developed and widely explored.This study investigates the selected ML techniques to evaluate their suitability for application in the hot deformation behavior of metallic materials.The ML-based regression methods of Artificial Neural Networks(ANNs),Support Vector Machine(SVM),Decision Tree Regression(DTR),and Gaussian Process Regression(GPR)are applied to mathematically describe hot flow stress curve datasets acquired experimentally for a medium-carbon steel.Although the GPR method has not been used for such a regression task before,the results showed that its performance is the most favorable and practically unrivaled;neither the ANN method nor the other studied ML techniques provide such precise results of the solved regression analysis.
文摘Learning Vector Quantization(LVQ)originally proposed by Kohonen(1989)is aneurally-inspired classifier which pays attention to approximating the optimal Bayes decisionboundaries associated with a classification task.With respect to several defects of LVQ2 algorithmstudied in this paper,some‘soft’competition schemes such as‘majority voting’scheme andcredibility calculation are proposed for improving the ability of classification as well as the learningspeed.Meanwhile,the probabilities of winning are introduced into the corrections for referencevectors in the‘soft’competition.In contrast with the conventional sequential learning technique,a novel parallel learning technique is developed to perform LVQ2 procedure.Experimental resultsof speech recognition show that these new approaches can lead to better performance as comparedwith the conventional
基金Taif University Researchers Supporting Project Number(TURSP-2020/73)Taif University,Taif,Saudi Arabia.
文摘Heart failure is now widely spread throughout the world.Heart disease affects approximately 48%of the population.It is too expensive and also difficult to cure the disease.This research paper represents machine learning models to predict heart failure.The fundamental concept is to compare the correctness of various Machine Learning(ML)algorithms and boost algorithms to improve models’accuracy for prediction.Some supervised algorithms like K-Nearest Neighbor(KNN),Support Vector Machine(SVM),Decision Trees(DT),Random Forest(RF),Logistic Regression(LR)are considered to achieve the best results.Some boosting algorithms like Extreme Gradient Boosting(XGBoost)and Cat-Boost are also used to improve the prediction using Artificial Neural Networks(ANN).This research also focuses on data visualization to identify patterns,trends,and outliers in a massive data set.Python and Scikit-learns are used for ML.Tensor Flow and Keras,along with Python,are used for ANN model train-ing.The DT and RF algorithms achieved the highest accuracy of 95%among the classifiers.Meanwhile,KNN obtained a second height accuracy of 93.33%.XGBoost had a gratified accuracy of 91.67%,SVM,CATBoost,and ANN had an accuracy of 90%,and LR had 88.33%accuracy.
基金This work was supported by the National Numerical Wind tunnel Project(Grant NNW2018-ZT1B01)the National Natural Science Foundation of China(Grant 91852115).
文摘Adjoint method is widely used in aerodynamic design because only once solution of flow field is required for it to obtain the gradients of all design variables. However, the computational cost of adjoint vector is approximately equal to that of flow computation. In order to accelerate the solution of adjoint vector and improve the efficiency of adjoint-based optimization, machine learning for adjoint vector modeling is presented. Deep neural network (DNN) is employed to construct the mapping between the adjoint vector and the local flow variables. DNN can efficiently predict adjoint vector and its generalization is examined by a transonic drag reduction of NACA0012 airfoil. The results indicate that with negligible computational cost of the adjoint vector, the proposed DNN-based adjoint method can achieve the same optimization results as the traditional adjoint method.
文摘Protein Secondary Structure Prediction (PSSP) is considered as one of the major challenging tasks in bioinformatics, so many solutions have been proposed to solve that problem via trying to achieve more accurate prediction results. The goal of this paper is to develop and implement an intelligent based system to predict secondary structure of a protein from its primary amino acid sequence by using five models of Neural Network (NN). These models are Feed Forward Neural Network (FNN), Learning Vector Quantization (LVQ), Probabilistic Neural Network (PNN), Convolutional Neural Network (CNN), and CNN Fine Tuning for PSSP. To evaluate our approaches two datasets have been used. The first one contains 114 protein samples, and the second one contains 1845 protein samples.
文摘This paper proposes a novel grading method of apples,in an automated grading device that uses convolutional neural networks to extract the size,color,texture,and roundness of an apple.The developed machine learning method uses the ability of learning representative features by means of a convolutional neural network(CNN),to determine suitable features of apples for the grading process.This information is fed into a one-to-one classifier that uses a support vector machine(SVM),instead of the softmax output layer of the CNN.In this manner,Yantai apples with similar shapes and low discrimination are graded using four different approaches.The fusion model using both CNN and SVM classifiers is much more accurate than the simple k-nearest neighbor(KNN),SVM,and CNN model when used separately for grading,and the learning ability and the generalization ability of the model is correspondingly increased by the combined method.Grading tests are carried out using the automated grading device that is developed in the present work.It is verified that the actual effect of apple grading using the combined CNN-SVM model is fast and accurate,which greatly reduces the manpower and labor costs of manual grading,and has important commercial prospects.
文摘External factors, such as social media and financial news, can have wide-spread effects on stock price movement. For this reason, social media is considered a useful resource for precise market predictions. In this paper, we show the effectiveness of using Twitter posts to predict stock prices. We start by training various models on the Sentiment 140 Twitter data. We found that Support Vector Machines (SVM) performed best (0.83 accuracy) in the sentimental analysis, so we used it to predict the average sentiment of tweets for each day that the market was open. Next, we use the sentimental analysis of one year’s data of tweets that contain the “stock market”, “stocktwits”, “AAPL” keywords, with the goal of predicting the corresponding stock prices of Apple Inc. (AAPL) and the US’s Dow Jones Industrial Average (DJIA) index prices. Two models, Boosted Regression Trees and Multilayer Perceptron Neural Networks were used to predict the closing price difference of AAPL and DJIA prices. We show that neural networks perform substantially better than traditional models for stocks’ price prediction.
基金funded by the Natural Science Foundation of Shandong Province (ZR2021MD061ZR2023QD025)+3 种基金China Postdoctoral Science Foundation (2022M721972)National Natural Science Foundation of China (41174098)Young Talents Foundation of Inner Mongolia University (10000-23112101/055)Qingdao Postdoctoral Science Foundation (QDBSH20230102094)。
文摘Conventional machine learning(CML)methods have been successfully applied for gas reservoir prediction.Their prediction accuracy largely depends on the quality of the sample data;therefore,feature optimization of the input samples is particularly important.Commonly used feature optimization methods increase the interpretability of gas reservoirs;however,their steps are cumbersome,and the selected features cannot sufficiently guide CML models to mine the intrinsic features of sample data efficiently.In contrast to CML methods,deep learning(DL)methods can directly extract the important features of targets from raw data.Therefore,this study proposes a feature optimization and gas-bearing prediction method based on a hybrid fusion model that combines a convolutional neural network(CNN)and an adaptive particle swarm optimization-least squares support vector machine(APSO-LSSVM).This model adopts an end-to-end algorithm structure to directly extract features from sensitive multicomponent seismic attributes,considerably simplifying the feature optimization.A CNN was used for feature optimization to highlight sensitive gas reservoir information.APSO-LSSVM was used to fully learn the relationship between the features extracted by the CNN to obtain the prediction results.The constructed hybrid fusion model improves gas-bearing prediction accuracy through two processes of feature optimization and intelligent prediction,giving full play to the advantages of DL and CML methods.The prediction results obtained are better than those of a single CNN model or APSO-LSSVM model.In the feature optimization process of multicomponent seismic attribute data,CNN has demonstrated better gas reservoir feature extraction capabilities than commonly used attribute optimization methods.In the prediction process,the APSO-LSSVM model can learn the gas reservoir characteristics better than the LSSVM model and has a higher prediction accuracy.The constructed CNN-APSO-LSSVM model had lower errors and a better fit on the test dataset than the other individual models.This method proves the effectiveness of DL technology for the feature extraction of gas reservoirs and provides a feasible way to combine DL and CML technologies to predict gas reservoirs.
基金The authors extend their appreciation to the Deputyship for Research&Innovation,“Ministry of Education”in Saudi Arabia for funding this research work through the project number (IFKSUDR_D127).
文摘Breast cancer diagnosis through mammography is a pivotal application within medical image-based diagnostics,integral for early detection and effective treatment.While deep learning has significantly advanced the analysis of mammographic images,challenges such as low contrast,image noise,and the high dimensionality of features often degrade model performance.Addressing these challenges,our study introduces a novel method integrating Genetic Algorithms(GA)with pre-trained Convolutional Neural Network(CNN)models to enhance feature selection and classification accuracy.Our approach involves a systematic process:first,we employ widely-used CNN architectures(VGG16,VGG19,MobileNet,and DenseNet)to extract a broad range of features from the Medical Image Analysis Society(MIAS)mammography dataset.Subsequently,a GA optimizes these features by selecting the most relevant and least redundant,aiming to overcome the typical pitfalls of high dimensionality.The selected features are then utilized to train several classifiers,including Linear and Polynomial Support Vector Machines(SVMs),K-Nearest Neighbors,Decision Trees,and Random Forests,enabling a robust evaluation of the method’s effectiveness across varied learning algorithms.Our extensive experimental evaluation demonstrates that the integration of MobileNet and GA significantly improves classification accuracy,from 83.33%to 89.58%,underscoring the method’s efficacy.By detailing these steps,we highlight the innovation of our approach which not only addresses key issues in breast cancer imaging analysis but also offers a scalable solution potentially applicable to other domains within medical imaging.