In the contemporary era, the proliferation of information technology has led to an unprecedented surge in data generation, with this data being dispersed across a multitude of mobile devices. Facing these situations a...In the contemporary era, the proliferation of information technology has led to an unprecedented surge in data generation, with this data being dispersed across a multitude of mobile devices. Facing these situations and the training of deep learning model that needs great computing power support, the distributed algorithm that can carry out multi-party joint modeling has attracted everyone’s attention. The distributed training mode relieves the huge pressure of centralized model on computer computing power and communication. However, most distributed algorithms currently work in a master-slave mode, often including a central server for coordination, which to some extent will cause communication pressure, data leakage, privacy violations and other issues. To solve these problems, a decentralized fully distributed algorithm based on deep random weight neural network is proposed. The algorithm decomposes the original objective function into several sub-problems under consistency constraints, combines the decentralized average consensus (DAC) and alternating direction method of multipliers (ADMM), and achieves the goal of joint modeling and training through local calculation and communication of each node. Finally, we compare the proposed decentralized algorithm with several centralized deep neural networks with random weights, and experimental results demonstrate the effectiveness of the proposed algorithm.展开更多
Molten iron temperature as well as Si, P, and S contents is the most essential molten iron quality (MIQ) indices in the blast furnace (BF) ironmaking, which requires strict monitoring during the whole ironmaking p...Molten iron temperature as well as Si, P, and S contents is the most essential molten iron quality (MIQ) indices in the blast furnace (BF) ironmaking, which requires strict monitoring during the whole ironmaking production. However, these MIQ parameters are difficult to be directly measured online, and large-time delay exists in off-line analysis through laboratory sampling. Focusing on the practical challenge, a data-driven modeling method was presented for the prediction of MIQ using the improved muhivariable incremental random vector functional-link net- works (M-I-RVFLNs). Compared with the conventional random vector functional-link networks (RVFLNs) and the online sequential RVFLNs, the M-I-RVFLNs have solved the problem of deciding the optimal number of hidden nodes and overcome the overfitting problems. Moreover, the proposed M I RVFLNs model has exhibited the potential for multivariable prediction of the MIQ and improved the terminal condition for the multiple-input multiple-out- put (MIMO) dynamic system, which is suitable for the BF ironmaking process in practice. Ultimately, industrial experiments and contrastive researches have been conducted on the BF No. 2 in Liuzhou Iron and Steel Group Co. Ltd. of China using the proposed method, and the results demonstrate that the established model produces better estima ting accuracy than other MIQ modeling methods.展开更多
The ocean plays an important role in maintaining the equilibrium of Earth’s ecology and providing humans access to a wealth of resources.To obtain a high-precision underwater image classification model,we propose a c...The ocean plays an important role in maintaining the equilibrium of Earth’s ecology and providing humans access to a wealth of resources.To obtain a high-precision underwater image classification model,we propose a classification model that combines an EfficientnetB0 neural network and a two-hidden-layer random vector functional link network(EfficientnetB0-TRVFL).The features of underwater images were extracted using the EfficientnetB0 neural network pretrained via ImageNet,and a new fully connected layer was trained on the underwater image dataset using the transfer learning method.Transfer learning ensures the initial performance of the network and helps in the development of a high-precision classification model.Subsequently,a TRVFL was proposed to improve the classification property of the model.Net construction of the two hidden layers exhibited a high accuracy when the same hidden layer nodes were used.The parameters of the second hidden layer were obtained using a novel calculation method,which reduced the outcome error to improve the performance instability caused by the random generation of parameters of RVFL.Finally,the TRVFL classifier was used to classify features and obtain classification results.The proposed EfficientnetB0-TRVFL classification model achieved 87.28%,74.06%,and 99.59%accuracy on the MLC2008,MLC2009,and Fish-gres datasets,respectively.The best convolutional neural networks and existing methods were stacked up through box plots and Kolmogorov-Smirnov tests,respectively.The increases imply improved systematization properties in underwater image classification tasks.The image classification model offers important performance advantages and better stability compared with existing methods.展开更多
In this paper, sixty-eight research articles published between 2000 and 2017 as well as textbooks which employed four classification algorithms: K-Nearest-Neighbor (KNN), Support Vector Machines (SVM), Random Forest (...In this paper, sixty-eight research articles published between 2000 and 2017 as well as textbooks which employed four classification algorithms: K-Nearest-Neighbor (KNN), Support Vector Machines (SVM), Random Forest (RF) and Neural Network (NN) as the main statistical tools were reviewed. The aim was to examine and compare these nonparametric classification methods on the following attributes: robustness to training data, sensitivity to changes, data fitting, stability, ability to handle large data sizes, sensitivity to noise, time invested in parameter tuning, and accuracy. The performances, strengths and shortcomings of each of the algorithms were examined, and finally, a conclusion was arrived at on which one has higher performance. It was evident from the literature reviewed that RF is too sensitive to small changes in the training dataset and is occasionally unstable and tends to overfit in the model. KNN is easy to implement and understand but has a major drawback of becoming significantly slow as the size of the data in use grows, while the ideal value of K for the KNN classifier is difficult to set. SVM and RF are insensitive to noise or overtraining, which shows their ability in dealing with unbalanced data. Larger input datasets will lengthen classification times for NN and KNN more than for SVM and RF. Among these nonparametric classification methods, NN has the potential to become a more widely used classification algorithm, but because of their time-consuming parameter tuning procedure, high level of complexity in computational processing, the numerous types of NN architectures to choose from and the high number of algorithms used for training, most researchers recommend SVM and RF as easier and wieldy used methods which repeatedly achieve results with high accuracies and are often faster to implement.展开更多
This paper proposes a hybrid Bayesian Network(BN)method for short-term forecasting of crude oil prices.The method performed is a hybrid,based on both the aspects of classification of influencing factors as well as the...This paper proposes a hybrid Bayesian Network(BN)method for short-term forecasting of crude oil prices.The method performed is a hybrid,based on both the aspects of classification of influencing factors as well as the regression of the out-ofsample values.For the sake of performance comparison,several other hybrid methods have also been devised using the methods of Markov Chain Monte Carlo(MCMC),Random Forest(RF),Support Vector Machine(SVM),neural networks(NNET)and generalized autoregressive conditional heteroskedasticity(GARCH).The hybrid methodology is primarily reliant upon constructing the crude oil price forecast from the summation of its Intrinsic Mode Functions(IMF)and its residue,extracted by an Empirical Mode Decomposition(EMD)of the original crude price signal.The Volatility Index(VIX)as well as the Implied Oil Volatility Index(OVX)has been considered among the influencing parameters of the crude price forecast.The final set of influencing parameters were selected as the whole set of significant contributors detected by the methods of Bayesian Network,Quantile Regression with Lasso penalty(QRL),Bayesian Lasso(BLasso)and the Bayesian Ridge Regression(BRR).The performance of the proposed hybrid-BN method is reported for the three crude price benchmarks:West Texas Intermediate,Brent Crude and the OPEC Reference Basket.展开更多
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.展开更多
Artificial intelligence(AI)technology has become integral in the realm of medicine and healthcare,particularly in human activity recognition(HAR)applications such as fitness and rehabilitation tracking.This study intr...Artificial intelligence(AI)technology has become integral in the realm of medicine and healthcare,particularly in human activity recognition(HAR)applications such as fitness and rehabilitation tracking.This study introduces a robust coupling analysis framework that integrates four AI-enabled models,combining both machine learning(ML)and deep learning(DL)approaches to evaluate their effectiveness in HAR.The analytical dataset comprises 561 features sourced from the UCI-HAR database,forming the foundation for training the models.Additionally,the MHEALTH database is employed to replicate the modeling process for comparative purposes,while inclusion of the WISDM database,renowned for its challenging features,supports the framework’s resilience and adaptability.The ML-based models employ the methodologies including adaptive neuro-fuzzy inference system(ANFIS),support vector machine(SVM),and random forest(RF),for data training.In contrast,a DL-based model utilizes one-dimensional convolution neural network(1dCNN)to automate feature extraction.Furthermore,the recursive feature elimination(RFE)algorithm,which drives an ML-based estimator to eliminate low-participation features,helps identify the optimal features for enhancing model performance.The best accuracies of the ANFIS,SVM,RF,and 1dCNN models with meticulous featuring process achieve around 90%,96%,91%,and 93%,respectively.Comparative analysis using the MHEALTH dataset showcases the 1dCNN model’s remarkable perfect accuracy(100%),while the RF,SVM,and ANFIS models equipped with selected features achieve accuracies of 99.8%,99.7%,and 96.5%,respectively.Finally,when applied to the WISDM dataset,the DL-based and ML-based models attain accuracies of 91.4%and 87.3%,respectively,aligning with prior research findings.In conclusion,the proposed framework yields HAR models with commendable performance metrics,exhibiting its suitability for integration into the healthcare services system through AI-driven applications.展开更多
针对如何充分利用空间特征来达到较高的高光谱图像分类精度的问题,提出了一种基于三维离散小波变换(3D-DWT)与随机补丁网络(RPNet)结合的高光谱图像的地物属性分类算法。在分类过程中,综合3D-DWT提取的特征和RPNet深度学习框架提取的特...针对如何充分利用空间特征来达到较高的高光谱图像分类精度的问题,提出了一种基于三维离散小波变换(3D-DWT)与随机补丁网络(RPNet)结合的高光谱图像的地物属性分类算法。在分类过程中,综合3D-DWT提取的特征和RPNet深度学习框架提取的特征,利用支持向量机(SVM)对特征向量进行分类。所提出的方法在Indian Pines和University of Pavia两个数据集上进行测试,结果表明该方法比现有方法有显著的分类性能的提高。展开更多
文摘In the contemporary era, the proliferation of information technology has led to an unprecedented surge in data generation, with this data being dispersed across a multitude of mobile devices. Facing these situations and the training of deep learning model that needs great computing power support, the distributed algorithm that can carry out multi-party joint modeling has attracted everyone’s attention. The distributed training mode relieves the huge pressure of centralized model on computer computing power and communication. However, most distributed algorithms currently work in a master-slave mode, often including a central server for coordination, which to some extent will cause communication pressure, data leakage, privacy violations and other issues. To solve these problems, a decentralized fully distributed algorithm based on deep random weight neural network is proposed. The algorithm decomposes the original objective function into several sub-problems under consistency constraints, combines the decentralized average consensus (DAC) and alternating direction method of multipliers (ADMM), and achieves the goal of joint modeling and training through local calculation and communication of each node. Finally, we compare the proposed decentralized algorithm with several centralized deep neural networks with random weights, and experimental results demonstrate the effectiveness of the proposed algorithm.
基金Item Sponsored by National Natural Science Foundation of China(61290323,61333007,61473064)Fundamental Research Funds for Central Universities of China(N130108001)+1 种基金National High Technology Research and Development Program of China(2015AA043802)General Project on Scientific Research for Education Department of Liaoning Province of China(L20150186)
文摘Molten iron temperature as well as Si, P, and S contents is the most essential molten iron quality (MIQ) indices in the blast furnace (BF) ironmaking, which requires strict monitoring during the whole ironmaking production. However, these MIQ parameters are difficult to be directly measured online, and large-time delay exists in off-line analysis through laboratory sampling. Focusing on the practical challenge, a data-driven modeling method was presented for the prediction of MIQ using the improved muhivariable incremental random vector functional-link net- works (M-I-RVFLNs). Compared with the conventional random vector functional-link networks (RVFLNs) and the online sequential RVFLNs, the M-I-RVFLNs have solved the problem of deciding the optimal number of hidden nodes and overcome the overfitting problems. Moreover, the proposed M I RVFLNs model has exhibited the potential for multivariable prediction of the MIQ and improved the terminal condition for the multiple-input multiple-out- put (MIMO) dynamic system, which is suitable for the BF ironmaking process in practice. Ultimately, industrial experiments and contrastive researches have been conducted on the BF No. 2 in Liuzhou Iron and Steel Group Co. Ltd. of China using the proposed method, and the results demonstrate that the established model produces better estima ting accuracy than other MIQ modeling methods.
基金support of the National Key R&D Program of China(No.2022YFC2803903)the Key R&D Program of Zhejiang Province(No.2021C03013)the Zhejiang Provincial Natural Science Foundation of China(No.LZ20F020003).
文摘The ocean plays an important role in maintaining the equilibrium of Earth’s ecology and providing humans access to a wealth of resources.To obtain a high-precision underwater image classification model,we propose a classification model that combines an EfficientnetB0 neural network and a two-hidden-layer random vector functional link network(EfficientnetB0-TRVFL).The features of underwater images were extracted using the EfficientnetB0 neural network pretrained via ImageNet,and a new fully connected layer was trained on the underwater image dataset using the transfer learning method.Transfer learning ensures the initial performance of the network and helps in the development of a high-precision classification model.Subsequently,a TRVFL was proposed to improve the classification property of the model.Net construction of the two hidden layers exhibited a high accuracy when the same hidden layer nodes were used.The parameters of the second hidden layer were obtained using a novel calculation method,which reduced the outcome error to improve the performance instability caused by the random generation of parameters of RVFL.Finally,the TRVFL classifier was used to classify features and obtain classification results.The proposed EfficientnetB0-TRVFL classification model achieved 87.28%,74.06%,and 99.59%accuracy on the MLC2008,MLC2009,and Fish-gres datasets,respectively.The best convolutional neural networks and existing methods were stacked up through box plots and Kolmogorov-Smirnov tests,respectively.The increases imply improved systematization properties in underwater image classification tasks.The image classification model offers important performance advantages and better stability compared with existing methods.
文摘In this paper, sixty-eight research articles published between 2000 and 2017 as well as textbooks which employed four classification algorithms: K-Nearest-Neighbor (KNN), Support Vector Machines (SVM), Random Forest (RF) and Neural Network (NN) as the main statistical tools were reviewed. The aim was to examine and compare these nonparametric classification methods on the following attributes: robustness to training data, sensitivity to changes, data fitting, stability, ability to handle large data sizes, sensitivity to noise, time invested in parameter tuning, and accuracy. The performances, strengths and shortcomings of each of the algorithms were examined, and finally, a conclusion was arrived at on which one has higher performance. It was evident from the literature reviewed that RF is too sensitive to small changes in the training dataset and is occasionally unstable and tends to overfit in the model. KNN is easy to implement and understand but has a major drawback of becoming significantly slow as the size of the data in use grows, while the ideal value of K for the KNN classifier is difficult to set. SVM and RF are insensitive to noise or overtraining, which shows their ability in dealing with unbalanced data. Larger input datasets will lengthen classification times for NN and KNN more than for SVM and RF. Among these nonparametric classification methods, NN has the potential to become a more widely used classification algorithm, but because of their time-consuming parameter tuning procedure, high level of complexity in computational processing, the numerous types of NN architectures to choose from and the high number of algorithms used for training, most researchers recommend SVM and RF as easier and wieldy used methods which repeatedly achieve results with high accuracies and are often faster to implement.
文摘This paper proposes a hybrid Bayesian Network(BN)method for short-term forecasting of crude oil prices.The method performed is a hybrid,based on both the aspects of classification of influencing factors as well as the regression of the out-ofsample values.For the sake of performance comparison,several other hybrid methods have also been devised using the methods of Markov Chain Monte Carlo(MCMC),Random Forest(RF),Support Vector Machine(SVM),neural networks(NNET)and generalized autoregressive conditional heteroskedasticity(GARCH).The hybrid methodology is primarily reliant upon constructing the crude oil price forecast from the summation of its Intrinsic Mode Functions(IMF)and its residue,extracted by an Empirical Mode Decomposition(EMD)of the original crude price signal.The Volatility Index(VIX)as well as the Implied Oil Volatility Index(OVX)has been considered among the influencing parameters of the crude price forecast.The final set of influencing parameters were selected as the whole set of significant contributors detected by the methods of Bayesian Network,Quantile Regression with Lasso penalty(QRL),Bayesian Lasso(BLasso)and the Bayesian Ridge Regression(BRR).The performance of the proposed hybrid-BN method is reported for the three crude price benchmarks:West Texas Intermediate,Brent Crude and the OPEC Reference Basket.
基金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.
基金funded by the National Science and Technology Council,Taiwan(Grant No.NSTC 112-2121-M-039-001)by China Medical University(Grant No.CMU112-MF-79).
文摘Artificial intelligence(AI)technology has become integral in the realm of medicine and healthcare,particularly in human activity recognition(HAR)applications such as fitness and rehabilitation tracking.This study introduces a robust coupling analysis framework that integrates four AI-enabled models,combining both machine learning(ML)and deep learning(DL)approaches to evaluate their effectiveness in HAR.The analytical dataset comprises 561 features sourced from the UCI-HAR database,forming the foundation for training the models.Additionally,the MHEALTH database is employed to replicate the modeling process for comparative purposes,while inclusion of the WISDM database,renowned for its challenging features,supports the framework’s resilience and adaptability.The ML-based models employ the methodologies including adaptive neuro-fuzzy inference system(ANFIS),support vector machine(SVM),and random forest(RF),for data training.In contrast,a DL-based model utilizes one-dimensional convolution neural network(1dCNN)to automate feature extraction.Furthermore,the recursive feature elimination(RFE)algorithm,which drives an ML-based estimator to eliminate low-participation features,helps identify the optimal features for enhancing model performance.The best accuracies of the ANFIS,SVM,RF,and 1dCNN models with meticulous featuring process achieve around 90%,96%,91%,and 93%,respectively.Comparative analysis using the MHEALTH dataset showcases the 1dCNN model’s remarkable perfect accuracy(100%),while the RF,SVM,and ANFIS models equipped with selected features achieve accuracies of 99.8%,99.7%,and 96.5%,respectively.Finally,when applied to the WISDM dataset,the DL-based and ML-based models attain accuracies of 91.4%and 87.3%,respectively,aligning with prior research findings.In conclusion,the proposed framework yields HAR models with commendable performance metrics,exhibiting its suitability for integration into the healthcare services system through AI-driven applications.
文摘针对如何充分利用空间特征来达到较高的高光谱图像分类精度的问题,提出了一种基于三维离散小波变换(3D-DWT)与随机补丁网络(RPNet)结合的高光谱图像的地物属性分类算法。在分类过程中,综合3D-DWT提取的特征和RPNet深度学习框架提取的特征,利用支持向量机(SVM)对特征向量进行分类。所提出的方法在Indian Pines和University of Pavia两个数据集上进行测试,结果表明该方法比现有方法有显著的分类性能的提高。