To advance the printing manufacturing industry towards intelligence and address the challenges faced by supervised learning,such as the high workload,cost,poor generalization,and labeling issues,an unsupervised and tr...To advance the printing manufacturing industry towards intelligence and address the challenges faced by supervised learning,such as the high workload,cost,poor generalization,and labeling issues,an unsupervised and transfer learning-based method for printing defect detection was proposed in this study.This method enabled defect detection in printed surface without the need for extensive labeled defect.The ResNet101-SSTU model was used in this study.On the public dataset of printing defect images,the ResNet101-SSTU model not only achieves comparable performance and speed to mainstream supervised learning detection models but also successfully addresses some of the detection challenges encountered in supervised learning.The proposed ResNet101-SSTU model effectively eliminates the need for extensive defect samples and labeled data in training,providing an efficient solution for quality inspection in the printing industry.展开更多
Machine-learning methodologies have increasingly been embraced in landslide susceptibility assessment.However,the considerable time and financial burdens of landslide inventories often result in persistent data scarci...Machine-learning methodologies have increasingly been embraced in landslide susceptibility assessment.However,the considerable time and financial burdens of landslide inventories often result in persistent data scarcity,which frequently impedes the generation of accurate and informative landslide susceptibility maps.Addressing this challenge,this study compiled a nationwide dataset and developed a transfer learning-based model to evaluate landslide susceptibility in the Chongqing region specifically.Notably,the proposed model,calibrated with the warmup-cosine annealing(WCA)learning rate strategy,demonstrated remarkable predictive capabilities,particularly in scenarios marked by data limitations and when training data were normalized using parameters from the source region.This is evidenced by the area under the receiver operating characteristic curve(AUC)values,which exhibited significant improvements of 51.00%,24.40%and 2.15%,respectively,compared to a deep learning model,in contexts where only 1%,5%and 10%of data from the target region were used for retraining.Simultaneously,there were reductions in loss of 16.12%,27.61%and 15.44%,respectively,in these instances.展开更多
Direct online measurement on product quality of industrial processes is difficult to be realized,which leads to a large number of unlabeled samples in modeling data.Therefore,it needs to employ semi-supervised learnin...Direct online measurement on product quality of industrial processes is difficult to be realized,which leads to a large number of unlabeled samples in modeling data.Therefore,it needs to employ semi-supervised learning(SSL)method to establish the soft sensor model of product quality.Considering the slow time-varying characteristic of industrial processes,the model parameters should be updated smoothly.According to this characteristic,this paper proposes an online adaptive semi-supervised learning algorithm based on random vector functional link network(RVFLN),denoted as OAS-RVFLN.By introducing a L2-fusion term that can be seen a weight deviation constraint,the proposed algorithm unifies the offline and online learning,and achieves smoothness of model parameter update.Empirical evaluations both on benchmark testing functions and datasets reveal that the proposed OAS-RVFLN can outperform the conventional methods in learning speed and accuracy.Finally,the OAS-RVFLN is applied to the coal dense medium separation process in coal industry to estimate the ash content of coal product,which further verifies its effectiveness and potential of industrial application.展开更多
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.展开更多
This study aimed to address the challenge of accurately and reliably detecting tomatoes in dense planting environments,a critical prerequisite for the automation implementation of robotic harvesting.However,the heavy ...This study aimed to address the challenge of accurately and reliably detecting tomatoes in dense planting environments,a critical prerequisite for the automation implementation of robotic harvesting.However,the heavy reliance on extensive manually annotated datasets for training deep learning models still poses significant limitations to their application in real-world agricultural production environments.To overcome these limitations,we employed domain adaptive learning approach combined with the YOLOv5 model to develop a novel tomato detection model called as TDA-YOLO(tomato detection domain adaptation).We designated the normal illumination scenes in dense planting environments as the source domain and utilized various other illumination scenes as the target domain.To construct bridge mechanism between source and target domains,neural preset for color style transfer is introduced to generate a pseudo-dataset,which served to deal with domain discrepancy.Furthermore,this study combines the semi-supervised learning method to enable the model to extract domain-invariant features more fully,and uses knowledge distillation to improve the model's ability to adapt to the target domain.Additionally,for purpose of promoting inference speed and low computational demand,the lightweight FasterNet network was integrated into the YOLOv5's C3 module,creating a modified C3_Faster module.The experimental results demonstrated that the proposed TDA-YOLO model significantly outperformed original YOLOv5s model,achieving a mAP(mean average precision)of 96.80%for tomato detection across diverse scenarios in dense planting environments,increasing by 7.19 percentage points;Compared with the latest YOLOv8 and YOLOv9,it is also 2.17 and 1.19 percentage points higher,respectively.The model's average detection time per image was an impressive 15 milliseconds,with a FLOPs(floating point operations per second)count of 13.8 G.After acceleration processing,the detection accuracy of the TDA-YOLO model on the Jetson Xavier NX development board is 90.95%,the mAP value is 91.35%,and the detection time of each image is 21 ms,which can still meet the requirements of real-time detection of tomatoes in dense planting environment.The experimental results show that the proposed TDA-YOLO model can accurately and quickly detect tomatoes in dense planting environment,and at the same time avoid the use of a large number of annotated data,which provides technical support for the development of automatic harvesting systems for tomatoes and other fruits.展开更多
Tracking maneuvering target in real time autonomously and accurately in an uncertain environment is one of the challenging missions for unmanned aerial vehicles(UAVs).In this paper,aiming to address the control proble...Tracking maneuvering target in real time autonomously and accurately in an uncertain environment is one of the challenging missions for unmanned aerial vehicles(UAVs).In this paper,aiming to address the control problem of maneuvering target tracking and obstacle avoidance,an online path planning approach for UAV is developed based on deep reinforcement learning.Through end-to-end learning powered by neural networks,the proposed approach can achieve the perception of the environment and continuous motion output control.This proposed approach includes:(1)A deep deterministic policy gradient(DDPG)-based control framework to provide learning and autonomous decision-making capability for UAVs;(2)An improved method named MN-DDPG for introducing a type of mixed noises to assist UAV with exploring stochastic strategies for online optimal planning;and(3)An algorithm of taskdecomposition and pre-training for efficient transfer learning to improve the generalization capability of UAV’s control model built based on MN-DDPG.The experimental simulation results have verified that the proposed approach can achieve good self-adaptive adjustment of UAV’s flight attitude in the tasks of maneuvering target tracking with a significant improvement in generalization capability and training efficiency of UAV tracking controller in uncertain environments.展开更多
Target maneuver trajectory prediction is an important prerequisite for air combat situation awareness and maneuver decision-making.However,how to use a large amount of trajectory data generated by air combat confronta...Target maneuver trajectory prediction is an important prerequisite for air combat situation awareness and maneuver decision-making.However,how to use a large amount of trajectory data generated by air combat confrontation training to achieve real-time and accurate prediction of target maneuver trajectory is an urgent problem to be solved.To solve this problem,in this paper,a hybrid algorithm based on transfer learning,online learning,ensemble learning,regularization technology,target maneuvering segmentation point recognition algorithm,and Volterra series,abbreviated as AERTrOS-Volterra is proposed.Firstly,the model makes full use of a large number of trajectory sample data generated by air combat confrontation training,and constructs a Tr-Volterra algorithm framework suitable for air combat target maneuver trajectory prediction,which realizes the extraction of effective information from the historical trajectory data.Secondly,in order to improve the real-time online prediction accuracy and robustness of the prediction model in complex electromagnetic environments,on the basis of the TrVolterra algorithm framework,a robust regularized online Sequential Volterra prediction model is proposed by integrating online learning method,regularization technology and inverse weighting calculation method based on the priori error.Finally,inspired by the preferable performance of models ensemble,ensemble learning scheme is also incorporated into our proposed algorithm,which adaptively updates the ensemble prediction model according to the performance of the model on real-time samples and the recognition results of target maneuvering segmentation points,including the adaptation of model weights;adaptation of parameters;and dynamic inclusion and removal of models.Compared with many existing time series prediction methods,the newly proposed target maneuver trajectory prediction algorithm can fully mine the prior knowledge contained in the historical data to assist the current prediction.The rationality and effectiveness of the proposed algorithm are verified by simulation on three sets of chaotic time series data sets and a set of real target maneuver trajectory data sets.展开更多
In this paper, the reinforcement learning method for cooperative multi-agent systems(MAS) with incremental number of agents is studied. The existing multi-agent reinforcement learning approaches deal with the MAS with...In this paper, the reinforcement learning method for cooperative multi-agent systems(MAS) with incremental number of agents is studied. The existing multi-agent reinforcement learning approaches deal with the MAS with a specific number of agents, and can learn well-performed policies. However, if there is an increasing number of agents, the previously learned in may not perform well in the current scenario. The new agents need to learn from scratch to find optimal policies with others,which may slow down the learning speed of the whole team. To solve that problem, in this paper, we propose a new algorithm to take full advantage of the historical knowledge which was learned before, and transfer it from the previous agents to the new agents. Since the previous agents have been trained well in the source environment, they are treated as teacher agents in the target environment. Correspondingly, the new agents are called student agents. To enable the student agents to learn from the teacher agents, we first modify the input nodes of the networks for teacher agents to adapt to the current environment. Then, the teacher agents take the observations of the student agents as input, and output the advised actions and values as supervising information. Finally, the student agents combine the reward from the environment and the supervising information from the teacher agents, and learn the optimal policies with modified loss functions. By taking full advantage of the knowledge of teacher agents, the search space for the student agents will be reduced significantly, which can accelerate the learning speed of the holistic system. The proposed algorithm is verified in some multi-agent simulation environments, and its efficiency has been demonstrated by the experiment results.展开更多
Taking the real part and the imaginary part of complex sound pressure of the sound field as features,a transfer learning model is constructed.Based on the pre-training of a large amount of underwater acoustic data in ...Taking the real part and the imaginary part of complex sound pressure of the sound field as features,a transfer learning model is constructed.Based on the pre-training of a large amount of underwater acoustic data in the preselected sea area using the convolutional neural network(CNN),the few-shot underwater acoustic data in the test sea area are retrained to study the underwater sound source ranging problem.The S5 voyage data of SWellEX-96 experiment is used to verify the proposed method,realize the range estimation for the shallow source in the experiment,and compare the range estimation performance of the underwater target sound source of four methods:matched field processing(MFP),generalized regression neural network(GRNN),traditional CNN,and transfer learning.Experimental data processing results show that the transfer learning model based on residual CNN can effectively realize range estimation in few-shot scenes,and the estimation performance is remarkably better than that of other methods.展开更多
In this paper, we study autonomous landing scene recognition with knowledge transfer for drones. Considering the difficulties in aerial remote sensing, especially that some scenes are extremely similar, or the same sc...In this paper, we study autonomous landing scene recognition with knowledge transfer for drones. Considering the difficulties in aerial remote sensing, especially that some scenes are extremely similar, or the same scene has different representations in different altitudes, we employ a deep convolutional neural network(CNN) based on knowledge transfer and fine-tuning to solve the problem. Then, LandingScenes-7 dataset is established and divided into seven classes. Moreover, there is still a novelty detection problem in the classifier, and we address this by excluding other landing scenes using the approach of thresholding in the prediction stage. We employ the transfer learning method based on ResNeXt-50 backbone with the adaptive momentum(ADAM) optimization algorithm. We also compare ResNet-50 backbone and the momentum stochastic gradient descent(SGD) optimizer. Experiment results show that ResNeXt-50 based on the ADAM optimization algorithm has better performance. With a pre-trained model and fine-tuning, it can achieve 97.845 0% top-1 accuracy on the LandingScenes-7dataset, paving the way for drones to autonomously learn landing scenes.展开更多
Soybean diseases and insect pests are important factors that affect the output and quality of the soybean,thus,it is necessary to do correct inspection and diagnosis on them.For this reason,based on improved transfer ...Soybean diseases and insect pests are important factors that affect the output and quality of the soybean,thus,it is necessary to do correct inspection and diagnosis on them.For this reason,based on improved transfer learning,a classification method of the soybean leaf diseases was proposed in this paper.In detail,this method first removed the complicated background in images and cut apart leaves from the entire image;second,the data-augmented method was applied to amplify the separated leaf disease image dataset to reduce overfitting;at last,the automatically fine-tuning convolutional neural network(AutoTun)was adopted to classify the soybean leaf diseases.The proposed method respectively reached 94.23%,93.51%and 94.91%of validation accuracy rates on VGG-16,ResNet-34 and DenseNet-121,and it was compared with the traditional fine-tuning method of transfer learning.The results indicated that the proposed method had superior to the traditional transfer learning method.展开更多
In many machine learning problems, a large amount of data is available but only a few of them can be labeled easily. This provides a research branch to effectively combine unlabeled and labeled data to infer the label...In many machine learning problems, a large amount of data is available but only a few of them can be labeled easily. This provides a research branch to effectively combine unlabeled and labeled data to infer the labels of unlabeled ones, that is, to develop transductive learning. In this article, based on Pattern classification via single sphere (SSPC), which seeks a hypersphere to separate data with the maximum separation ratio, a progressive transductive pattern classification method via single sphere (PTSSPC) is proposed to construct the classifier using both the labeled and unlabeled data. PTSSPC utilize the additional information of the unlabeled samples and obtain better classification performance than SSPC when insufficient labeled data information is available. Experiment results show the algorithm can yields better performance.展开更多
Multi-label data with high dimensionality often occurs,which will produce large time and energy overheads when directly used in classification tasks.To solve this problem,a novel algorithm called multi-label dimension...Multi-label data with high dimensionality often occurs,which will produce large time and energy overheads when directly used in classification tasks.To solve this problem,a novel algorithm called multi-label dimensionality reduction via semi-supervised discriminant analysis(MSDA) was proposed.It was expected to derive an objective discriminant function as smooth as possible on the data manifold by multi-label learning and semi-supervised learning.By virtue of the latent imformation,which was provided by the graph weighted matrix of sample attributes and the similarity correlation matrix of partial sample labels,MSDA readily made the separability between different classes achieve maximization and estimated the intrinsic geometric structure in the lower manifold space by employing unlabeled data.Extensive experimental results on several real multi-label datasets show that after dimensionality reduction using MSDA,the average classification accuracy is about 9.71% higher than that of other algorithms,and several evaluation metrices like Hamming-loss are also superior to those of other dimensionality reduction methods.展开更多
文摘To advance the printing manufacturing industry towards intelligence and address the challenges faced by supervised learning,such as the high workload,cost,poor generalization,and labeling issues,an unsupervised and transfer learning-based method for printing defect detection was proposed in this study.This method enabled defect detection in printed surface without the need for extensive labeled defect.The ResNet101-SSTU model was used in this study.On the public dataset of printing defect images,the ResNet101-SSTU model not only achieves comparable performance and speed to mainstream supervised learning detection models but also successfully addresses some of the detection challenges encountered in supervised learning.The proposed ResNet101-SSTU model effectively eliminates the need for extensive defect samples and labeled data in training,providing an efficient solution for quality inspection in the printing industry.
基金Project(2301DH09002)supported by the Bureau of Planning and Natural Resources,Chongqing,ChinaProject(2022T3051)supported by the Science and Technology Service Network Initiative,ChinaProject(2018-ZL-01)supported by the Sichuan Transportation Science and Technology,China。
文摘Machine-learning methodologies have increasingly been embraced in landslide susceptibility assessment.However,the considerable time and financial burdens of landslide inventories often result in persistent data scarcity,which frequently impedes the generation of accurate and informative landslide susceptibility maps.Addressing this challenge,this study compiled a nationwide dataset and developed a transfer learning-based model to evaluate landslide susceptibility in the Chongqing region specifically.Notably,the proposed model,calibrated with the warmup-cosine annealing(WCA)learning rate strategy,demonstrated remarkable predictive capabilities,particularly in scenarios marked by data limitations and when training data were normalized using parameters from the source region.This is evidenced by the area under the receiver operating characteristic curve(AUC)values,which exhibited significant improvements of 51.00%,24.40%and 2.15%,respectively,compared to a deep learning model,in contexts where only 1%,5%and 10%of data from the target region were used for retraining.Simultaneously,there were reductions in loss of 16.12%,27.61%and 15.44%,respectively,in these instances.
基金Projects(61603393,61973306)supported in part by the National Natural Science Foundation of ChinaProject(BK20160275)supported by the Natural Science Foundation of Jiangsu Province,China+1 种基金Projects(2015M581885,2018T110571)supported by the Postdoctoral Science Foundation of ChinaProject(PAL-N201706)supported by the Open Project Foundation of State Key Laboratory of Synthetical Automation for Process Industries of Northeastern University,China
文摘Direct online measurement on product quality of industrial processes is difficult to be realized,which leads to a large number of unlabeled samples in modeling data.Therefore,it needs to employ semi-supervised learning(SSL)method to establish the soft sensor model of product quality.Considering the slow time-varying characteristic of industrial processes,the model parameters should be updated smoothly.According to this characteristic,this paper proposes an online adaptive semi-supervised learning algorithm based on random vector functional link network(RVFLN),denoted as OAS-RVFLN.By introducing a L2-fusion term that can be seen a weight deviation constraint,the proposed algorithm unifies the offline and online learning,and achieves smoothness of model parameter update.Empirical evaluations both on benchmark testing functions and datasets reveal that the proposed OAS-RVFLN can outperform the conventional methods in learning speed and accuracy.Finally,the OAS-RVFLN is applied to the coal dense medium separation process in coal industry to estimate the ash content of coal product,which further verifies its effectiveness and potential of industrial application.
文摘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.
基金The National Natural Science Foundation of China (32371993)The Natural Science Research Key Project of Anhui Provincial University(2022AH040125&2023AH040135)The Key Research and Development Plan of Anhui Province (202204c06020022&2023n06020057)。
文摘This study aimed to address the challenge of accurately and reliably detecting tomatoes in dense planting environments,a critical prerequisite for the automation implementation of robotic harvesting.However,the heavy reliance on extensive manually annotated datasets for training deep learning models still poses significant limitations to their application in real-world agricultural production environments.To overcome these limitations,we employed domain adaptive learning approach combined with the YOLOv5 model to develop a novel tomato detection model called as TDA-YOLO(tomato detection domain adaptation).We designated the normal illumination scenes in dense planting environments as the source domain and utilized various other illumination scenes as the target domain.To construct bridge mechanism between source and target domains,neural preset for color style transfer is introduced to generate a pseudo-dataset,which served to deal with domain discrepancy.Furthermore,this study combines the semi-supervised learning method to enable the model to extract domain-invariant features more fully,and uses knowledge distillation to improve the model's ability to adapt to the target domain.Additionally,for purpose of promoting inference speed and low computational demand,the lightweight FasterNet network was integrated into the YOLOv5's C3 module,creating a modified C3_Faster module.The experimental results demonstrated that the proposed TDA-YOLO model significantly outperformed original YOLOv5s model,achieving a mAP(mean average precision)of 96.80%for tomato detection across diverse scenarios in dense planting environments,increasing by 7.19 percentage points;Compared with the latest YOLOv8 and YOLOv9,it is also 2.17 and 1.19 percentage points higher,respectively.The model's average detection time per image was an impressive 15 milliseconds,with a FLOPs(floating point operations per second)count of 13.8 G.After acceleration processing,the detection accuracy of the TDA-YOLO model on the Jetson Xavier NX development board is 90.95%,the mAP value is 91.35%,and the detection time of each image is 21 ms,which can still meet the requirements of real-time detection of tomatoes in dense planting environment.The experimental results show that the proposed TDA-YOLO model can accurately and quickly detect tomatoes in dense planting environment,and at the same time avoid the use of a large number of annotated data,which provides technical support for the development of automatic harvesting systems for tomatoes and other fruits.
基金The authors would like to acknowledge National Natural Science Foundation of China(Grant No.61573285,No.62003267)Aeronautical Science Foundation of China(Grant No.2017ZC53021)+1 种基金Open Fund of Key Laboratory of Data Link Technology of China Electronics Technology Group Corporation(Grant No.CLDL-20182101)Natural Science Foundation of Shaanxi Province(Grant No.2020JQ-220)to provide fund for conducting experiments.
文摘Tracking maneuvering target in real time autonomously and accurately in an uncertain environment is one of the challenging missions for unmanned aerial vehicles(UAVs).In this paper,aiming to address the control problem of maneuvering target tracking and obstacle avoidance,an online path planning approach for UAV is developed based on deep reinforcement learning.Through end-to-end learning powered by neural networks,the proposed approach can achieve the perception of the environment and continuous motion output control.This proposed approach includes:(1)A deep deterministic policy gradient(DDPG)-based control framework to provide learning and autonomous decision-making capability for UAVs;(2)An improved method named MN-DDPG for introducing a type of mixed noises to assist UAV with exploring stochastic strategies for online optimal planning;and(3)An algorithm of taskdecomposition and pre-training for efficient transfer learning to improve the generalization capability of UAV’s control model built based on MN-DDPG.The experimental simulation results have verified that the proposed approach can achieve good self-adaptive adjustment of UAV’s flight attitude in the tasks of maneuvering target tracking with a significant improvement in generalization capability and training efficiency of UAV tracking controller in uncertain environments.
基金the support of the Fundamental Research Funds for the Air Force Engineering University under Grant No.XZJK2019040。
文摘Target maneuver trajectory prediction is an important prerequisite for air combat situation awareness and maneuver decision-making.However,how to use a large amount of trajectory data generated by air combat confrontation training to achieve real-time and accurate prediction of target maneuver trajectory is an urgent problem to be solved.To solve this problem,in this paper,a hybrid algorithm based on transfer learning,online learning,ensemble learning,regularization technology,target maneuvering segmentation point recognition algorithm,and Volterra series,abbreviated as AERTrOS-Volterra is proposed.Firstly,the model makes full use of a large number of trajectory sample data generated by air combat confrontation training,and constructs a Tr-Volterra algorithm framework suitable for air combat target maneuver trajectory prediction,which realizes the extraction of effective information from the historical trajectory data.Secondly,in order to improve the real-time online prediction accuracy and robustness of the prediction model in complex electromagnetic environments,on the basis of the TrVolterra algorithm framework,a robust regularized online Sequential Volterra prediction model is proposed by integrating online learning method,regularization technology and inverse weighting calculation method based on the priori error.Finally,inspired by the preferable performance of models ensemble,ensemble learning scheme is also incorporated into our proposed algorithm,which adaptively updates the ensemble prediction model according to the performance of the model on real-time samples and the recognition results of target maneuvering segmentation points,including the adaptation of model weights;adaptation of parameters;and dynamic inclusion and removal of models.Compared with many existing time series prediction methods,the newly proposed target maneuver trajectory prediction algorithm can fully mine the prior knowledge contained in the historical data to assist the current prediction.The rationality and effectiveness of the proposed algorithm are verified by simulation on three sets of chaotic time series data sets and a set of real target maneuver trajectory data sets.
基金supported by the National Key R&D Program of China (2018AAA0101400)the National Natural Science Foundation of China (62173251+3 种基金61921004U1713209)the Natural Science Foundation of Jiangsu Province of China (BK20202006)the Guangdong Provincial Key Laboratory of Intelligent Decision and Cooperative Control。
文摘In this paper, the reinforcement learning method for cooperative multi-agent systems(MAS) with incremental number of agents is studied. The existing multi-agent reinforcement learning approaches deal with the MAS with a specific number of agents, and can learn well-performed policies. However, if there is an increasing number of agents, the previously learned in may not perform well in the current scenario. The new agents need to learn from scratch to find optimal policies with others,which may slow down the learning speed of the whole team. To solve that problem, in this paper, we propose a new algorithm to take full advantage of the historical knowledge which was learned before, and transfer it from the previous agents to the new agents. Since the previous agents have been trained well in the source environment, they are treated as teacher agents in the target environment. Correspondingly, the new agents are called student agents. To enable the student agents to learn from the teacher agents, we first modify the input nodes of the networks for teacher agents to adapt to the current environment. Then, the teacher agents take the observations of the student agents as input, and output the advised actions and values as supervising information. Finally, the student agents combine the reward from the environment and the supervising information from the teacher agents, and learn the optimal policies with modified loss functions. By taking full advantage of the knowledge of teacher agents, the search space for the student agents will be reduced significantly, which can accelerate the learning speed of the holistic system. The proposed algorithm is verified in some multi-agent simulation environments, and its efficiency has been demonstrated by the experiment results.
基金supported by the National Natural Science Foundation of China(1197428611904274)+1 种基金the Shaanxi Young Science and Technology Star Program(2021KJXX-07)the fundamental research funding for characteristic disciplines(G2022WD0235)。
文摘Taking the real part and the imaginary part of complex sound pressure of the sound field as features,a transfer learning model is constructed.Based on the pre-training of a large amount of underwater acoustic data in the preselected sea area using the convolutional neural network(CNN),the few-shot underwater acoustic data in the test sea area are retrained to study the underwater sound source ranging problem.The S5 voyage data of SWellEX-96 experiment is used to verify the proposed method,realize the range estimation for the shallow source in the experiment,and compare the range estimation performance of the underwater target sound source of four methods:matched field processing(MFP),generalized regression neural network(GRNN),traditional CNN,and transfer learning.Experimental data processing results show that the transfer learning model based on residual CNN can effectively realize range estimation in few-shot scenes,and the estimation performance is remarkably better than that of other methods.
基金supported by the National Natural Science Foundation of China (62103104)the China Postdoctoral Science Foundation(2021M690615)。
文摘In this paper, we study autonomous landing scene recognition with knowledge transfer for drones. Considering the difficulties in aerial remote sensing, especially that some scenes are extremely similar, or the same scene has different representations in different altitudes, we employ a deep convolutional neural network(CNN) based on knowledge transfer and fine-tuning to solve the problem. Then, LandingScenes-7 dataset is established and divided into seven classes. Moreover, there is still a novelty detection problem in the classifier, and we address this by excluding other landing scenes using the approach of thresholding in the prediction stage. We employ the transfer learning method based on ResNeXt-50 backbone with the adaptive momentum(ADAM) optimization algorithm. We also compare ResNet-50 backbone and the momentum stochastic gradient descent(SGD) optimizer. Experiment results show that ResNeXt-50 based on the ADAM optimization algorithm has better performance. With a pre-trained model and fine-tuning, it can achieve 97.845 0% top-1 accuracy on the LandingScenes-7dataset, paving the way for drones to autonomously learn landing scenes.
基金Supported by the National Science Fund for Distinguished Young Scholars(31902210)Heilongjiang Province University Youth Innovative Talent Training Program Project(UNPYSCT-2018142)+2 种基金Heilongjiang Provincial Natural Science Foundation of China(QC2018074)"Young Talents"Project of NEAU Scholars Program(18QC23)Open Project of Key Laboratory of Agricultural Internet of Things,Ministry of Agriculture and Rural Affairs(2018AIOT-02)。
文摘Soybean diseases and insect pests are important factors that affect the output and quality of the soybean,thus,it is necessary to do correct inspection and diagnosis on them.For this reason,based on improved transfer learning,a classification method of the soybean leaf diseases was proposed in this paper.In detail,this method first removed the complicated background in images and cut apart leaves from the entire image;second,the data-augmented method was applied to amplify the separated leaf disease image dataset to reduce overfitting;at last,the automatically fine-tuning convolutional neural network(AutoTun)was adopted to classify the soybean leaf diseases.The proposed method respectively reached 94.23%,93.51%and 94.91%of validation accuracy rates on VGG-16,ResNet-34 and DenseNet-121,and it was compared with the traditional fine-tuning method of transfer learning.The results indicated that the proposed method had superior to the traditional transfer learning method.
基金supported by the National Natural Science of China(6057407560705004).
文摘In many machine learning problems, a large amount of data is available but only a few of them can be labeled easily. This provides a research branch to effectively combine unlabeled and labeled data to infer the labels of unlabeled ones, that is, to develop transductive learning. In this article, based on Pattern classification via single sphere (SSPC), which seeks a hypersphere to separate data with the maximum separation ratio, a progressive transductive pattern classification method via single sphere (PTSSPC) is proposed to construct the classifier using both the labeled and unlabeled data. PTSSPC utilize the additional information of the unlabeled samples and obtain better classification performance than SSPC when insufficient labeled data information is available. Experiment results show the algorithm can yields better performance.
基金Project(60425310) supported by the National Science Fund for Distinguished Young ScholarsProject(10JJ6094) supported by the Hunan Provincial Natural Foundation of China
文摘Multi-label data with high dimensionality often occurs,which will produce large time and energy overheads when directly used in classification tasks.To solve this problem,a novel algorithm called multi-label dimensionality reduction via semi-supervised discriminant analysis(MSDA) was proposed.It was expected to derive an objective discriminant function as smooth as possible on the data manifold by multi-label learning and semi-supervised learning.By virtue of the latent imformation,which was provided by the graph weighted matrix of sample attributes and the similarity correlation matrix of partial sample labels,MSDA readily made the separability between different classes achieve maximization and estimated the intrinsic geometric structure in the lower manifold space by employing unlabeled data.Extensive experimental results on several real multi-label datasets show that after dimensionality reduction using MSDA,the average classification accuracy is about 9.71% higher than that of other algorithms,and several evaluation metrices like Hamming-loss are also superior to those of other dimensionality reduction methods.