期刊文献+
共找到221,267篇文章
< 1 2 250 >
每页显示 20 50 100
Multi-label learning algorithm with SVM based association 被引量:4
1
作者 Feng Pan Qin Danyang +3 位作者 Ji Ping Ma Jingya Zhang Yan Yang Songxiang 《High Technology Letters》 EI CAS 2019年第1期97-104,共8页
Multi-label learning is an active research area which plays an important role in machine learning. Traditional learning algorithms, however, have to depend on samples with complete labels. The existing learning algori... Multi-label learning is an active research area which plays an important role in machine learning. Traditional learning algorithms, however, have to depend on samples with complete labels. The existing learning algorithms with missing labels do not consider the relevance of labels, resulting in label estimation errors of new samples. A new multi-label learning algorithm with support vector machine(SVM) based association(SVMA) is proposed to estimate missing labels by constructing the association between different labels. SVMA will establish a mapping function to minimize the number of samples in the margin while ensuring the margin large enough as well as minimizing the misclassification probability. To evaluate the performance of SVMA in the condition of missing labels, four typical data sets are adopted with the integrity of the labels being handled manually. Simulation results show the superiority of SVMA in dealing with the samples with missing labels compared with other models in image classification. 展开更多
关键词 multi-label learning missing labels ASSOCIATION support vector machine(SVM)
下载PDF
Multi-Label Learning Based on Transfer Learning and Label Correlation 被引量:2
2
作者 Kehua Yang Chaowei She +2 位作者 Wei Zhang Jiqing Yao Shaosong Long 《Computers, Materials & Continua》 SCIE EI 2019年第7期155-169,共15页
In recent years,multi-label learning has received a lot of attention.However,most of the existing methods only consider global label correlation or local label correlation.In fact,on the one hand,both global and local... In recent years,multi-label learning has received a lot of attention.However,most of the existing methods only consider global label correlation or local label correlation.In fact,on the one hand,both global and local label correlations can appear in real-world situation at same time.On the other hand,we should not be limited to pairwise labels while ignoring the high-order label correlation.In this paper,we propose a novel and effective method called GLLCBN for multi-label learning.Firstly,we obtain the global label correlation by exploiting label semantic similarity.Then,we analyze the pairwise labels in the label space of the data set to acquire the local correlation.Next,we build the original version of the label dependency model by global and local label correlations.After that,we use graph theory,probability theory and Bayesian networks to eliminate redundant dependency structure in the initial version model,so as to get the optimal label dependent model.Finally,we obtain the feature extraction model by adjusting the Inception V3 model of convolution neural network and combine it with the GLLCBN model to achieve the multi-label learning.The experimental results show that our proposed model has better performance than other multi-label learning methods in performance evaluating. 展开更多
关键词 Bayesian networks multi-label learning global and local label correlations transfer learning
下载PDF
Stable Label-Specific Features Generation for Multi-Label Learning via Mixture-Based Clustering Ensemble
3
作者 Yi-Bo Wang Jun-Yi Hang Min-Ling Zhang 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2022年第7期1248-1261,共14页
Multi-label learning deals with objects associated with multiple class labels,and aims to induce a predictive model which can assign a set of relevant class labels for an unseen instance.Since each class might possess... Multi-label learning deals with objects associated with multiple class labels,and aims to induce a predictive model which can assign a set of relevant class labels for an unseen instance.Since each class might possess its own characteristics,the strategy of extracting label-specific features has been widely employed to improve the discrimination process in multi-label learning,where the predictive model is induced based on tailored features specific to each class label instead of the identical instance representations.As a representative approach,LIFT generates label-specific features by conducting clustering analysis.However,its performance may be degraded due to the inherent instability of the single clustering algorithm.To improve this,a novel multi-label learning approach named SENCE(stable label-Specific features gENeration for multi-label learning via mixture-based Clustering Ensemble)is proposed,which stabilizes the generation process of label-specific features via clustering ensemble techniques.Specifically,more stable clustering results are obtained by firstly augmenting the original instance repre-sentation with cluster assignments from base clusters and then fitting a mixture model via the expectation-maximization(EM)algorithm.Extensive experiments on eighteen benchmark data sets show that SENCE performs better than LIFT and other well-established multi-label learning algorithms. 展开更多
关键词 Clustering ensemble expectation-maximization al-gorithm label-specific features multi-label learning
下载PDF
Multi-label learning of face demographic classification for correlation analysis
4
作者 方昱春 程功 罗婕 《Journal of Shanghai University(English Edition)》 CAS 2011年第5期352-356,共5页
In this paper, we utilize the framework of multi-label learning for face demographic classification. We also attempt t;o explore the suitable classifiers and features for face demographic classification. Three most po... In this paper, we utilize the framework of multi-label learning for face demographic classification. We also attempt t;o explore the suitable classifiers and features for face demographic classification. Three most popular demographic information, gender, ethnicity and age are considered in experiments. Based on the results from demographic classification, we utilize statistic analysis to explore the correlation among various face demographic information. Through the analysis, we draw several conclusions on the correlation and interaction among these high-level face semantic, and the obtained results can be helpful in automatic face semantic annotation and other face analysis tasks. 展开更多
关键词 denlographic classification multi-label learning face analysis
下载PDF
Optimization Model and Algorithm for Multi-Label Learning
5
作者 Zhengyang Li 《Journal of Applied Mathematics and Physics》 2021年第5期969-975,共7页
<div style="text-align:justify;"> This paper studies a kind of urban security risk assessment model based on multi-label learning, which is transformed into the solution of linear equations through a s... <div style="text-align:justify;"> This paper studies a kind of urban security risk assessment model based on multi-label learning, which is transformed into the solution of linear equations through a series of transformations, and then the solution of linear equations is transformed into an optimization problem. Finally, this paper uses some classical optimization algorithms to solve these optimization problems, the convergence of the algorithm is proved, and the advantages and disadvantages of several optimization methods are compared. </div> 展开更多
关键词 Operations Research multi-label learning Linear Equations Solving Optimization Algorithm
下载PDF
Multi-Label Chinese Comments Categorization: Comparison of Multi-Label Learning Algorithms 被引量:4
6
作者 Jiahui He Chaozhi Wang +2 位作者 Hongyu Wu Leiming Yan Christian Lu 《Journal of New Media》 2019年第2期51-61,共11页
Multi-label text categorization refers to the problem of categorizing text througha multi-label learning algorithm. Text classification for Asian languages such as Chinese isdifferent from work for other languages suc... Multi-label text categorization refers to the problem of categorizing text througha multi-label learning algorithm. Text classification for Asian languages such as Chinese isdifferent from work for other languages such as English which use spaces to separate words.Before classifying text, it is necessary to perform a word segmentation operation to converta continuous language into a list of separate words and then convert it into a vector of acertain dimension. Generally, multi-label learning algorithms can be divided into twocategories, problem transformation methods and adapted algorithms. This work will usecustomer's comments about some hotels as a training data set, which contains labels for allaspects of the hotel evaluation, aiming to analyze and compare the performance of variousmulti-label learning algorithms on Chinese text classification. The experiment involves threebasic methods of problem transformation methods: Support Vector Machine, Random Forest,k-Nearest-Neighbor;and one adapted algorithm of Convolutional Neural Network. Theexperimental results show that the Support Vector Machine has better performance. 展开更多
关键词 multi-label classification Chinese text classification problem transformation adapted algorithms
下载PDF
Novel Apriori-Based Multi-Label Learning Algorithm by Exploiting Coupled Label Relationship 被引量:1
7
作者 Zhenwu Wang Longbing Cao 《Journal of Beijing Institute of Technology》 EI CAS 2017年第2期206-214,共9页
It is a key challenge to exploit the label coupling relationship in multi-label classification(MLC)problems.Most previous work focused on label pairwise relations,in which generally only global statistical informati... It is a key challenge to exploit the label coupling relationship in multi-label classification(MLC)problems.Most previous work focused on label pairwise relations,in which generally only global statistical information is used to analyze the coupled label relationship.In this work,firstly Bayesian and hypothesis testing methods are applied to predict the label set size of testing samples within their k nearest neighbor samples,which combines global and local statistical information,and then apriori algorithm is used to mine the label coupling relationship among multiple labels rather than pairwise labels,which can exploit the label coupling relations more accurately and comprehensively.The experimental results on text,biology and audio datasets shown that,compared with the state-of-the-art algorithm,the proposed algorithm can obtain better performance on 5 common criteria. 展开更多
关键词 multi-label classification hypothesis testing k nearest neighbor apriori algorithm label coupling
下载PDF
Boosting Adaptive Weighted Broad Learning System for Multi-Label Learning
8
作者 Yuanxin Lin Zhiwen Yu +2 位作者 Kaixiang Yang Ziwei Fan C.L.Philip Chen 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI 2024年第11期2204-2219,共16页
Multi-label classification is a challenging problem that has attracted significant attention from researchers, particularly in the domain of image and text attribute annotation. However, multi-label datasets are prone... Multi-label classification is a challenging problem that has attracted significant attention from researchers, particularly in the domain of image and text attribute annotation. However, multi-label datasets are prone to serious intra-class and inter-class imbalance problems, which can significantly degrade the classification performance. To address the above issues, we propose the multi-label weighted broad learning system(MLW-BLS) from the perspective of label imbalance weighting and label correlation mining. Further, we propose the multi-label adaptive weighted broad learning system(MLAW-BLS) to adaptively adjust the specific weights and values of labels of MLW-BLS and construct an efficient imbalanced classifier set. Extensive experiments are conducted on various datasets to evaluate the effectiveness of the proposed model, and the results demonstrate its superiority over other advanced approaches. 展开更多
关键词 Broad learning system label correlation mining label imbalance weighting multi-label imbalance
下载PDF
A Novel Framework for Learning and Classifying the Imbalanced Multi-Label Data
9
作者 P.K.A.Chitra S.Appavu alias Balamurugan +3 位作者 S.Geetha Seifedine Kadry Jungeun Kim Keejun Han 《Computer Systems Science & Engineering》 2024年第5期1367-1385,共19页
A generalization of supervised single-label learning based on the assumption that each sample in a dataset may belong to more than one class simultaneously is called multi-label learning.The main objective of this wor... A generalization of supervised single-label learning based on the assumption that each sample in a dataset may belong to more than one class simultaneously is called multi-label learning.The main objective of this work is to create a novel framework for learning and classifying imbalancedmulti-label data.This work proposes a framework of two phases.The imbalanced distribution of themulti-label dataset is addressed through the proposed Borderline MLSMOTE resampling method in phase 1.Later,an adaptive weighted l21 norm regularized(Elastic-net)multilabel logistic regression is used to predict unseen samples in phase 2.The proposed Borderline MLSMOTE resampling method focuses on samples with concurrent high labels in contrast to conventional MLSMOTE.The minority labels in these samples are called difficult minority labels and are more prone to penalize classification performance.The concurrentmeasure is considered borderline,and labels associated with samples are regarded as borderline labels in the decision boundary.In phase II,a novel adaptive l21 norm regularized weighted multi-label logistic regression is used to handle balanced data with different weighted synthetic samples.Experimentation on various benchmark datasets shows the outperformance of the proposed method and its powerful predictive performances over existing conventional state-of-the-art multi-label methods. 展开更多
关键词 multi-label imbalanced data multi-label learning Borderline MLSMOTE concurrent multi-label adaptive weighted multi-label elastic net difficult minority label
下载PDF
Inverse design of nonlinear phononic crystal configurations based on multi-label classification learning neural networks
10
作者 Kunqi Huang Yiran Lin +1 位作者 Yun Lai Xiaozhou Liu 《Chinese Physics B》 SCIE EI CAS CSCD 2024年第10期295-301,共7页
Phononic crystals,as artificial composite materials,have sparked significant interest due to their novel characteristics that emerge upon the introduction of nonlinearity.Among these properties,second-harmonic feature... Phononic crystals,as artificial composite materials,have sparked significant interest due to their novel characteristics that emerge upon the introduction of nonlinearity.Among these properties,second-harmonic features exhibit potential applications in acoustic frequency conversion,non-reciprocal wave propagation,and non-destructive testing.Precisely manipulating the harmonic band structure presents a major challenge in the design of nonlinear phononic crystals.Traditional design approaches based on parameter adjustments to meet specific application requirements are inefficient and often yield suboptimal performance.Therefore,this paper develops a design methodology using Softmax logistic regression and multi-label classification learning to inversely design the material distribution of nonlinear phononic crystals by exploiting information from harmonic transmission spectra.The results demonstrate that the neural network-based inverse design method can effectively tailor nonlinear phononic crystals with desired functionalities.This work establishes a mapping relationship between the band structure and the material distribution within phononic crystals,providing valuable insights into the inverse design of metamaterials. 展开更多
关键词 multi-label classification learning nonlinear phononic crystals inverse design
下载PDF
Early identification of stroke through deep learning with multi-modal human speech and movement data
11
作者 Zijun Ou Haitao Wang +9 位作者 Bin Zhang Haobang Liang Bei Hu Longlong Ren Yanjuan Liu Yuhu Zhang Chengbo Dai Hejun Wu Weifeng Li Xin Li 《Neural Regeneration Research》 SCIE CAS 2025年第1期234-241,共8页
Early identification and treatment of stroke can greatly improve patient outcomes and quality of life.Although clinical tests such as the Cincinnati Pre-hospital Stroke Scale(CPSS)and the Face Arm Speech Test(FAST)are... Early identification and treatment of stroke can greatly improve patient outcomes and quality of life.Although clinical tests such as the Cincinnati Pre-hospital Stroke Scale(CPSS)and the Face Arm Speech Test(FAST)are commonly used for stroke screening,accurate administration is dependent on specialized training.In this study,we proposed a novel multimodal deep learning approach,based on the FAST,for assessing suspected stroke patients exhibiting symptoms such as limb weakness,facial paresis,and speech disorders in acute settings.We collected a dataset comprising videos and audio recordings of emergency room patients performing designated limb movements,facial expressions,and speech tests based on the FAST.We compared the constructed deep learning model,which was designed to process multi-modal datasets,with six prior models that achieved good action classification performance,including the I3D,SlowFast,X3D,TPN,TimeSformer,and MViT.We found that the findings of our deep learning model had a higher clinical value compared with the other approaches.Moreover,the multi-modal model outperformed its single-module variants,highlighting the benefit of utilizing multiple types of patient data,such as action videos and speech audio.These results indicate that a multi-modal deep learning model combined with the FAST could greatly improve the accuracy and sensitivity of early stroke identification of stroke,thus providing a practical and powerful tool for assessing stroke patients in an emergency clinical setting. 展开更多
关键词 artificial intelligence deep learning DIAGNOSIS early detection FAST SCREENING STROKE
下载PDF
Machine learning applications in healthcare clinical practice and research
12
作者 Nikolaos-Achilleas Arkoudis Stavros P Papadakos 《World Journal of Clinical Cases》 SCIE 2025年第1期16-21,共6页
Machine learning(ML)is a type of artificial intelligence that assists computers in the acquisition of knowledge through data analysis,thus creating machines that can complete tasks otherwise requiring human intelligen... Machine learning(ML)is a type of artificial intelligence that assists computers in the acquisition of knowledge through data analysis,thus creating machines that can complete tasks otherwise requiring human intelligence.Among its various applications,it has proven groundbreaking in healthcare as well,both in clinical practice and research.In this editorial,we succinctly introduce ML applications and present a study,featured in the latest issue of the World Journal of Clinical Cases.The authors of this study conducted an analysis using both multiple linear regression(MLR)and ML methods to investigate the significant factors that may impact the estimated glomerular filtration rate in healthy women with and without non-alcoholic fatty liver disease(NAFLD).Their results implicated age as the most important determining factor in both groups,followed by lactic dehydrogenase,uric acid,forced expiratory volume in one second,and albumin.In addition,for the NAFLD-group,the 5th and 6th most important impact factors were thyroid-stimulating hormone and systolic blood pressure,as compared to plasma calcium and body fat for the NAFLD+group.However,the study's distinctive contribution lies in its adoption of ML methodologies,showcasing their superiority over traditional statistical approaches(herein MLR),thereby highlighting the potential of ML to represent an invaluable advanced adjunct tool in clinical practice and research. 展开更多
关键词 Machine learning Artificial INTELLIGENCE CLINICAL Practice RESEARCH Glomerular filtration rate Non-alcoholic fatty liver disease MEDICINE
下载PDF
Recombinant chitinase-3-like protein 1 alleviates learning and memory impairments via M2 microglia polarization in postoperative cognitive dysfunction mice
13
作者 Yujia Liu Xue Han +6 位作者 Yan Su Yiming Zhou Minhui Xu Jiyan Xu Zhengliang Ma Xiaoping Gu Tianjiao Xia 《Neural Regeneration Research》 SCIE CAS 2025年第9期2727-2736,共10页
Postoperative cognitive dysfunction is a seve re complication of the central nervous system that occurs after anesthesia and surgery,and has received attention for its high incidence and effect on the quality of life ... Postoperative cognitive dysfunction is a seve re complication of the central nervous system that occurs after anesthesia and surgery,and has received attention for its high incidence and effect on the quality of life of patients.To date,there are no viable treatment options for postoperative cognitive dysfunction.The identification of postoperative cognitive dysfunction hub genes could provide new research directions and therapeutic targets for future research.To identify the signaling mechanisms contributing to postoperative cognitive dysfunction,we first conducted Gene Ontology and Kyoto Encyclopedia of Genes and Genomes pathway enrichment analyses of the Gene Expression Omnibus GSE95426 dataset,which consists of mRNAs and long non-coding RNAs differentially expressed in mouse hippocampus3 days after tibial fracture.The dataset was enriched in genes associated with the biological process"regulation of immune cells,"of which Chill was identified as a hub gene.Therefore,we investigated the contribution of chitinase-3-like protein 1 protein expression changes to postoperative cognitive dysfunction in the mouse model of tibial fractu re surgery.Mice were intraperitoneally injected with vehicle or recombinant chitinase-3-like protein 124 hours post-surgery,and the injection groups were compared with untreated control mice for learning and memory capacities using the Y-maze and fear conditioning tests.In addition,protein expression levels of proinflammatory factors(interleukin-1βand inducible nitric oxide synthase),M2-type macrophage markers(CD206 and arginase-1),and cognition-related proteins(brain-derived neurotropic factor and phosphorylated NMDA receptor subunit NR2B)were measured in hippocampus by western blotting.Treatment with recombinant chitinase-3-like protein 1 prevented surgery-induced cognitive impairment,downregulated interleukin-1βand nducible nitric oxide synthase expression,and upregulated CD206,arginase-1,pNR2B,and brain-derived neurotropic factor expression compared with vehicle treatment.Intraperitoneal administration of the specific ERK inhibitor PD98059 diminished the effects of recombinant chitinase-3-like protein 1.Collectively,our findings suggest that recombinant chitinase-3-like protein 1 ameliorates surgery-induced cognitive decline by attenuating neuroinflammation via M2 microglial polarization in the hippocampus.Therefore,recombinant chitinase-3-like protein1 may have therapeutic potential fo r postoperative cognitive dysfunction. 展开更多
关键词 Chil1 hippocampus learning and memory M2 microglia NEUROINFLAMMATION postoperative cognitive dysfunction(POCD) recombinant CHI3L1
下载PDF
Regulator of G protein signaling 6 mediates exercise-induced recovery of hippocampal neurogenesis,learning,and memory in a mouse model of Alzheimer’s disease
14
作者 Mackenzie M.Spicer Jianqi Yang +5 位作者 Daniel Fu Alison N.DeVore Marisol Lauffer Nilufer S.Atasoy Deniz Atasoy Rory A.Fisher 《Neural Regeneration Research》 SCIE CAS 2025年第10期2969-2981,共13页
Hippocampal neuronal loss causes cognitive dysfunction in Alzheimer’s disease.Adult hippocampal neurogenesis is reduced in patients with Alzheimer’s disease.Exercise stimulates adult hippocampal neurogenesis in rode... Hippocampal neuronal loss causes cognitive dysfunction in Alzheimer’s disease.Adult hippocampal neurogenesis is reduced in patients with Alzheimer’s disease.Exercise stimulates adult hippocampal neurogenesis in rodents and improves memory and slows cognitive decline in patients with Alzheimer’s disease.However,the molecular pathways for exercise-induced adult hippocampal neurogenesis and improved cognition in Alzheimer’s disease are poorly understood.Recently,regulator of G protein signaling 6(RGS6)was identified as the mediator of voluntary running-induced adult hippocampal neurogenesis in mice.Here,we generated novel RGS6fl/fl;APP_(SWE) mice and used retroviral approaches to examine the impact of RGS6 deletion from dentate gyrus neuronal progenitor cells on voluntary running-induced adult hippocampal neurogenesis and cognition in an amyloid-based Alzheimer’s disease mouse model.We found that voluntary running in APP_(SWE) mice restored their hippocampal cognitive impairments to that of control mice.This cognitive rescue was abolished by RGS6 deletion in dentate gyrus neuronal progenitor cells,which also abolished running-mediated increases in adult hippocampal neurogenesis.Adult hippocampal neurogenesis was reduced in sedentary APP_(SWE) mice versus control mice,with basal adult hippocampal neurogenesis reduced by RGS6 deletion in dentate gyrus neural precursor cells.RGS6 was expressed in neurons within the dentate gyrus of patients with Alzheimer’s disease with significant loss of these RGS6-expressing neurons.Thus,RGS6 mediated voluntary running-induced rescue of impaired cognition and adult hippocampal neurogenesis in APP_(SWE) mice,identifying RGS6 in dentate gyrus neural precursor cells as a possible therapeutic target in Alzheimer’s disease. 展开更多
关键词 adult hippocampal neurogenesis Alzheimer’s disease dentate gyrus EXERCISE learning/memory neural precursor cells regulator of G protein signaling 6(RGS6)
下载PDF
Binary relevance for multi-label learning: an overview 被引量:26
15
作者 Min-Ling ZHANG Yu-Kun LI +1 位作者 Xu-Ying LIU Xin GENG 《Frontiers of Computer Science》 SCIE EI CSCD 2018年第2期191-202,共12页
Multi-label learning deals with problems where each example is represented by a single instance while being associated with multiple class labels simultaneously. Binary relevance is arguably the most intuitive solutio... Multi-label learning deals with problems where each example is represented by a single instance while being associated with multiple class labels simultaneously. Binary relevance is arguably the most intuitive solution for learning from multi-label examples. It works by decomposing the multi-label learning task into a number of independent binary learning tasks (one per class label). In view of its potential weakness in ignoring correlations between labels, many correlation-enabling extensions to binary relevance have been proposed in the past decade. In this paper, we aim to review the state of the art of binary relevance from three perspectives. First, basic settings for multi-label learning and binary relevance solutions are briefly summarized. Second, representative strategies to provide binary relevance with label correlation exploitation abilities are discussed. Third, some of our recent studies on binary relevance aimed at issues other than label correlation exploitation are introduced. As a conclusion, we provide suggestions on future research directions. 展开更多
关键词 machine learning multi-label learning binary relevance label correlation class-imbalance relative labeling-importance
原文传递
Classifying Syndromes in Chinese Medicine Using Multi-label Learning Algorithm with Relevant Features for Each Label 被引量:4
16
作者 徐璡 许朝霞 +5 位作者 陆萍 郭睿 燕海霞 许文杰 王忆勤 夏春明 《Chinese Journal of Integrative Medicine》 SCIE CAS CSCD 2016年第11期867-871,共5页
Objective: To develop an effective Chinese Medicine(CM) diagnostic model of coronary heart disease(CHD) and to confirm the scientific validity of CM theoretical basis from an algorithmic viewpoint. Methods: Four types... Objective: To develop an effective Chinese Medicine(CM) diagnostic model of coronary heart disease(CHD) and to confirm the scientific validity of CM theoretical basis from an algorithmic viewpoint. Methods: Four types of objective diagnostic data were collected from 835 CHD patients by using a selfdeveloped CM inquiry scale for the diagnosis of heart problems, a tongue diagnosis instrument, a ZBOX-I pulse digital collection instrument, and the sound of an attending acquisition system. These diagnostic data was analyzed and a CM diagnostic model was established using a multi-label learning algorithm(REAL). Results: REAL was employed to establish a Xin(Heart) qi deficiency, Xin yang deficiency, Xin yin deficiency, blood stasis, and phlegm five-card CM diagnostic model, which had recognition rates of 80.32%, 89.77%, 84.93%, 85.37%, and 69.90%, respectively. Conclusions: The multi-label learning method established using four diagnostic models based on mutual information feature selection yielded good recognition results. The characteristic model parameters were selected by maximizing the mutual information for each card type. The four diagnostic methods used to obtain information in CM, i.e., observation, auscultation and olfaction, inquiry, and pulse diagnosis, can be characterized by these parameters, which is consistent with CM theory. 展开更多
关键词 Chinese medicine syndrome differentiation multi-label learning algorithm
原文传递
Non-negative matrix factorization based modeling and training algorithm for multi-label learning 被引量:2
17
作者 Liang SUN Hongwei GE Wenjing KANG 《Frontiers of Computer Science》 SCIE EI CSCD 2019年第6期1243-1254,共12页
Multi-label learning is more complicated than single-label learning since the semantics of the instances are usually overlapped and not identical.The effectiveness of many algorithms often fails when the correlations ... Multi-label learning is more complicated than single-label learning since the semantics of the instances are usually overlapped and not identical.The effectiveness of many algorithms often fails when the correlations in the feature and label space are not fully exploited.To this end,we propose a novel non-negative matrix factorization(NMF)based modeling and training algorithm that learns from both the adjacencies of the instances and the labels of the training set.In the modeling process,a set of generators are constructed,and the associations among generators,instances,and labels are set up,with which the label prediction is conducted.In the training process,the parameters involved in the process of modeling are determined.Specifically,an NMF based algorithm is proposed to determine the associations between generators and instances,and a non-negative least square optimization algorithm is applied to determine the associations between generators and labels.The proposed algorithm fully takes the advantage of smoothness assumption,so that the labels are properly propagated.The experiments were carried out on six set of benchmarks.The results demonstrate the effectiveness of the proposed algorithms. 展开更多
关键词 multi-label learning non-negative least square optimization non-negative matrix factorization smoothness assumption
原文传递
ML-ANet:A Transfer Learning Approach Using Adaptation Network for Multi-label Image Classification in Autonomous Driving
18
作者 Guofa Li Zefeng Ji +3 位作者 Yunlong Chang Shen Li Xingda Qu Dongpu Cao 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2021年第5期107-117,共11页
To reduce the discrepancy between the source and target domains,a new multi-label adaptation network(ML-ANet)based on multiple kernel variants with maximum mean discrepancies is proposed in this paper.The hidden repre... To reduce the discrepancy between the source and target domains,a new multi-label adaptation network(ML-ANet)based on multiple kernel variants with maximum mean discrepancies is proposed in this paper.The hidden representations of the task-specific layers in ML-ANet are embedded in the reproducing kernel Hilbert space(RKHS)so that the mean-embeddings of specific features in different domains could be precisely matched.Multiple kernel functions are used to improve feature distribution efficiency for explicit mean embedding matching,which can further reduce domain discrepancy.Adverse weather and cross-camera adaptation examinations are conducted to verify the effectiveness of our proposed ML-ANet.The results show that our proposed ML-ANet achieves higher accuracies than the compared state-of-the-art methods for multi-label image classification in both the adverse weather adaptation and cross-camera adaptation experiments.These results indicate that ML-ANet can alleviate the reliance on fully labeled training data and improve the accuracy of multi-label image classification in various domain shift scenarios. 展开更多
关键词 Autonomous vehicles Deep learning Image classification multi-label learning Transfer learning
下载PDF
基于改进Q-Learning的移动机器人路径规划算法
19
作者 王立勇 王弘轩 +2 位作者 苏清华 王绅同 张鹏博 《电子测量技术》 北大核心 2024年第9期85-92,共8页
随着移动机器人在生产生活中的深入应用,其路径规划能力也需要向快速性和环境适应性兼备发展。为解决现有移动机器人使用强化学习方法进行路径规划时存在的探索前期容易陷入局部最优、反复搜索同一区域,探索后期收敛率低、收敛速度慢的... 随着移动机器人在生产生活中的深入应用,其路径规划能力也需要向快速性和环境适应性兼备发展。为解决现有移动机器人使用强化学习方法进行路径规划时存在的探索前期容易陷入局部最优、反复搜索同一区域,探索后期收敛率低、收敛速度慢的问题,本研究提出一种改进的Q-Learning算法。该算法改进Q矩阵赋值方法,使迭代前期探索过程具有指向性,并降低碰撞的情况;改进Q矩阵迭代方法,使Q矩阵更新具有前瞻性,避免在一个小区域中反复探索;改进随机探索策略,在迭代前期全面利用环境信息,后期向目标点靠近。在不同栅格地图仿真验证结果表明,本文算法在Q-Learning算法的基础上,通过上述改进降低探索过程中的路径长度、减少抖动并提高收敛的速度,具有更高的计算效率。 展开更多
关键词 路径规划 强化学习 移动机器人 Q-learning算法 ε-decreasing策略
下载PDF
M-learning结合CBL在消化科规培教学中的探讨及应用
20
作者 洪静 程中华 +3 位作者 余金玲 王韶英 嵇贝纳 冯珍 《中国卫生产业》 2024年第2期203-205,共3页
目的探究移动学习平台(M-learning,ML)结合案例教学(Case-based Learning,CBL)在消化科住院医师规范化培训(简称规培)教学中的应用效果。方法选取2021年1月—2023年1月于上海市徐汇区中心医院消化科参加规培学习的80名医师作为研究对象... 目的探究移动学习平台(M-learning,ML)结合案例教学(Case-based Learning,CBL)在消化科住院医师规范化培训(简称规培)教学中的应用效果。方法选取2021年1月—2023年1月于上海市徐汇区中心医院消化科参加规培学习的80名医师作为研究对象,将其按照随机数表法分为研究组和对照组,每组40名。对照组给予传统讲授式教学法,研究组给予M-learning结合CBL教学法,对比两组医师的理论考试成绩、实践技能考试成绩和学习满意度。结果研究组的理论成绩和实践技能考试成绩均高于对照组,差异具有统计学意义(P均<0.05);研究组的学习满意度明显高于对照组,差异具有统计学意义(P<0.05)。结论将Mlearning结合CBL教学法应用于消化科规培教学中,不仅能够提升医师的理论考试成绩和实践技能考试成绩,还能够有效提高医师学习满意度。 展开更多
关键词 M-learning CBL 消化科 规培教学
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部