期刊文献+
共找到27,522篇文章
< 1 2 250 >
每页显示 20 50 100
Task-adaptation graph network for few-shot learning
1
作者 ZHAO Wencang LI Ming QIN Wenqian 《High Technology Letters》 EI CAS 2022年第2期164-171,共8页
Numerous meta-learning methods focus on the few-shot learning issue,yet most of them assume that various tasks have a shared embedding space,so the generalization ability of the trained model is limited.In order to so... Numerous meta-learning methods focus on the few-shot learning issue,yet most of them assume that various tasks have a shared embedding space,so the generalization ability of the trained model is limited.In order to solve the aforementioned problem,a task-adaptive meta-learning method based on graph neural network(TAGN) is proposed in this paper,where the characterization ability of the original feature extraction network is ameliorated and the classification accuracy is remarkably improved.Firstly,a task-adaptation module based on the self-attention mechanism is employed,where the generalization ability of the model is enhanced on the new task.Secondly,images are classified in non-Euclidean domain,where the disadvantages of poor adaptability of the traditional distance function are overcome.A large number of experiments are conducted and the results show that the proposed methodology has a better performance than traditional task-independent classification methods on two real-word datasets. 展开更多
关键词 META-LEARNING image classification graph neural network(GNN) few-shot learning
在线阅读 下载PDF
Dynamic Task Offloading Scheme for Edge Computing via Meta-Reinforcement Learning 被引量:1
2
作者 Jiajia Liu Peng Xie +2 位作者 Wei Li Bo Tang Jianhua Liu 《Computers, Materials & Continua》 2025年第2期2609-2635,共27页
As an important complement to cloud computing, edge computing can effectively reduce the workload of the backbone network. To reduce latency and energy consumption of edge computing, deep learning is used to learn the... As an important complement to cloud computing, edge computing can effectively reduce the workload of the backbone network. To reduce latency and energy consumption of edge computing, deep learning is used to learn the task offloading strategies by interacting with the entities. In actual application scenarios, users of edge computing are always changing dynamically. However, the existing task offloading strategies cannot be applied to such dynamic scenarios. To solve this problem, we propose a novel dynamic task offloading framework for distributed edge computing, leveraging the potential of meta-reinforcement learning (MRL). Our approach formulates a multi-objective optimization problem aimed at minimizing both delay and energy consumption. We model the task offloading strategy using a directed acyclic graph (DAG). Furthermore, we propose a distributed edge computing adaptive task offloading algorithm rooted in MRL. This algorithm integrates multiple Markov decision processes (MDP) with a sequence-to-sequence (seq2seq) network, enabling it to learn and adapt task offloading strategies responsively across diverse network environments. To achieve joint optimization of delay and energy consumption, we incorporate the non-dominated sorting genetic algorithm II (NSGA-II) into our framework. Simulation results demonstrate the superiority of our proposed solution, achieving a 21% reduction in time delay and a 19% decrease in energy consumption compared to alternative task offloading schemes. Moreover, our scheme exhibits remarkable adaptability, responding swiftly to changes in various network environments. 展开更多
关键词 Edge computing adaptive META task offloading joint optimization
在线阅读 下载PDF
Providing Robust and Low-Cost Edge Computing in Smart Grid:An Energy Harvesting Based Task Scheduling and Resource Management Framework 被引量:1
3
作者 Xie Zhigang Song Xin +1 位作者 Xu Siyang Cao Jing 《China Communications》 2025年第2期226-240,共15页
Recently,one of the main challenges facing the smart grid is insufficient computing resources and intermittent energy supply for various distributed components(such as monitoring systems for renewable energy power sta... Recently,one of the main challenges facing the smart grid is insufficient computing resources and intermittent energy supply for various distributed components(such as monitoring systems for renewable energy power stations).To solve the problem,we propose an energy harvesting based task scheduling and resource management framework to provide robust and low-cost edge computing services for smart grid.First,we formulate an energy consumption minimization problem with regard to task offloading,time switching,and resource allocation for mobile devices,which can be decoupled and transformed into a typical knapsack problem.Then,solutions are derived by two different algorithms.Furthermore,we deploy renewable energy and energy storage units at edge servers to tackle intermittency and instability problems.Finally,we design an energy management algorithm based on sampling average approximation for edge computing servers to derive the optimal charging/discharging strategies,number of energy storage units,and renewable energy utilization.The simulation results show the efficiency and superiority of our proposed framework. 展开更多
关键词 edge computing energy harvesting energy storage unit renewable energy sampling average approximation task scheduling
在线阅读 下载PDF
Infrared aircraft few-shot classification method based on cross-correlation network
4
作者 HUANG Zhen ZHANG Yong GONG Jin-Fu 《红外与毫米波学报》 北大核心 2025年第1期103-111,共9页
In response to the scarcity of infrared aircraft samples and the tendency of traditional deep learning to overfit,a few-shot infrared aircraft classification method based on cross-correlation networks is proposed.This... In response to the scarcity of infrared aircraft samples and the tendency of traditional deep learning to overfit,a few-shot infrared aircraft classification method based on cross-correlation networks is proposed.This method combines two core modules:a simple parameter-free self-attention and cross-attention.By analyzing the self-correlation and cross-correlation between support images and query images,it achieves effective classification of infrared aircraft under few-shot conditions.The proposed cross-correlation network integrates these two modules and is trained in an end-to-end manner.The simple parameter-free self-attention is responsible for extracting the internal structure of the image while the cross-attention can calculate the cross-correlation between images further extracting and fusing the features between images.Compared with existing few-shot infrared target classification models,this model focuses on the geometric structure and thermal texture information of infrared images by modeling the semantic relevance between the features of the support set and query set,thus better attending to the target objects.Experimental results show that this method outperforms existing infrared aircraft classification methods in various classification tasks,with the highest classification accuracy improvement exceeding 3%.In addition,ablation experiments and comparative experiments also prove the effectiveness of the method. 展开更多
关键词 infrared imaging aircraft classification few-shot learning parameter-free attention cross attention
在线阅读 下载PDF
Joint Feature Encoding and Task Alignment Mechanism for Emotion-Cause Pair Extraction
5
作者 Shi Li Didi Sun 《Computers, Materials & Continua》 SCIE EI 2025年第1期1069-1086,共18页
With the rapid expansion of social media,analyzing emotions and their causes in texts has gained significant importance.Emotion-cause pair extraction enables the identification of causal relationships between emotions... With the rapid expansion of social media,analyzing emotions and their causes in texts has gained significant importance.Emotion-cause pair extraction enables the identification of causal relationships between emotions and their triggers within a text,facilitating a deeper understanding of expressed sentiments and their underlying reasons.This comprehension is crucial for making informed strategic decisions in various business and societal contexts.However,recent research approaches employing multi-task learning frameworks for modeling often face challenges such as the inability to simultaneouslymodel extracted features and their interactions,or inconsistencies in label prediction between emotion-cause pair extraction and independent assistant tasks like emotion and cause extraction.To address these issues,this study proposes an emotion-cause pair extraction methodology that incorporates joint feature encoding and task alignment mechanisms.The model consists of two primary components:First,joint feature encoding simultaneously generates features for emotion-cause pairs and clauses,enhancing feature interactions between emotion clauses,cause clauses,and emotion-cause pairs.Second,the task alignment technique is applied to reduce the labeling distance between emotion-cause pair extraction and the two assistant tasks,capturing deep semantic information interactions among tasks.The proposed method is evaluated on a Chinese benchmark corpus using 10-fold cross-validation,assessing key performance metrics such as precision,recall,and F1 score.Experimental results demonstrate that the model achieves an F1 score of 76.05%,surpassing the state-of-the-art by 1.03%.The proposed model exhibits significant improvements in emotion-cause pair extraction(ECPE)and cause extraction(CE)compared to existing methods,validating its effectiveness.This research introduces a novel approach based on joint feature encoding and task alignment mechanisms,contributing to advancements in emotion-cause pair extraction.However,the study’s limitation lies in the data sources,potentially restricting the generalizability of the findings. 展开更多
关键词 Emotion-cause pair extraction interactive information enhancement joint feature encoding label consistency task alignment mechanisms
在线阅读 下载PDF
Two-Stage Category-Guided Frequency Modulation for Few-Shot Semantic Segmentation
6
作者 Yiming Tang Yanqiu Chen 《Computers, Materials & Continua》 2025年第5期1707-1726,共20页
Semantic segmentation of novel object categories with limited labeled data remains a challenging problem in computer vision.Few-shot segmentation methods aim to address this problem by recognizing objects from specifi... Semantic segmentation of novel object categories with limited labeled data remains a challenging problem in computer vision.Few-shot segmentation methods aim to address this problem by recognizing objects from specific target classes with a few provided examples.Previous approaches for few-shot semantic segmentation typically represent target classes using class prototypes.These prototypes are matched with the features of the query set to get segmentation results.However,class prototypes are usually obtained by applying global average pooling on masked support images.Global pooling discards much structural information,which may reduce the accuracy of model predictions.To address this issue,we propose a Category-Guided Frequency Modulation(CGFM)method.CGFM is designed to learn category-specific information in the frequency space and leverage it to provide a twostage guidance for the segmentation process.First,to self-adaptively activate class-relevant frequency bands while suppressing irrelevant ones,we leverage the Dual-Perception Gaussian Band Pre-activation(DPGBP)module to generate Gaussian filters using class embedding vectors.Second,to further enhance category-relevant frequency components in activated bands,we design a Support-Guided Category Response Enhancement(SGCRE)module to effectively introduce support frequency components into the modulation of query frequency features.Experiments on the PASCAL-5^(i) and COCO-20^(i) datasets demonstrate the promising performance of our model. 展开更多
关键词 few-shot semantic segmentation frequency feature category representation
在线阅读 下载PDF
Predicting the productivity of fractured horizontal wells using few-shot learning
7
作者 Sen Wang Wen Ge +5 位作者 Yu-Long Zhang Qi-Hong Feng Yong Qin Ling-Feng Yue Renatus Mahuyu Jing Zhang 《Petroleum Science》 2025年第2期787-804,共18页
Predicting the productivity of multistage fractured horizontal wells plays an important role in exploiting unconventional resources.In recent years,machine learning(ML)models have emerged as a new approach for such st... Predicting the productivity of multistage fractured horizontal wells plays an important role in exploiting unconventional resources.In recent years,machine learning(ML)models have emerged as a new approach for such studies.However,the scarcity of sufficient real data for model training often leads to imprecise predictions,even though the models trained with real data better characterize geological and engineering features.To tackle this issue,we propose an ML model that can obtain reliable results even with a small amount of data samples.Our model integrates the synthetic minority oversampling technique(SMOTE)to expand the data volume,the support vector machine(SVM)for model training,and the particle swarm optimization(PSO)algorithm for optimizing hyperparameters.To enhance the model performance,we conduct feature fusion and dimensionality reduction.Additionally,we examine the influences of different sample sizes and ML models for training.The proposed model demonstrates higher prediction accuracy and generalization ability,achieving a predicted R^(2)value of up to 0.9 for the test set,compared to the traditional ML techniques with an R^(2)of 0.13.This model accurately predicts the production of fractured horizontal wells even with limited samples,supplying an efficient tool for optimizing the production of unconventional resources.Importantly,the model holds the potential applicability to address similar challenges in other fields constrained by scarce data samples. 展开更多
关键词 Fractured horizontal well Machine learning SMOTE few-shot learning PREDICTION Optimization
原文传递
Federated Learning and Optimization for Few-Shot Image Classification
8
作者 Yi Zuo Zhenping Chen +1 位作者 Jing Feng Yunhao Fan 《Computers, Materials & Continua》 2025年第3期4649-4667,共19页
Image classification is crucial for various applications,including digital construction,smart manu-facturing,and medical imaging.Focusing on the inadequate model generalization and data privacy concerns in few-shot im... Image classification is crucial for various applications,including digital construction,smart manu-facturing,and medical imaging.Focusing on the inadequate model generalization and data privacy concerns in few-shot image classification,in this paper,we propose a federated learning approach that incorporates privacy-preserving techniques.First,we utilize contrastive learning to train on local few-shot image data and apply various data augmentation methods to expand the sample size,thereby enhancing the model’s generalization capabilities in few-shot contexts.Second,we introduce local differential privacy techniques and weight pruning methods to safeguard model parameters,perturbing the transmitted parameters to ensure user data privacy.Finally,numerical simulations are conducted to demonstrate the effectiveness of our proposed method.The results indicate that our approach significantly enhances model generalization and test accuracy compared to several popular federated learning algorithms while maintaining data privacy,highlighting its effectiveness and practicality in addressing the challenges of model generalization and data privacy in few-shot image scenarios. 展开更多
关键词 Federated learning contrastive learning few-shot differential privacy data augmentation
在线阅读 下载PDF
Implicit Feature Contrastive Learning for Few-Shot Object Detection
9
作者 Gang Li Zheng Zhou +6 位作者 Yang Zhang Chuanyun Xu Zihan Ruan Pengfei Lv Ru Wang Xinyu Fan Wei Tan 《Computers, Materials & Continua》 2025年第7期1615-1632,共18页
Although conventional object detection methods achieve high accuracy through extensively annotated datasets,acquiring such large-scale labeled data remains challenging and cost-prohibitive in numerous real-world appli... Although conventional object detection methods achieve high accuracy through extensively annotated datasets,acquiring such large-scale labeled data remains challenging and cost-prohibitive in numerous real-world applications.Few-shot object detection presents a new research idea that aims to localize and classify objects in images using only limited annotated examples.However,the inherent challenge in few-shot object detection lies in the insufficient sample diversity to fully characterize the sample feature distribution,which consequently impacts model performance.Inspired by contrastive learning principles,we propose an Implicit Feature Contrastive Learning(IFCL)module to address this limitation and augment feature diversity for more robust representational learning.This module generates augmented support sample features in a mixed feature space and implicitly contrasts them with query Region of Interest(RoI)features.This approach facilitates more comprehensive learning of both intra-class feature similarity and inter-class feature diversity,thereby enhancing the model’s object classification and localization capabilities.Extensive experiments on PASCAL VOC show that our method achieves a respective improvement of 3.2%,1.8%,and 2.3%on 10-shot of three Novel Sets compared to the baseline model FPD. 展开更多
关键词 few-shot learning object detection implicit contrastive learning feature mixing feature aggregation
在线阅读 下载PDF
Image-Based Air Quality Estimation by Few-Shot Learning
10
作者 Duc Cuong Pham Tien Duc Ngo Hoai Nam Vu 《Computers, Materials & Continua》 2025年第8期2959-2974,共16页
Air quality estimation assesses the pollution level in the air,supports public health warnings,and is a valuable tool in environmental management.Although air sensors have proven helpful in this task,sensors are often... Air quality estimation assesses the pollution level in the air,supports public health warnings,and is a valuable tool in environmental management.Although air sensors have proven helpful in this task,sensors are often expensive and difficult to install,while cameras are becoming more popular and accessible,from which images can be collected as data for deep learning models to solve the above task.This leads to another problem:several labeled images are needed to achieve high accuracy when deep-learningmodels predict air quality.In this research,we have threemain contributions:(1)Collect and publish an air quality estimation dataset,namely PTIT_AQED,including environmental image data and air quality;(2)Propose a deep learning model to predict air quality with few data,called PTIT_FAQE(PTIT Few-shot air quality estimation).We build PTIT_FAQE based on EfficientNet-a CNN architecture that ensures high performance in deep learning applications and Few-shot Learning with Prototypical Networks.This helps the model use only a fewtraining data but still achieve high accuracy in air quality estimation.And(3)conduct experiments to prove the superiority of PTIT_FAQE compared to other studies on both PTIT_AQED and APIN datasets.The results show that our model achieves an accuracy of 0.9278 and an F1-Score of 0.9139 on the PTIT_AQED dataset and an accuracy of 0.9467 and an F1-Score of 0.9371 on the APIN dataset,which demonstrate a significant performance improvement compared to previous studies.We also conduct detailed experiments to evaluate the impact of each component on model performance. 展开更多
关键词 Air quality estimation few-shot learning prototypical networks deep learning
在线阅读 下载PDF
A Category-Agnostic Hybrid Contrastive Learning Method for Few-Shot Point Cloud Object Detection
11
作者 Xuejing Li 《Computers, Materials & Continua》 2025年第5期1667-1681,共15页
Few-shot point cloud 3D object detection(FS3D)aims to identify and locate objects of novel classes within point clouds using knowledge acquired from annotated base classes and a minimal number of samples from the nove... Few-shot point cloud 3D object detection(FS3D)aims to identify and locate objects of novel classes within point clouds using knowledge acquired from annotated base classes and a minimal number of samples from the novel classes.Due to imbalanced training data,existing FS3D methods based on fully supervised learning can lead to overfitting toward base classes,which impairs the network’s ability to generalize knowledge learned from base classes to novel classes and also prevents the network from extracting distinctive foreground and background representations for novel class objects.To address these issues,this thesis proposes a category-agnostic contrastive learning approach,enhancing the generalization and identification abilities for almost unseen categories through the construction of pseudo-labels and positive-negative sample pairs unrelated to specific classes.Firstly,this thesis designs a proposal-wise context contrastive module(CCM).By reducing the distance between foreground point features and increasing the distance between foreground and background point features within a region proposal,CCM aids the network in extracting more discriminative foreground and background feature representations without reliance on categorical annotations.Secondly,this thesis utilizes a geometric contrastive module(GCM),which enhances the network’s geometric perception capability by employing contrastive learning on the foreground point features associated with various basic geometric components,such as edges,corners,and surfaces,thereby enabling these geometric components to exhibit more distinguishable representations.This thesis also combines category-aware contrastive learning with former modules to maintain categorical distinctiveness.Extensive experimental results on FS-SUNRGBD and FS-ScanNet datasets demonstrate the effectiveness of this method with average precision exceeding the baseline by up to 8%. 展开更多
关键词 Contrastive learning few-shot learning point cloud object detection
在线阅读 下载PDF
CAMSNet:Few-Shot Semantic Segmentation via Class Activation Map and Self-Cross Attention Block
12
作者 Jingjing Yan Xuyang Zhuang +2 位作者 Xuezhuan Zhao Xiaoyan Shao Jiaqi Han 《Computers, Materials & Continua》 2025年第3期5363-5386,共24页
The key to the success of few-shot semantic segmentation(FSS)depends on the efficient use of limited annotated support set to accurately segment novel classes in the query set.Due to the few samples in the support set... The key to the success of few-shot semantic segmentation(FSS)depends on the efficient use of limited annotated support set to accurately segment novel classes in the query set.Due to the few samples in the support set,FSS faces challenges such as intra-class differences,background(BG)mismatches between query and support sets,and ambiguous segmentation between the foreground(FG)and BG in the query set.To address these issues,The paper propose a multi-module network called CAMSNet,which includes four modules:the General Information Module(GIM),the Class Activation Map Aggregation(CAMA)module,the Self-Cross Attention(SCA)Block,and the Feature Fusion Module(FFM).In CAMSNet,The GIM employs an improved triplet loss,which concatenates word embedding vectors and support prototypes as anchors,and uses local support features of FG and BG as positive and negative samples to help solve the problem of intra-class differences.Then for the first time,the Class Activation Map(CAM)from the Weakly Supervised Semantic Segmentation(WSSS)is applied to FSS within the CAMA module.This method replaces the traditional use of cosine similarity to locate query information.Subsequently,the SCA Block processes the support and query features aggregated by the CAMA module,significantly enhancing the understanding of input information,leading to more accurate predictions and effectively addressing BG mismatch and ambiguous FG-BG segmentation.Finally,The FFM combines general class information with the enhanced query information to achieve accurate segmentation of the query image.Extensive Experiments on PASCAL and COCO demonstrate that-5i-20ithe CAMSNet yields superior performance and set a state-of-the-art. 展开更多
关键词 few-shot semantic segmentation semantic segmentation meta learning
在线阅读 下载PDF
Reinforcement learning-enabled swarm intelligence method for computation task offloading in Internet-of-Things blockchain
13
作者 Zhuo Chen Jiahuan Yi +1 位作者 Yang Zhou Wei Luo 《Digital Communications and Networks》 2025年第3期912-924,共13页
Blockchain technology,based on decentralized data storage and distributed consensus design,has become a promising solution to address data security risks and provide privacy protection in the Internet-of-Things(IoT)du... Blockchain technology,based on decentralized data storage and distributed consensus design,has become a promising solution to address data security risks and provide privacy protection in the Internet-of-Things(IoT)due to its tamper-proof and non-repudiation features.Although blockchain typically does not require the endorsement of third-party trust organizations,it mostly needs to perform necessary mathematical calculations to prevent malicious attacks,which results in stricter requirements for computation resources on the participating devices.By offloading the computation tasks required to support blockchain consensus to edge service nodes or the cloud,while providing data privacy protection for IoT applications,it can effectively address the limitations of computation and energy resources in IoT devices.However,how to make reasonable offloading decisions for IoT devices remains an open issue.Due to the excellent self-learning ability of Reinforcement Learning(RL),this paper proposes a RL enabled Swarm Intelligence Optimization Algorithm(RLSIOA)that aims to improve the quality of initial solutions and achieve efficient optimization of computation task offloading decisions.The algorithm considers various factors that may affect the revenue obtained by IoT devices executing consensus algorithms(e.g.,Proof-of-Work),it optimizes the proportion of sub-tasks to be offloaded and the scale of computing resources to be rented from the edge and cloud to maximize the revenue of devices.Experimental results show that RLSIOA can obtain higher-quality offloading decision-making schemes at lower latency costs compared to representative benchmark algorithms. 展开更多
关键词 Blockchain task offloading Swarm intelligence Reinforcement learning
在线阅读 下载PDF
An Interpretable Few-Shot Framework for Fault Diagnosis of Train Transmission Systems with Noisy Labels
14
作者 Haiquan Qiu Biao Wang +4 位作者 Yong Qin Ao Ding Zhixin He Jing Liu Xin Huang 《Journal of Dynamics, Monitoring and Diagnostics》 2025年第1期65-75,共11页
Intelligent fault diagnosis technology plays an indispensable role in ensuring the safety,stability,and efficiency of railway operations.However,existing studies have the following limitations.1)They are typical black-... Intelligent fault diagnosis technology plays an indispensable role in ensuring the safety,stability,and efficiency of railway operations.However,existing studies have the following limitations.1)They are typical black-box models that lacks interpretability as well as they fuse features by simply stacking them,overlooking the discrepancies in the importance of different features,which reduces the credibility and diagnosis accuracy of the models.2)They ignore the effects of potentially mistaken labels in the training datasets disrupting the ability of the models to learn the true data distribution,which degrades the generalization performance of intelligent diagnosis models,especially when the training samples are limited.To address the above items,an interpretable few-shot framework for fault diagnosis with noisy labels is proposed for train transmission systems.In the proposed framework,a feature extractor is constructed by stacked frequency band focus modules,which can capture signal features in different frequency bands and further adaptively concentrate on the features corresponding to the potential fault characteristic frequency.Then,according to prototypical network,a novel metric-based classifier is developed that is tolerant to mislabeled support samples in the case of limited samples.Besides,a new loss function is designed to decrease the impact of label mistakes in query datasets.Finally,fault simulation experiments of subway train transmission systems are designed and conducted,and the effectiveness as well as superiority of the proposed method are proved by ablation experiments and comparison with the existing methods. 展开更多
关键词 few-shot learning intelligent fault diagnosis INTERPRETABILITY noisy labels train transmission systems
在线阅读 下载PDF
Reliable Task Offloading for 6G-Based IoT Applications
15
作者 Usman Mahmood Malik Muhammad Awais Javed +1 位作者 Ahmad Naseem Alvi Mohammed Alkhathami 《Computers, Materials & Continua》 2025年第2期2255-2274,共20页
Fog computing is a key enabling technology of 6G systems as it provides quick and reliable computing,and data storage services which are required for several 6G applications.Artificial Intelligence(AI)algorithms will ... Fog computing is a key enabling technology of 6G systems as it provides quick and reliable computing,and data storage services which are required for several 6G applications.Artificial Intelligence(AI)algorithms will be an integral part of 6G systems and efficient task offloading techniques using fog computing will improve their performance and reliability.In this paper,the focus is on the scenario of Partial Offloading of a Task to Multiple Helpers(POMH)in which larger tasks are divided into smaller subtasks and processed in parallel,hence expediting task completion.However,using POMH presents challenges such as breaking tasks into subtasks and scaling these subtasks based on many interdependent factors to ensure that all subtasks of a task finish simultaneously,preventing resource wastage.Additionally,applying matching theory to POMH scenarios results in dynamic preference profiles of helping devices due to changing subtask sizes,resulting in a difficult-to-solve,externalities problem.This paper introduces a novel many-to-one matching-based algorithm,designed to address the externalities problem and optimize resource allocation within POMH scenarios.Additionally,we propose a new time-efficient preference profiling technique that further enhances time optimization in POMH scenarios.The performance of the proposed technique is thoroughly evaluated in comparison to alternate baseline schemes,revealing many advantages of the proposed approach.The simulation findings indisputably show that the proposed matching-based offloading technique outperforms existing methodologies in the literature,yielding a remarkable 52 reduction in task latency,particularly under high workloads. 展开更多
关键词 6G IOT task offloading fog computing
在线阅读 下载PDF
Full Ceramic Bearing Fault Diagnosis with Few-Shot Learning Using GPT-2
16
作者 David He Miao He Jay Yoon 《Computer Modeling in Engineering & Sciences》 2025年第5期1955-1969,共15页
Full ceramic bearings are mission-critical components in oil-free environments,such as food processing,semiconductor manufacturing,and medical applications.Developing effective fault diagnosis methods for these bearin... Full ceramic bearings are mission-critical components in oil-free environments,such as food processing,semiconductor manufacturing,and medical applications.Developing effective fault diagnosis methods for these bearings is essential to ensuring operational reliability and preventing costly failures.Traditional supervised deep learning approaches have demonstrated promise in fault detection,but their dependence on large labeled datasets poses significant challenges in industrial settings where fault-labeled data is scarce.This paper introduces a few-shot learning approach for full ceramic bearing fault diagnosis by leveraging the pre-trained GPT-2 model.Large language models(LLMs)like GPT-2,pre-trained on diverse textual data,exhibit remarkable transfer learning and few-shot learning capabilities,making them ideal for applications with limited labeled data.In this study,acoustic emission(AE)signals from bearings were processed using empirical mode decomposition(EMD),and the extracted AE features were converted into structured text for fine-tuning GPT-2 as a fault classifier.To enhance its performance,we incorporated a modified loss function and softmax activation with cosine similarity,ensuring better generalization in fault identification.Experimental evaluations on a laboratory-collected full ceramic bearing dataset demonstrated that the proposed approach achieved high diagnostic accuracy with as few as five labeled samples,outperforming conventional methods such as k-nearest neighbor(KNN),large memory storage and retrieval(LAMSTAR)neural network,deep neural network(DNN),recurrent neural network(RNN),long short-term memory(LSTM)network,and model-agnostic meta-learning(MAML).The results highlight LLMs’potential to revolutionize fault diagnosis,enabling faster deployment,reduced reliance on extensive labeled datasets,and improved adaptability in industrial monitoring systems. 展开更多
关键词 LLMs GPT-2 few-shot learning fault diagnosis full ceramic bearing acoustic emission
在线阅读 下载PDF
A Task Offloading Method for Vehicular Edge Computing Based on Reputation Assessment
17
作者 Jun Li Yawei Dong +2 位作者 Liang Ni Guopeng Feng Fangfang Shan 《Computers, Materials & Continua》 2025年第5期3537-3552,共16页
With the development of vehicle networks and the construction of roadside units,Vehicular Ad Hoc Networks(VANETs)are increasingly promoting cooperative computing patterns among vehicles.Vehicular edge computing(VEC)of... With the development of vehicle networks and the construction of roadside units,Vehicular Ad Hoc Networks(VANETs)are increasingly promoting cooperative computing patterns among vehicles.Vehicular edge computing(VEC)offers an effective solution to mitigate resource constraints by enabling task offloading to edge cloud infrastructure,thereby reducing the computational burden on connected vehicles.However,this sharing-based and distributed computing paradigm necessitates ensuring the credibility and reliability of various computation nodes.Existing vehicular edge computing platforms have not adequately considered themisbehavior of vehicles.We propose a practical task offloading algorithm based on reputation assessment to address the task offloading problem in vehicular edge computing under an unreliable environment.This approach integrates deep reinforcement learning and reputation management to address task offloading challenges.Simulation experiments conducted using Veins demonstrate the feasibility and effectiveness of the proposed method. 展开更多
关键词 Vehicular edge computing task offloading reputation assessment
在线阅读 下载PDF
The Impact of Vicarious Abusive Supervision on Third-Party’s Self-Efficacy and Task Performance:The Moderating Role of Promotion Focus in Unethical Leadership Contexts
18
作者 LI Yuxuan ZHOU Yuqin +2 位作者 MI Shufei HUANG Hancheng CHEN Wenhua 《Chinese Business Review》 2025年第2期69-85,共17页
Drawing upon self-determination theory,this study examines the effects of vicarious abusive supervision on third-party’s self-efficacy and task performance within organizational contexts.Data were collected via surve... Drawing upon self-determination theory,this study examines the effects of vicarious abusive supervision on third-party’s self-efficacy and task performance within organizational contexts.Data were collected via surveys from 337 employees across diverse organizations.The results indicate that vicarious abusive supervision significantly undermines both self-efficacy and task performance among employees who are indirectly exposed to such behavior but not directly targeted.Furthermore,self-efficacy serves as a mediator between vicarious abusive supervision and task performance;however,this mediating effect is attenuated for employees with a high promotion focus.These findings provide valuable theoretical and practical insights,particularly in the domain of organizational behavior,by emphasizing the critical role of promotion focus in mitigating the negative effects of vicarious abusive supervision.This research contributes to the organizational behavior literature by shifting the focus from the traditional supervisor-subordinate dynamic to a third-party perspective,thereby enriching our understanding of how vicarious abusive supervision impacts employees within organizational settings.The study underscores the importance of self-efficacy and promotion focus as key factors in unethical leadership contexts. 展开更多
关键词 vicarious abusive supervision task performance SELF-EFFICACY promotion focus third-party
在线阅读 下载PDF
Leveraging Machine Learning to Predict Hospital Porter Task Completion Time
19
作者 You-Jyun Yeh Edward T.-H.Chu +2 位作者 Chia-Rong Lee Jiun Hsu Hui-Mei Wu 《Computers, Materials & Continua》 2025年第11期3369-3391,共23页
Porters play a crucial role in hospitals because they ensure the efficient transportation of patients,medical equipment,and vital documents.Despite its importance,there is a lack of research addressing the prediction ... Porters play a crucial role in hospitals because they ensure the efficient transportation of patients,medical equipment,and vital documents.Despite its importance,there is a lack of research addressing the prediction of completion times for porter tasks.To address this gap,we utilized real-world porter delivery data from Taiwan University Hospital,China,Yunlin Branch,Taiwan Region of China.We first identified key features that can influence the duration of porter tasks.We then employed three widely-used machine learning algorithms:decision tree,random forest,and gradient boosting.To leverage the strengths of each algorithm,we finally adopted an ensemble modeling approach that aggregates their individual predictions.Our experimental results show that the proposed ensemble model can achieve a mean absolute error of 3 min in predicting task response time and 4.42 min in task completion time.The prediction error is around 50%lower compared to using only the historical average.These results demonstrate that our method significantly improves the accuracy of porter task time prediction,supporting better resource planning and patient care.It helps ward staff streamline workflows by reducing delays,enables porter managers to allocate resources more effectively,and shortens patient waiting times,contributing to a better care experience. 展开更多
关键词 Machine learning hospital porter task completion time predictive models healthcare
在线阅读 下载PDF
Construction and Implementation of Team Task Mechanism for Software Engineering Courses Empowered by AI and Collaborative Competition——A Case Study of Software Project Management Course
20
作者 Jun Guo Yixian Liu +2 位作者 Xiaochun Yang Dongming Chen Zhiliang Zhu 《计算机教育》 2025年第3期48-54,共7页
Under the background of training practical compound talents in software engineering,this paper analyzes the problems existing in the current teaching of software engineering courses represented by software project man... Under the background of training practical compound talents in software engineering,this paper analyzes the problems existing in the current teaching of software engineering courses represented by software project management,puts forward the team task mechanism of software engineering courses with AI empowerment and cooperation and competition,develops a unified project management platform to support the implementation of team tasks,and proves the effectiveness of the scheme through the results obtained. 展开更多
关键词 Artificial intelligence Collaboration and competition Team tasks Software project management
在线阅读 下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部