期刊文献+
共找到639篇文章
< 1 2 32 >
每页显示 20 50 100
Hierarchical Federated Learning Architectures for the Metaverse
1
作者 GU Cheng LI Baochun 《ZTE Communications》 2024年第2期39-48,共10页
In the context of edge computing environments in general and the metaverse in particular,federated learning(FL)has emerged as a distributed machine learning paradigm that allows multiple users to collaborate on traini... In the context of edge computing environments in general and the metaverse in particular,federated learning(FL)has emerged as a distributed machine learning paradigm that allows multiple users to collaborate on training a shared machine learning model locally,eliminating the need for uploading raw data to a central server.It is perhaps the only training paradigm that preserves the privacy of user data,which is essential for computing environments as personal as the metaverse.However,the original FL architecture proposed is not scalable to a large number of user devices in the metaverse community.To mitigate this problem,hierarchical federated learning(HFL)has been introduced as a general distributed learning paradigm,inspiring a number of research works.In this paper,we present several types of HFL architectures,with a special focus on the three-layer client-edge-cloud HFL architecture,which is most pertinent to the metaverse due to its delay-sensitive nature.We also examine works that take advantage of the natural layered organization of three-layer client-edge-cloud HFL to tackle some of the most challenging problems in FL within the metaverse.Finally,we outline some future research directions of HFL in the metaverse. 展开更多
关键词 federated learning hierarchical federated learning metaverse
下载PDF
Hierarchical Federated Learning: Architecture, Challenges, and Its Implementation in Vehicular Networks
2
作者 YAN Jintao CHEN Tan +3 位作者 XIE Bowen SUN Yuxuan ZHOU Sheng NIU Zhisheng 《ZTE Communications》 2023年第1期38-45,共8页
Federated learning(FL)is a distributed machine learning(ML)framework where several clients cooperatively train an ML model by exchanging the model parameters without directly sharing their local data.In FL,the limited... Federated learning(FL)is a distributed machine learning(ML)framework where several clients cooperatively train an ML model by exchanging the model parameters without directly sharing their local data.In FL,the limited number of participants for model aggregation and communication latency are two major bottlenecks.Hierarchical federated learning(HFL),with a cloud-edge-client hierarchy,can leverage the large coverage of cloud servers and the low transmission latency of edge servers.There are growing research interests in implementing FL in vehicular networks due to the requirements of timely ML training for intelligent vehicles.However,the limited number of participants in vehicular networks and vehicle mobility degrade the performance of FL training.In this context,HFL,which stands out for lower latency,wider coverage and more participants,is promising in vehicular networks.In this paper,we begin with the background and motivation of HFL and the feasibility of implementing HFL in vehicular networks.Then,the architecture of HFL is illustrated.Next,we clarify new issues in HFL and review several existing solutions.Furthermore,we introduce some typical use cases in vehicular networks as well as our initial efforts on implementing HFL in vehicular networks.Finally,we conclude with future research directions. 展开更多
关键词 hierarchical federated learning vehicular network MOBILITY convergence analysis
下载PDF
Hierarchical Reinforcement Learning With Automatic Sub-Goal Identification 被引量:1
3
作者 Chenghao Liu Fei Zhu +1 位作者 Quan Liu Yuchen Fu 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2021年第10期1686-1696,共11页
In reinforcement learning an agent may explore ineffectively when dealing with sparse reward tasks where finding a reward point is difficult.To solve the problem,we propose an algorithm called hierarchical deep reinfo... In reinforcement learning an agent may explore ineffectively when dealing with sparse reward tasks where finding a reward point is difficult.To solve the problem,we propose an algorithm called hierarchical deep reinforcement learning with automatic sub-goal identification via computer vision(HADS)which takes advantage of hierarchical reinforcement learning to alleviate the sparse reward problem and improve efficiency of exploration by utilizing a sub-goal mechanism.HADS uses a computer vision method to identify sub-goals automatically for hierarchical deep reinforcement learning.Due to the fact that not all sub-goal points are reachable,a mechanism is proposed to remove unreachable sub-goal points so as to further improve the performance of the algorithm.HADS involves contour recognition to identify sub-goals from the state image where some salient states in the state image may be recognized as sub-goals,while those that are not will be removed based on prior knowledge.Our experiments verified the effect of the algorithm. 展开更多
关键词 hierarchical control hierarchical reinforcement learning OPTION sparse reward sub-goal
下载PDF
A Hierarchical Clustering and Fixed-Layer Local Learning Based Support Vector Machine Algorithm for Large Scale Classification Problems 被引量:1
4
作者 吴广潮 肖法镇 +4 位作者 奚建清 杨晓伟 何丽芳 吕浩然 刘小兰 《Journal of Donghua University(English Edition)》 EI CAS 2012年第1期46-50,共5页
It is a challenging topic to develop an efficient algorithm for large scale classification problems in many applications of machine learning. In this paper, a hierarchical clustering and fixed-layer local learning (HC... It is a challenging topic to develop an efficient algorithm for large scale classification problems in many applications of machine learning. In this paper, a hierarchical clustering and fixed-layer local learning (HCFLL) based support vector machine(SVM) algorithm is proposed to deal with this problem. Firstly, HCFLL hierarchically clusters a given dataset into a modified clustering feature tree based on the ideas of unsupervised clustering and supervised clustering. Then it locally trains SVM on each labeled subtree at a fixed-layer of the tree. The experimental results show that compared with the existing popular algorithms such as core vector machine and decision-tree support vector machine, HCFLL can significantly improve the training and testing speeds with comparable testing accuracy. 展开更多
关键词 hierarchical clustering local learning large scale classification support vector machine(SVM)
下载PDF
Hierarchical reinforcement learning guidance with threat avoidance
5
作者 LI Bohao WU Yunjie LI Guofei 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2022年第5期1173-1185,共13页
The guidance strategy is an extremely critical factor in determining the striking effect of the missile operation.A novel guidance law is presented by exploiting the deep reinforcement learning(DRL)with the hierarchic... The guidance strategy is an extremely critical factor in determining the striking effect of the missile operation.A novel guidance law is presented by exploiting the deep reinforcement learning(DRL)with the hierarchical deep deterministic policy gradient(DDPG)algorithm.The reward functions are constructed to minimize the line-of-sight(LOS)angle rate and avoid the threat caused by the opposed obstacles.To attenuate the chattering of the acceleration,a hierarchical reinforcement learning structure and an improved reward function with action penalty are put forward.The simulation results validate that the missile under the proposed method can hit the target successfully and keep away from the threatened areas effectively. 展开更多
关键词 guidance law deep reinforcement learning(DRL) threat avoidance hierarchical reinforcement learning
下载PDF
Deep learning tomographic reconstruction through hierarchical decomposition of domain transforms
6
作者 Lin Fu Bruno De Man 《Visual Computing for Industry,Biomedicine,and Art》 EI 2022年第1期365-377,共13页
Deep learning(DL)has shown unprecedented performance for many image analysis and image enhancement tasks.Yet,solving large-scale inverse problems like tomographic reconstruction remains challenging for DL.These proble... Deep learning(DL)has shown unprecedented performance for many image analysis and image enhancement tasks.Yet,solving large-scale inverse problems like tomographic reconstruction remains challenging for DL.These problems involve non-local and space-variant integral transforms between the input and output domains,for which no efficient neural network models are readily available.A prior attempt to solve tomographic reconstruction problems with supervised learning relied on a brute-force fully connected network and only allowed reconstruction with a 128^(4)system matrix size.This cannot practically scale to realistic data sizes such as 512^(4)and 512^(6)for three-dimensional datasets.Here we present a novel framework to solve such problems with DL by casting the original problem as a continuum of intermediate representations between the input and output domains.The original problem is broken down into a sequence of simpler transformations that can be well mapped onto an efficient hierarchical network architecture,with exponentially fewer parameters than a fully connected network would need.We applied the approach to computed tomography(CT)image reconstruction for a 5124 system matrix size.This work introduces a new kind of data-driven DL solver for full-size CT reconstruction without relying on the structure of direct(analytical)or iterative(numerical)inversion techniques.This work presents a feasibility demonstration of full-scale learnt reconstruction,whereas more developments will be needed to demonstrate superiority relative to traditional reconstruction approaches.The proposed approach is also extendable to other imaging problems such as emission and magnetic resonance reconstruction.More broadly,hierarchical DL opens the door to a new class of solvers for general inverse problems,which could potentially lead to improved signal-to-noise ratio,spatial resolution and computational efficiency in various areas. 展开更多
关键词 Computed tomography Image reconstruction Deep learning hierarchical
下载PDF
ADC-DL:Communication-Efficient Distributed Learning with Hierarchical Clustering and Adaptive Dataset Condensation
7
作者 Zhipeng Gao Yan Yang +1 位作者 Chen Zhao Zijia Mo 《China Communications》 SCIE CSCD 2022年第12期73-85,共13页
The rapid growth of modern mobile devices leads to a large number of distributed data,which is extremely valuable for learning models.Unfortunately,model training by collecting all these original data to a centralized... The rapid growth of modern mobile devices leads to a large number of distributed data,which is extremely valuable for learning models.Unfortunately,model training by collecting all these original data to a centralized cloud server is not applicable due to data privacy and communication costs concerns,hindering artificial intelligence from empowering mobile devices.Moreover,these data are not identically and independently distributed(Non-IID)caused by their different context,which will deteriorate the performance of the model.To address these issues,we propose a novel Distributed Learning algorithm based on hierarchical clustering and Adaptive Dataset Condensation,named ADC-DL,which learns a shared model by collecting the synthetic samples generated on each device.To tackle the heterogeneity of data distribution,we propose an entropy topsis comprehensive tiering model for hierarchical clustering,which distinguishes clients in terms of their data characteristics.Subsequently,synthetic dummy samples are generated based on the hierarchical structure utilizing adaptive dataset condensation.The procedure of dataset condensation can be adjusted adaptively according to the tier of the client.Extensive experiments demonstrate that the performance of our ADC-DL is more outstanding in prediction accuracy and communication costs compared with existing algorithms. 展开更多
关键词 distributed learning Non-IID data partition hierarchical clustering adaptive dataset condensation
下载PDF
A Deep Learning Hierarchical Ensemble for Remote Sensing Image Classification
8
作者 Seung-Yeon Hwang Jeong-Joon Kim 《Computers, Materials & Continua》 SCIE EI 2022年第8期2649-2663,共15页
Artificial intelligence,which has recently emerged with the rapid development of information technology,is drawing attention as a tool for solving various problems demanded by society and industry.In particular,convol... Artificial intelligence,which has recently emerged with the rapid development of information technology,is drawing attention as a tool for solving various problems demanded by society and industry.In particular,convolutional neural networks(CNNs),a type of deep learning technology,are highlighted in computer vision fields,such as image classification and recognition and object tracking.Training these CNN models requires a large amount of data,and a lack of data can lead to performance degradation problems due to overfitting.As CNN architecture development and optimization studies become active,ensemble techniques have emerged to perform image classification by combining features extracted from multiple CNN models.In this study,data augmentation and contour image extraction were performed to overcome the data shortage problem.In addition,we propose a hierarchical ensemble technique to achieve high image classification accuracy,even if trained from a small amount of data.First,we trained the UCMerced land use dataset and the contour images for each image on pretrained VGGNet,GoogLeNet,ResNet,DenseNet,and EfficientNet.We then apply a hierarchical ensemble technique to the number of cases in which each model can be deployed.These experiments were performed in cases where the proportion of training datasets was 30%,50%,and 70%,resulting in a performance improvement of up to 4.68%compared to the average accuracy of the entire model. 展开更多
关键词 Image classification deep learning CNNS hierarchical ensemble UC-Merced land use dataset contour image
下载PDF
Hierarchical Representations Feature Deep Learning for Face Recognition
9
作者 Haijun Zhang Yinghui Chen 《Journal of Data Analysis and Information Processing》 2020年第3期195-227,共33页
Most modern face recognition and classification systems mainly rely on hand-crafted image feature descriptors. In this paper, we propose a novel deep learning algorithm combining unsupervised and supervised learning n... Most modern face recognition and classification systems mainly rely on hand-crafted image feature descriptors. In this paper, we propose a novel deep learning algorithm combining unsupervised and supervised learning named deep belief network embedded with Softmax regress (DBNESR) as a natural source for obtaining additional, complementary hierarchical representations, which helps to relieve us from the complicated hand-crafted feature-design step. DBNESR first learns hierarchical representations of feature by greedy layer-wise unsupervised learning in a feed-forward (bottom-up) and back-forward (top-down) manner and then makes more efficient recognition with Softmax regress by supervised learning. As a comparison with the algorithms only based on supervised learning, we again propose and design many kinds of classifiers: BP, HBPNNs, RBF, HRBFNNs, SVM and multiple classification decision fusion classifier (MCDFC)—hybrid HBPNNs-HRBFNNs-SVM classifier. The conducted experiments validate: Firstly, the proposed DBNESR is optimal for face recognition with the highest and most stable recognition rates;second, the algorithm combining unsupervised and supervised learning has better effect than all supervised learning algorithms;third, hybrid neural networks have better effect than single model neural network;fourth, the average recognition rate and variance of these algorithms in order of the largest to the smallest are respectively shown as DBNESR, MCDFC, SVM, HRBFNNs, RBF, HBPNNs, BP and BP, RBF, HBPNNs, HRBFNNs, SVM, MCDFC, DBNESR;at last, it reflects hierarchical representations of feature by DBNESR in terms of its capability of modeling hard artificial intelligent tasks. 展开更多
关键词 Face Recognition UNSUPERVISED hierarchical Representations Hybrid Neural Networks RBM Deep Belief Network Deep learning
下载PDF
A special hierarchical fuzzy neural-networks based reinforcement learning for multi-variables system
10
作者 张文志 吕恬生 《Journal of Harbin Institute of Technology(New Series)》 EI CAS 2005年第6期661-666,共6页
Proposes a reinforcement learning scheme based on a special Hierarchical Fuzzy Neural-Networks (HFNN)for solving complicated learning tasks in a continuous multi-variables environment. The output of the previous layer... Proposes a reinforcement learning scheme based on a special Hierarchical Fuzzy Neural-Networks (HFNN)for solving complicated learning tasks in a continuous multi-variables environment. The output of the previous layer in the HFNN is no longer used as if-part of the next layer, but used only in then-part. Thus it can deal with the difficulty when the output of the previous layer is meaningless or its meaning is uncertain. The proposed HFNN has a minimal number of fuzzy rules and can successfully solve the problem of rules combination explosion and decrease the quantity of computation and memory requirement. In the learning process, two HFNN with the same structure perform fuzzy action composition and evaluation function approximation simultaneously where the parameters of neural-networks are tuned and updated on line by using gradient descent algorithm. The reinforcement learning method is proved to be correct and feasible by simulation of a double inverted pendulum system. 展开更多
关键词 多变量系统 分级模糊神经网络 增强学习 双向倒摆 知识工程
下载PDF
Machine Learning for Data Fusion:A Fuzzy AHP Approach for Open Issues
11
作者 Vinay Kukreja Asha Abraham +3 位作者 K.Kalaiselvi K.Deepa Thilak Shanmugasundaram Hariharan Shih-Yu Chen 《Computers, Materials & Continua》 SCIE EI 2023年第12期2899-2914,共16页
Data fusion generates fused data by combining multiple sources,resulting in information that is more consistent,accurate,and useful than any individual source and more reliable and consistent than the raw original dat... Data fusion generates fused data by combining multiple sources,resulting in information that is more consistent,accurate,and useful than any individual source and more reliable and consistent than the raw original data,which are often imperfect,inconsistent,complex,and uncertain.Traditional data fusion methods like probabilistic fusion,set-based fusion,and evidential belief reasoning fusion methods are computationally complex and require accurate classification and proper handling of raw data.Data fusion is the process of integrating multiple data sources.Data filtering means examining a dataset to exclude,rearrange,or apportion data according to the criteria.Different sensors generate a large amount of data,requiring the development of machine learning(ML)algorithms to overcome the challenges of traditional methods.The advancement in hardware acceleration and the abundance of data from various sensors have led to the development of machine learning(ML)algorithms,expected to address the limitations of traditional methods.However,many open issues still exist as machine learning algorithms are used for data fusion.From the literature,nine issues have been identified irrespective of any application.The decision-makers should pay attention to these issues as data fusion becomes more applicable and successful.A fuzzy analytical hierarchical process(FAHP)enables us to handle these issues.It helps to get the weights for each corresponding issue and rank issues based on these calculated weights.The most significant issue identified is the lack of deep learning models used for data fusion that improve accuracy and learning quality weighted 0.141.The least significant one is the cross-domain multimodal data fusion weighted 0.076 because the whole semantic knowledge for multimodal data cannot be captured. 展开更多
关键词 Signal level fusion feature level fusion decision level fusion fuzzy hierarchical process machine learning
下载PDF
Research on the Development Model of University Archives Cultural Products Based on Deep Learning
12
作者 Qiong Luo 《Computer Systems Science & Engineering》 SCIE EI 2023年第9期3141-3158,共18页
The products of an archival culture in colleges and universities are the final result of the development of archival cultural resources,and the development of archival cultural effects in colleges and universities sho... The products of an archival culture in colleges and universities are the final result of the development of archival cultural resources,and the development of archival cultural effects in colleges and universities should be an important part of improving the artistic level of libraries.The existing RippleNet model doesn’t consider the influence of key nodes on recommendation results,and the recommendation accuracy is not high.Therefore,based on the RippleNet model,this paper introduces the influence of complex network nodes into the model and puts forward the Cn RippleNet model.The performance of the model is verified by experiments,which provide a theoretical basis for the promotion and recommendation of its cultural products of universarchives,solve the problem that RippleNet doesn’t consider the influence of key nodes on recommendation results,and improve the recommendation accuracy.This paper also combs the development course of archival cultural products in detail.Finally,based on the Cn-RippleNet model,the cultural effect of university archives is recommended and popularized. 展开更多
关键词 Cn-RippleNet model cultural artifact deep learning hierarchical optimization resource node optimization university archives
下载PDF
Multi-Topology Hierarchical Collaborative Hybrid Particle Swarm Optimization Algorithm for WSN
13
作者 Yi Wang Kanqi Wang +2 位作者 Maosheng Zhang Hongzhi Zheng Hui Zhang 《China Communications》 SCIE CSCD 2023年第8期254-275,共22页
Wireless sensor networks(WSN)are widely used in many situations,but the disordered and random deployment mode will waste a lot of sensor resources.This paper proposes a multi-topology hierarchical collaborative partic... Wireless sensor networks(WSN)are widely used in many situations,but the disordered and random deployment mode will waste a lot of sensor resources.This paper proposes a multi-topology hierarchical collaborative particle swarm optimization(MHCHPSO)to optimize sensor deployment location and improve the coverage of WSN.MHCHPSO divides the population into three types topology:diversity topology for global exploration,fast convergence topology for local development,and collaboration topology for exploration and development.All topologies are optimized in parallel to overcome the precocious convergence of PSO.This paper compares with various heuristic algorithms at CEC 2013,CEC 2015,and CEC 2017.The experimental results show that MHCHPSO outperforms the comparison algorithms.In addition,MHCHPSO is applied to the WSN localization optimization,and the experimental results confirm the optimization ability of MHCHPSO in practical engineering problems. 展开更多
关键词 particle swarm optimizer levy flight multi-topology hierarchical collaborative framework lamarckian learning intuitive fuzzy entropy wireless sensor network
下载PDF
Hierarchical Reinforcement Learning Adversarial Algorithm Against Opponent with Fixed Offensive Strategy
14
作者 赵英策 张广浩 +1 位作者 邢正宇 李建勋 《Journal of Shanghai Jiaotong university(Science)》 EI 2024年第3期471-479,共9页
Based on option-critic algorithm,a new adversarial algorithm named deterministic policy network with option architecture is proposed to improve agent's performance against opponent with fixed offensive algorithm.A... Based on option-critic algorithm,a new adversarial algorithm named deterministic policy network with option architecture is proposed to improve agent's performance against opponent with fixed offensive algorithm.An option network is introduced in upper level design,which can generate activated signal from defensive and of-fensive strategies according to temporary situation.Then the lower level executive layer can figure out interactive action with guidance of activated signal,and the value of both activated signal and interactive action is evaluated by critic structure together.This method could release requirement of semi Markov decision process effectively and eventually simplified network structure by eliminating termination possibility layer.According to the result of experiment,it is proved that new algorithm switches strategy style between offensive and defensive ones neatly and acquires more reward from environment than classical deep deterministic policy gradient algorithm does. 展开更多
关键词 hierarchical reinforcement learning fixed offensive strategy option architecture deterministic gradi-entpolicy
原文传递
Studies on Multi-Criteria Decision-Making-Based Healthcare Systems Using the Machine Learning
15
作者 Sk Anamul Hoda Abhoy Chand Mondal 《Journal of Artificial Intelligence and Technology》 2023年第2期53-59,共7页
There is a lot of information in healthcare and medical records.However,it is challenging for humans to turn data into information and spot hidden patterns in today’s digitally based culture.Effective decision suppor... There is a lot of information in healthcare and medical records.However,it is challenging for humans to turn data into information and spot hidden patterns in today’s digitally based culture.Effective decision support technologies can help medical professionals find critical information concealed in voluminous data and support their clinical judgments and in different healthcare management activities.This paper presented an extensive literature survey for healthcare systems using machine learning based on multi-criteria decision-making.Various existing studies are considered for review,and a critical analysis is being done through the reviews study,which can help the researchers to explore other research areas to cater for the need of the field. 展开更多
关键词 fuzzy analytical hierarchical process healthcare:machine learning multi-criteria decision-making
下载PDF
糖尿病肾病开展Triangle分层分级管理+LEARNS模式的效果及心理状态的观察
16
作者 周静 李麟玲 +1 位作者 汪海红 杨玉琼 《昆明医科大学学报》 CAS 2024年第4期197-202,共6页
目的探究在对糖尿病肾病患者护理时开展Triangle分层分级管理+LEARNS模式对患者血糖水平、肾功能水平以及心理状态等改善作用。方法在2022年2月至2023年1月云南省第三人民医院收治糖尿病肾病患者中随机抽选74例为对象,Excel表随机排序... 目的探究在对糖尿病肾病患者护理时开展Triangle分层分级管理+LEARNS模式对患者血糖水平、肾功能水平以及心理状态等改善作用。方法在2022年2月至2023年1月云南省第三人民医院收治糖尿病肾病患者中随机抽选74例为对象,Excel表随机排序划分对照组(n=37,治疗期间接受常规护理)和观察组(n=37,接受Triangle分层分级管理+LEARNS模式护理)。针对患者血压水平、肾功能水平等改善情况进行评估。结果对比2组干预前后血糖水平,餐后2 h血糖、空腹血糖,干预后观察组低于对照组,差异有统计学意义(P<0.05)。对比患者生存质量,干预前无差异,干预后观察组QOLIE-31量表评分高于对照组,差异有统计学意义(P<0.05)。对比患者负面情绪评分,干预前BAI以及BDI评分无差异,干预后观察组评分低于对照组,差异有统计学意义(P<0.05)。对比患者肾功能水平,干预后观察组肾功能水平高于对照组,差异有统计学意义(P<0.05)。对比2组自我管理能力,干预后观察组高于对照组,差异有统计学意义(P<0.05)。结论在对糖尿病肾病患者护理时开展Triangle分层分级管理+LEARNS模式,可改善患者血糖、肾功能水平,缓解患者治疗期间负面情绪,有助于患者进行恢复。 展开更多
关键词 糖尿病肾病 Triangle分层分级管理 learnS模式 心理状态
下载PDF
Triangle分层分级管理结合LEARNS模式在糖尿病中的应用
17
作者 余琦琦 张生娟 高菊 《糖尿病新世界》 2024年第9期131-134,共4页
目的研究糖尿病患者采用Triangle分层分级管理结合LEARNS模式干预的护理效果。方法选择2020年10月—2023年10月东南大学附属中大医院收治的40例糖尿病患者为研究对象,以随机抽签法分为A组(20例,行Triangle分层分级管理结合LEARNS模式护... 目的研究糖尿病患者采用Triangle分层分级管理结合LEARNS模式干预的护理效果。方法选择2020年10月—2023年10月东南大学附属中大医院收治的40例糖尿病患者为研究对象,以随机抽签法分为A组(20例,行Triangle分层分级管理结合LEARNS模式护理)和B组(20例,施行常规护理干预)。对比两组护理前后血糖水平、糖尿病自我管理行为量表(Summary of Diabetes Self Care Activities,SDSCA)评分及依从性。结果干预后,A组患者血糖水平显著优于B组,差异有统计学意义(P<0.05)。干预前,两组患者SDSCA评分对比,差异无统计学意义(P>0.05);干预后,A组SDSCA评分显著优于B组,差异有统计学意义(P<0.05)。A组患者依从性显著优于B组,差异有统计学意义(P<0.05)。结论给予糖尿病患者Triangle分层分级管理结合LEARNS模式进行干预,与常规护理干预对比,其能够很大程度改善患者血糖情况,提高糖尿病患者自我管理能力及依从性。 展开更多
关键词 Triangle分层分级管理 learnS模式 糖尿病护理
下载PDF
2型糖尿病患者护理中Triangle分层分级管理联合LEARNS模式的应用效果
18
作者 孟雪梅 王凤玲 宋永存 《糖尿病新世界》 2024年第5期152-155,共4页
目的探究2型糖尿病(Type 2 Diabetes Mellitus,T2DM)患者护理中Triangle分层分级管理联合LEARNS模式的应用效果。方法选取武威市天祝藏族自治县人民医院于2021年2月—2023年2月收治的280例T2DM患者为研究对象,以随机信封法分为常规组(n=... 目的探究2型糖尿病(Type 2 Diabetes Mellitus,T2DM)患者护理中Triangle分层分级管理联合LEARNS模式的应用效果。方法选取武威市天祝藏族自治县人民医院于2021年2月—2023年2月收治的280例T2DM患者为研究对象,以随机信封法分为常规组(n=140,常规护理)、观察组(n=140,常规组基础上行Triangle分层分级管理联合LEARNS模式)。观察并对比护理前后组间、组内各指标之间的差异。结果干预前组间血糖水平、自我管理能力评分对比,差异无统计学意义(P均>0.05);组间干预6个月后血糖水平对比,观察组更低,差异有统计学意义(P<0.05);组间干预6个月后自我管理能力评分对比,观察组(85.41±3.12)分高于常规组(84.23±3.19)分,差异有统计学意义(t=3.129,P<0.05)。结论Triangle分层分级管理联合LEARNS模式护理T2DM,可改善血糖水平及提高患者自我管理能力。 展开更多
关键词 T2DM 常规护理 Triangle分层分级管理 learnS模式 血糖水平
下载PDF
Learning and fatigue inspired method for optimized HTN planning 被引量:1
19
作者 Wanpeng Zhang Lincheng Shen Jing Chen 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2012年第2期233-241,共9页
Learning is widely used in intelligent planning to shorten the planning process or improve the plan quality. This paper aims at introducing learning and fatigue into the classical hierarchical task network (HTN) pla... Learning is widely used in intelligent planning to shorten the planning process or improve the plan quality. This paper aims at introducing learning and fatigue into the classical hierarchical task network (HTN) planning process so as to create better high- quality plans quickly. The process of HTN planning is mapped during a depth-first search process in a problem-solving agent, and the models of learning in HTN planning is conducted similar to the learning depth-first search (LDFS). Based on the models, a learning method integrating HTN planning and LDFS is presented, and a fatigue mechanism is introduced to balance exploration and exploitation in learning. Finally, experiments in two classical do- mains are carried out in order to validate the effectiveness of the proposed learning and fatigue inspired method. 展开更多
关键词 hierarchical task network (HTN) planning learning fatigue.
下载PDF
Enhancing Collaborative and Geometric Multi-Kernel Learning Using Deep Neural Network 被引量:1
20
作者 Bareera Zafar Syed Abbas Zilqurnain Naqvi +3 位作者 Muhammad Ahsan Allah Ditta Ummul Baneen Muhammad Adnan Khan 《Computers, Materials & Continua》 SCIE EI 2022年第9期5099-5116,共18页
This research proposes a method called enhanced collaborative andgeometric multi-kernel learning (E-CGMKL) that can enhance the CGMKLalgorithm which deals with multi-class classification problems with non-lineardata d... This research proposes a method called enhanced collaborative andgeometric multi-kernel learning (E-CGMKL) that can enhance the CGMKLalgorithm which deals with multi-class classification problems with non-lineardata distributions. CGMKL combines multiple kernel learning with softmaxfunction using the framework of multi empirical kernel learning (MEKL) inwhich empirical kernel mapping (EKM) provides explicit feature constructionin the high dimensional kernel space. CGMKL ensures the consistent outputof samples across kernel spaces and minimizes the within-class distance tohighlight geometric features of multiple classes. However, the kernels constructed by CGMKL do not have any explicit relationship among them andtry to construct high dimensional feature representations independently fromeach other. This could be disadvantageous for learning on datasets with complex hidden structures. To overcome this limitation, E-CGMKL constructskernel spaces from hidden layers of trained deep neural networks (DNN).Due to the nature of the DNN architecture, these kernel spaces not onlyprovide multiple feature representations but also inherit the compositionalhierarchy of the hidden layers, which might be beneficial for enhancing thepredictive performance of the CGMKL algorithm on complex data withnatural hierarchical structures, for example, image data. Furthermore, ourproposed scheme handles image data by constructing kernel spaces from aconvolutional neural network (CNN). Considering the effectiveness of CNNarchitecture on image data, these kernel spaces provide a major advantageover the CGMKL algorithm which does not exploit the CNN architecture forconstructing kernel spaces from image data. Additionally, outputs of hiddenlayers directly provide features for kernel spaces and unlike CGMKL, do notrequire an approximate MEKL framework. E-CGMKL combines the consistency and geometry preserving aspects of CGMKL with the compositionalhierarchy of kernel spaces extracted from DNN hidden layers to enhance the predictive performance of CGMKL significantly. The experimental results onvarious data sets demonstrate the superior performance of the E-CGMKLalgorithm compared to other competing methods including the benchmarkCGMKL. 展开更多
关键词 CGMKL multi-class classification deep neural network multiplekernel learning hierarchical kernel spaces
下载PDF
上一页 1 2 32 下一页 到第
使用帮助 返回顶部