期刊文献+
共找到687篇文章
< 1 2 35 >
每页显示 20 50 100
Effort-aware cross-project just-in-time defect prediction framework for mobile apps 被引量:1
1
作者 Tian CHENG Kunsong ZHAO +2 位作者 Song SUN Muhammad MATEEN Junhao WEN 《Frontiers of Computer Science》 SCIE EI CSCD 2022年第6期15-29,共15页
As the boom of mobile devices,Android mobile apps play an irreplaceable roles in people’s daily life,which have the characteristics of frequent updates involving in many code commits to meet new requirements.Just-in-... As the boom of mobile devices,Android mobile apps play an irreplaceable roles in people’s daily life,which have the characteristics of frequent updates involving in many code commits to meet new requirements.Just-in-Time(JIT)defect prediction aims to identify whether the commit instances will bring defects into the new release of apps and provides immediate feedback to developers,which is more suitable to mobile apps.As the within-app defect prediction needs sufficient historical data to label the commit instances,which is inadequate in practice,one alternative method is to use the cross-project model.In this work,we propose a novel method,called KAL,for cross-project JIT defect prediction task in the context of Android mobile apps.More specifically,KAL first transforms the commit instances into a high-dimensional feature space using kernel-based principal component analysis technique to obtain the representative features.Then,the adversarial learning technique is used to extract the common feature embedding for the model building.We conduct experiments on 14 Android mobile apps and employ four effort-aware indicators for performance evaluation.The results on 182 cross-project pairs demonstrate that our proposed KAL method obtains better performance than 20 comparative methods. 展开更多
关键词 kernel-based principal component analysis adversarial learning just-in-time defect prediction cross-project model
原文传递
Real-time drilling torque prediction ahead of the bit with just-in-time learning
2
作者 Kan-Kan Bai Mao Sheng +2 位作者 Hong-Bao Zhang Hong-Hai Fan Shao-Wei Pan 《Petroleum Science》 2025年第1期430-441,共12页
The digital twin,as the decision center of the automated drilling system,incorporates physical or data-driven models to predict the system response(rate of penetration,down-hole circulating pressure,drilling torques,e... The digital twin,as the decision center of the automated drilling system,incorporates physical or data-driven models to predict the system response(rate of penetration,down-hole circulating pressure,drilling torques,etc.).Real-time drilling torque prediction aids in drilling parameter optimization,drill string stabilization,and comparing the discrepancy between observed signal and theoretical trend to detect down-hole anomalies.Due to their inability to handle huge amounts of time series data,current machine learning techniques are unsuitable for the online prediction of drilling torque.Therefore,a new way,the just-in-time learning(JITL)framework and local machine learning model,are proposed to solve the problem.The steps in this method are:(1)a specific metric is designed to measure the similarity between time series drilling data and scenarios to be predicted ahead of bit;(2)parts of drilling data are selected to train a local model for a specific prediction scenario separately;(3)the local machine learning model is used to predict drilling torque ahead of bit.Both the model data test results and the field data application results certify the advantages of the method over the traditional sliding window methods.Moreover,the proposed method has been proven to be effective in drilling parameter optimization and pipe sticking trend detection.Finally,we offer suggestions for the selection of local machine learning algorithms and real-time prediction with this approach based on the test results. 展开更多
关键词 Drilling torque prediction just-in-time learning Digital twin Machine learning
原文传递
Software Defect Prediction Based on Semantic Views of Metrics:Clustering Analysis and Model Performance Analysis
3
作者 Baishun Zhou Haijiao Zhao +4 位作者 Yuxin Wen Gangyi Ding Ying Xing Xinyang Lin Lei Xiao 《Computers, Materials & Continua》 2025年第9期5201-5221,共21页
In recent years,with the rapid development of software systems,the continuous expansion of software scale and the increasing complexity of systems have led to the emergence of a growing number of software metrics.Defe... In recent years,with the rapid development of software systems,the continuous expansion of software scale and the increasing complexity of systems have led to the emergence of a growing number of software metrics.Defect prediction methods based on software metric elements highly rely on software metric data.However,redundant software metric data is not conducive to efficient defect prediction,posing severe challenges to current software defect prediction tasks.To address these issues,this paper focuses on the rational clustering of software metric data.Firstly,multiple software projects are evaluated to determine the preset number of clusters for software metrics,and various clustering methods are employed to cluster the metric elements.Subsequently,a co-occurrence matrix is designed to comprehensively quantify the number of times that metrics appear in the same category.Based on the comprehensive results,the software metric data are divided into two semantic views containing different metrics,thereby analyzing the semantic information behind the software metrics.On this basis,this paper also conducts an in-depth analysis of the impact of different semantic view of metrics on defect prediction results,as well as the performance of various classification models under these semantic views.Experiments show that the joint use of the two semantic views can significantly improve the performance of models in software defect prediction,providing a new understanding and approach at the semantic view level for defect prediction research based on software metrics. 展开更多
关键词 Software defect prediction software engineering semantic views CLUSTERING INTERPRETABILITY
在线阅读 下载PDF
A Fine-Grained Defect Prediction Method Based on Drift-Immune Graph Neural Networks
4
作者 Fengyu Yang Fa Zhong +1 位作者 Xiaohui Wei Guangdong Zeng 《Computers, Materials & Continua》 2025年第2期3563-3590,共28页
The primary goal of software defect prediction (SDP) is to pinpoint code modules that are likely to contain defects, thereby enabling software quality assurance teams to strategically allocate their resources and manp... The primary goal of software defect prediction (SDP) is to pinpoint code modules that are likely to contain defects, thereby enabling software quality assurance teams to strategically allocate their resources and manpower. Within-project defect prediction (WPDP) is a widely used method in SDP. Despite various improvements, current methods still face challenges such as coarse-grained prediction and ineffective handling of data drift due to differences in project distribution. To address these issues, we propose a fine-grained SDP method called DIDP (drift-immune defect prediction), based on drift-immune graph neural networks (DI-GNN). DIDP converts source code into graph representations and uses DI-GNN to mitigate data drift at the model level. It also analyses key statements leading to file defects for a more detailed SDP approach. We evaluated the performance of DIDP in WPDP by examining its file-level and statement-level accuracy compared to state-of-the-art methods, and by examining its cross-project prediction accuracy. The results of the experiment show that DIDP showed significant improvements in F1-score and Recall@Top20%LOC compared to existing methods, even with large software version changes. DIDP also performed well in cross-project SDP. Our study demonstrates that DIDP achieves impressive prediction results in WPDP, effectively mitigating data drift and accurately predicting defective files. Additionally, DIDP can rank the risk of statements in defective files, aiding developers and testers in identifying potential code issues. 展开更多
关键词 Software defect prediction data drift graph neural networks information bottleneck
在线阅读 下载PDF
Telecontext-Enhanced Recursive Interactive Attention Fusion Method for Line-Level Defect Prediction
5
作者 Haitao He Bingjian Yan +1 位作者 Ke Xu Lu Yu 《Computers, Materials & Continua》 2025年第2期2077-2108,共32页
Software defect prediction aims to use measurement data of code and historical defects to predict potential problems,optimize testing resources and defect management.However,current methods face challenges:(1)Coarse-g... Software defect prediction aims to use measurement data of code and historical defects to predict potential problems,optimize testing resources and defect management.However,current methods face challenges:(1)Coarse-grained file level detection cannot accurately locate specific defects.(2)Fine-grained line-level defect prediction methods rely solely on local information of a single line of code,failing to deeply analyze the semantic context of the code line and ignoring the heuristic impact of line-level context on the code line,making it difficult to capture the interaction between global and local information.Therefore,this paper proposes a telecontext-enhanced recursive interactive attention fusion method for line-level defect prediction(TRIA-LineDP).Firstly,using a bidirectional hierarchical attention network to extract semantic features and contextual information from the original code lines as the basis.Then,the extracted contextual information is forwarded to the telecontext capture module to aggregate the global context,thereby enhancing the understanding of broader code dynamics.Finally,a recursive interaction model is used to simulate the interaction between code lines and line-level context,passing information layer by layer to enhance local and global information exchange,thereby achieving accurate defect localization.Experimental results from within-project defect prediction(WPDP)and cross-project defect prediction(CPDP)conducted on nine different projects(encompassing a total of 32 versions)demonstrated that,within the same project,the proposed methods will respectively recall at top 20%of lines of code(Recall@Top20%LOC)and effort at top 20%recall(Effort@Top20%Recall)has increased by 11%–52%and 23%–77%.In different projects,improvements of 9%–60%and 18%–77%have been achieved,which are superior to existing advanced methods and have good detection performance. 展开更多
关键词 Line-level defect prediction telecontext capture recursive interactive structure hierarchical attention network
在线阅读 下载PDF
A Feature Selection Method for Software Defect Prediction Based on Improved Beluga Whale Optimization Algorithm
6
作者 Shaoming Qiu Jingjie He +1 位作者 Yan Wang Bicong E 《Computers, Materials & Continua》 2025年第6期4879-4898,共20页
Software defect prediction(SDP)aims to find a reliable method to predict defects in specific software projects and help software engineers allocate limited resources to release high-quality software products.Software ... Software defect prediction(SDP)aims to find a reliable method to predict defects in specific software projects and help software engineers allocate limited resources to release high-quality software products.Software defect prediction can be effectively performed using traditional features,but there are some redundant or irrelevant features in them(the presence or absence of this feature has little effect on the prediction results).These problems can be solved using feature selection.However,existing feature selection methods have shortcomings such as insignificant dimensionality reduction effect and low classification accuracy of the selected optimal feature subset.In order to reduce the impact of these shortcomings,this paper proposes a new feature selection method Cubic TraverseMa Beluga whale optimization algorithm(CTMBWO)based on the improved Beluga whale optimization algorithm(BWO).The goal of this study is to determine how well the CTMBWO can extract the features that are most important for correctly predicting software defects,improve the accuracy of fault prediction,reduce the number of the selected feature and mitigate the risk of overfitting,thereby achieving more efficient resource utilization and better distribution of test workload.The CTMBWO comprises three main stages:preprocessing the dataset,selecting relevant features,and evaluating the classification performance of the model.The novel feature selection method can effectively improve the performance of SDP.This study performs experiments on two software defect datasets(PROMISE,NASA)and shows the method’s classification performance using four detailed evaluation metrics,Accuracy,F1-score,MCC,AUC and Recall.The results indicate that the approach presented in this paper achieves outstanding classification performance on both datasets and has significant improvement over the baseline models. 展开更多
关键词 Software defect prediction feature selection beluga optimization algorithm triangular wandering strategy cauchy mutation reverse learning
在线阅读 下载PDF
A Software Defect Prediction Method Using a Multivariate Heterogeneous Hybrid Deep Learning Algorithm
7
作者 Qi Fei Haojun Hu +1 位作者 Guisheng Yin Zhian Sun 《Computers, Materials & Continua》 2025年第2期3251-3279,共29页
Software defect prediction plays a critical role in software development and quality assurance processes. Effective defect prediction enables testers to accurately prioritize testing efforts and enhance defect detecti... Software defect prediction plays a critical role in software development and quality assurance processes. Effective defect prediction enables testers to accurately prioritize testing efforts and enhance defect detection efficiency. Additionally, this technology provides developers with a means to quickly identify errors, thereby improving software robustness and overall quality. However, current research in software defect prediction often faces challenges, such as relying on a single data source or failing to adequately account for the characteristics of multiple coexisting data sources. This approach may overlook the differences and potential value of various data sources, affecting the accuracy and generalization performance of prediction results. To address this issue, this study proposes a multivariate heterogeneous hybrid deep learning algorithm for defect prediction (DP-MHHDL). Initially, Abstract Syntax Tree (AST), Code Dependency Network (CDN), and code static quality metrics are extracted from source code files and used as inputs to ensure data diversity. Subsequently, for the three types of heterogeneous data, the study employs a graph convolutional network optimization model based on adjacency and spatial topologies, a Convolutional Neural Network-Bidirectional Long Short-Term Memory (CNN-BiLSTM) hybrid neural network model, and a TabNet model to extract data features. These features are then concatenated and processed through a fully connected neural network for defect prediction. Finally, the proposed framework is evaluated using ten promise defect repository projects, and performance is assessed with three metrics: F1, Area under the curve (AUC), and Matthews correlation coefficient (MCC). The experimental results demonstrate that the proposed algorithm outperforms existing methods, offering a novel solution for software defect prediction. 展开更多
关键词 Software defect prediction multiple heterogeneous data graph convolutional network models based on adjacency and spatial topologies CNN-BiLSTM TabNet
在线阅读 下载PDF
Software Defect Prediction Using Fuzzy Integral Fusion Based on GA-FM 被引量:4
8
作者 LI Kewen CHEN Chenxi +2 位作者 LIU Wenying Fang Xianghua LU Qinghua 《Wuhan University Journal of Natural Sciences》 CAS 2014年第5期405-408,共4页
The fuzzy measure and fuzzy integral are applied to the classification of software defects in this paper. The fuzzy measure of software attributes and attributes' sets are treated by genetic algorithm, and then softw... The fuzzy measure and fuzzy integral are applied to the classification of software defects in this paper. The fuzzy measure of software attributes and attributes' sets are treated by genetic algorithm, and then software attributes are fused by the Choquet fuzzy integral algorithm. Finally, the class labels of soft- ware modules can be output. Experimental results have shown that there are interactions between characteristic attributes of software modules, and also proved that the fuzzy integral fusing method using Fuzzy Measure based on Genetic Algorithm (GA-FM) can significantly improve the accuracy for software defect prediction. 展开更多
关键词 defect prediction genetic algorithm fuzzy measure fuzzy integral
原文传递
A Framework for Software Defect Prediction Using Neural Networks 被引量:6
9
作者 Vipul Vashisht Manohar Lal G. S. Sureshchandar 《Journal of Software Engineering and Applications》 2015年第8期384-394,共11页
Despite the fact that a number of approaches have been proposed for effective and accurate prediction of software defects, yet most of these have not found widespread applicability. Our objective in this communication... Despite the fact that a number of approaches have been proposed for effective and accurate prediction of software defects, yet most of these have not found widespread applicability. Our objective in this communication is to provide a framework which is expected to be more effective and acceptable for predicting the defects in multiple phases across software development lifecycle. The proposed framework is based on the use of neural networks for predicting defects in software development life cycle. Further, in order to facilitate the easy use of the framework by project managers, a software graphical user interface has been developed that allows input data (including effort and defect) to be fed easily for predicting defects. The proposed framework provides a probabilistic defect prediction approach where instead of a definite number, a defect range (minimum, maximum, and mean) is predicted. The claim of efficacy and superiority of proposed framework is established through results of a comparative study, involving the proposed frame-work and some well-known models for software defect prediction. 展开更多
关键词 SOFTWARE defect SOFTWARE defect prediction Model NEURAL Network QUALITY Management
在线阅读 下载PDF
Software Defect Prediction Using Supervised Machine Learning and Ensemble Techniques: A Comparative Study 被引量:5
10
作者 Abdullah Alsaeedi Mohammad Zubair Khan 《Journal of Software Engineering and Applications》 2019年第5期85-100,共16页
An essential objective of software development is to locate and fix defects ahead of schedule that could be expected under diverse circumstances. Many software development activities are performed by individuals, whic... An essential objective of software development is to locate and fix defects ahead of schedule that could be expected under diverse circumstances. Many software development activities are performed by individuals, which may lead to different software bugs over the development to occur, causing disappointments in the not-so-distant future. Thus, the prediction of software defects in the first stages has become a primary interest in the field of software engineering. Various software defect prediction (SDP) approaches that rely on software metrics have been proposed in the last two decades. Bagging, support vector machines (SVM), decision tree (DS), and random forest (RF) classifiers are known to perform well to predict defects. This paper studies and compares these supervised machine learning and ensemble classifiers on 10 NASA datasets. The experimental results showed that, in the majority of cases, RF was the best performing classifier compared to the others. 展开更多
关键词 MACHINE Learning ENSEMBLES prediction SOFTWARE Metrics SOFTWARE defect
在线阅读 下载PDF
Defect Prediction Using Akaike and Bayesian Information Criterion 被引量:2
11
作者 Saleh Albahli Ghulam Nabi Ahmad Hassan Yar 《Computer Systems Science & Engineering》 SCIE EI 2022年第6期1117-1127,共11页
Data available in software engineering for many applications contains variability and it is not possible to say which variable helps in the process of the prediction.Most of the work present in software defect predict... Data available in software engineering for many applications contains variability and it is not possible to say which variable helps in the process of the prediction.Most of the work present in software defect prediction is focused on the selection of best prediction techniques.For this purpose,deep learning and ensemble models have shown promising results.In contrast,there are very few researches that deals with cleaning the training data and selection of best parameter values from the data.Sometimes data available for training the models have high variability and this variability may cause a decrease in model accuracy.To deal with this problem we used the Akaike information criterion(AIC)and the Bayesian information criterion(BIC)for selection of the best variables to train the model.A simple ANN model with one input,one output and two hidden layers was used for the training instead of a very deep and complex model.AIC and BIC values are calculated and combination for minimum AIC and BIC values to be selected for the best model.At first,variables were narrowed down to a smaller number using correlation values.Then subsets for all the possible variable combinations were formed.In the end,an artificial neural network(ANN)model was trained for each subset and the best model was selected on the basis of the smallest AIC and BIC value.It was found that combination of only two variables’ns and entropy are best for software defect prediction as it gives minimum AIC and BIC values.While,nm and npt is the worst combination and gives maximum AIC and BIC values. 展开更多
关键词 Software defect prediction machine learning AIC BIC model selection cross-project defect prediction
在线阅读 下载PDF
Software Defect Prediction Harnessing on Multi 1-Dimensional Convolutional Neural Network Structure 被引量:2
12
作者 Zuhaira Muhammad Zain Sapiah Sakri +1 位作者 Nurul Halimatul Asmak Ismail Reza M.Parizi 《Computers, Materials & Continua》 SCIE EI 2022年第4期1521-1546,共26页
Developing successful software with no defects is one of the main goals of software projects.In order to provide a software project with the anticipated software quality,the prediction of software defects plays a vita... Developing successful software with no defects is one of the main goals of software projects.In order to provide a software project with the anticipated software quality,the prediction of software defects plays a vital role.Machine learning,and particularly deep learning,have been advocated for predicting software defects,however both suffer from inadequate accuracy,overfitting,and complicated structure.In this paper,we aim to address such issues in predicting software defects.We propose a novel structure of 1-Dimensional Convolutional Neural Network(1D-CNN),a deep learning architecture to extract useful knowledge,identifying and modelling the knowledge in the data sequence,reduce overfitting,and finally,predict whether the units of code are defects prone.We design large-scale empirical studies to reveal the proposed model’s effectiveness by comparing four established traditional machine learning baseline models and four state-of-the-art baselines in software defect prediction based on the NASA datasets.The experimental results demonstrate that in terms of f-measure,an optimal and modest 1DCNN with a dropout layer outperforms baseline and state-of-the-art models by 66.79%and 23.88%,respectively,in ways that minimize overfitting and improving prediction performance for software defects.According to the results,1D-CNN seems to be successful in predicting software defects and may be applied and adopted for a practical problem in software engineering.This,in turn,could lead to saving software development resources and producing more reliable software. 展开更多
关键词 defectS software defect prediction deep learning convolutional neural network machine learning
在线阅读 下载PDF
Within-Project and Cross-Project Software Defect Prediction Based on Improved Transfer Naive Bayes Algorithm 被引量:3
13
作者 Kun Zhu Nana Zhang +1 位作者 Shi Ying Xu Wang 《Computers, Materials & Continua》 SCIE EI 2020年第5期891-910,共20页
With the continuous expansion of software scale,software update and maintenance have become more and more important.However,frequent software code updates will make the software more likely to introduce new defects.So... With the continuous expansion of software scale,software update and maintenance have become more and more important.However,frequent software code updates will make the software more likely to introduce new defects.So how to predict the defects quickly and accurately on the software change has become an important problem for software developers.Current defect prediction methods often cannot reflect the feature information of the defect comprehensively,and the detection effect is not ideal enough.Therefore,we propose a novel defect prediction model named ITNB(Improved Transfer Naive Bayes)based on improved transfer Naive Bayesian algorithm in this paper,which mainly considers the following two aspects:(1)Considering that the edge data of the test set may affect the similarity calculation and final prediction result,we remove the edge data of the test set when calculating the data similarity between the training set and the test set;(2)Considering that each feature dimension has different effects on defect prediction,we construct the calculation formula of training data weight based on feature dimension weight and data gravity,and then calculate the prior probability and the conditional probability of training data from the weight information,so as to construct the weighted bayesian classifier for software defect prediction.To evaluate the performance of the ITNB model,we use six datasets from large open source projects,namely Bugzilla,Columba,Mozilla,JDT,Platform and PostgreSQL.We compare the ITNB model with the transfer Naive Bayesian(TNB)model.The experimental results show that our ITNB model can achieve better results than the TNB model in terms of accurary,precision and pd for within-project and cross-project defect prediction. 展开更多
关键词 Cross-project defect prediction transfer Naive Bayesian algorithm edge data similarity calculation feature dimension weight
在线阅读 下载PDF
KAEA: A Novel Three-Stage Ensemble Model for Software Defect Prediction 被引量:2
14
作者 Nana Zhang Kun Zhu +1 位作者 Shi Ying Xu Wang 《Computers, Materials & Continua》 SCIE EI 2020年第7期471-499,共29页
Software defect prediction is a research hotspot in the field of software engineering.However,due to the limitations of current machine learning algorithms,we can’t achieve good effect for defect prediction by only u... Software defect prediction is a research hotspot in the field of software engineering.However,due to the limitations of current machine learning algorithms,we can’t achieve good effect for defect prediction by only using machine learning algorithms.In previous studies,some researchers used extreme learning machine(ELM)to conduct defect prediction.However,the initial weights and biases of the ELM are determined randomly,which reduces the prediction performance of ELM.Motivated by the idea of search based software engineering,we propose a novel software defect prediction model named KAEA based on kernel principal component analysis(KPCA),adaptive genetic algorithm,extreme learning machine and Adaboost algorithm,which has three main advantages:(1)KPCA can extract optimal representative features by leveraging a nonlinear mapping function;(2)We leverage adaptive genetic algorithm to optimize the initial weights and biases of ELM,so as to improve the generalization ability and prediction capacity of ELM;(3)We use the Adaboost algorithm to integrate multiple ELM basic predictors optimized by adaptive genetic algorithm into a strong predictor,which can further improve the effect of defect prediction.To effectively evaluate the performance of KAEA,we use eleven datasets from large open source projects,and compare the KAEA with four machine learning basic classifiers,ELM and its three variants.The experimental results show that KAEA is superior to these baseline models in most cases. 展开更多
关键词 Software defect prediction KPCA adaptive genetic algorithm extreme learning machine ADABOOST
在线阅读 下载PDF
RFC:a feature selection algorithm for software defect prediction 被引量:2
15
作者 XU Xiaolong CHEN Wen WANG Xinheng 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2021年第2期389-398,共10页
Software defect prediction(SDP)is used to perform the statistical analysis of historical defect data to find out the distribution rule of historical defects,so as to effectively predict defects in the new software.How... Software defect prediction(SDP)is used to perform the statistical analysis of historical defect data to find out the distribution rule of historical defects,so as to effectively predict defects in the new software.However,there are redundant and irrelevant features in the software defect datasets affecting the performance of defect predictors.In order to identify and remove the redundant and irrelevant features in software defect datasets,we propose ReliefF-based clustering(RFC),a clusterbased feature selection algorithm.Then,the correlation between features is calculated based on the symmetric uncertainty.According to the correlation degree,RFC partitions features into k clusters based on the k-medoids algorithm,and finally selects the representative features from each cluster to form the final feature subset.In the experiments,we compare the proposed RFC with classical feature selection algorithms on nine National Aeronautics and Space Administration(NASA)software defect prediction datasets in terms of area under curve(AUC)and Fvalue.The experimental results show that RFC can effectively improve the performance of SDP. 展开更多
关键词 software defect prediction(SDP) feature selection CLUSTER
在线阅读 下载PDF
Software Defect Prediction Based on Stacked Contractive Autoencoder and Multi-Objective Optimization 被引量:2
16
作者 Nana Zhang Kun Zhu +1 位作者 Shi Ying Xu Wang 《Computers, Materials & Continua》 SCIE EI 2020年第10期279-308,共30页
Software defect prediction plays an important role in software quality assurance.However,the performance of the prediction model is susceptible to the irrelevant and redundant features.In addition,previous studies mos... Software defect prediction plays an important role in software quality assurance.However,the performance of the prediction model is susceptible to the irrelevant and redundant features.In addition,previous studies mostly regard software defect prediction as a single objective optimization problem,and multi-objective software defect prediction has not been thoroughly investigated.For the above two reasons,we propose the following solutions in this paper:(1)we leverage an advanced deep neural network-Stacked Contractive AutoEncoder(SCAE)to extract the robust deep semantic features from the original defect features,which has stronger discrimination capacity for different classes(defective or non-defective).(2)we propose a novel multi-objective defect prediction model named SMONGE that utilizes the Multi-Objective NSGAII algorithm to optimize the advanced neural network-Extreme learning machine(ELM)based on state-of-the-art Pareto optimal solutions according to the features extracted by SCAE.We mainly consider two objectives.One objective is to maximize the performance of ELM,which refers to the benefit of the SMONGE model.Another objective is to minimize the output weight norm of ELM,which is related to the cost of the SMONGE model.We compare the SCAE with six state-of-the-art feature extraction methods and compare the SMONGE model with multiple baseline models that contain four classic defect predictors and the MONGE model without SCAE across 20 open source software projects.The experimental results verify that the superiority of SCAE and SMONGE on seven evaluation metrics. 展开更多
关键词 Software defect prediction deep neural network stacked contractive autoencoder multi-objective optimization extreme learning machine
在线阅读 下载PDF
A SURFACE DEFECT PREDICTION METHOD FOR METAL FORMING PROBLEM 被引量:1
17
作者 Peng, Yinghong Ruan, Xueyu (Shanghai Research Institute of Tool & Die Technology, Shanghai Jiao Tong University, shanghai 200030)Zuo, Tieyong (Department of Science & Technology,State Education Commission,Beijing 100816) 《中国有色金属学会会刊:英文版》 CSCD 1994年第4期62-65,共4页
ASURFACEDEFECTPREDICTIONMETHODFORMETALFORMINGPROBLEM¥Peng,Yinghong;Ruan,Xueyu(ShanghaiResearchInstituteofToo... ASURFACEDEFECTPREDICTIONMETHODFORMETALFORMINGPROBLEM¥Peng,Yinghong;Ruan,Xueyu(ShanghaiResearchInstituteofTool&DieTechnology,S... 展开更多
关键词 continuous EXTRUSION FORMING surface defect prediction method RIGID VISCOPLASTIC FEM
在线阅读 下载PDF
Graph-Based Feature Learning for Cross-Project Software Defect Prediction 被引量:1
18
作者 Ahmed Abdu Zhengjun Zhai +2 位作者 Hakim A.Abdo Redhwan Algabri Sungon Lee 《Computers, Materials & Continua》 SCIE EI 2023年第10期161-180,共20页
Cross-project software defect prediction(CPDP)aims to enhance defect prediction in target projects with limited or no historical data by leveraging information from related source projects.The existing CPDP approaches... Cross-project software defect prediction(CPDP)aims to enhance defect prediction in target projects with limited or no historical data by leveraging information from related source projects.The existing CPDP approaches rely on static metrics or dynamic syntactic features,which have shown limited effectiveness in CPDP due to their inability to capture higher-level system properties,such as complex design patterns,relationships between multiple functions,and dependencies in different software projects,that are important for CPDP.This paper introduces a novel approach,a graph-based feature learning model for CPDP(GB-CPDP),that utilizes NetworkX to extract features and learn representations of program entities from control flow graphs(CFGs)and data dependency graphs(DDGs).These graphs capture the structural and data dependencies within the source code.The proposed approach employs Node2Vec to transform CFGs and DDGs into numerical vectors and leverages Long Short-Term Memory(LSTM)networks to learn predictive models.The process involves graph construction,feature learning through graph embedding and LSTM,and defect prediction.Experimental evaluation using nine open-source Java projects from the PROMISE dataset demonstrates that GB-CPDP outperforms state-of-the-art CPDP methods in terms of F1-measure and Area Under the Curve(AUC).The results showcase the effectiveness of GB-CPDP in improving the performance of cross-project defect prediction. 展开更多
关键词 Cross-project defect prediction graphs features deep learning graph embedding
在线阅读 下载PDF
Software Defect Prediction Method Based on Stable Learning 被引量:1
19
作者 Xin Fan Jingen Mao +3 位作者 Liangjue Lian Li Yu Wei Zheng Yun Ge 《Computers, Materials & Continua》 SCIE EI 2024年第1期65-84,共20页
The purpose of software defect prediction is to identify defect-prone code modules to assist software quality assurance teams with the appropriate allocation of resources and labor.In previous software defect predicti... The purpose of software defect prediction is to identify defect-prone code modules to assist software quality assurance teams with the appropriate allocation of resources and labor.In previous software defect prediction studies,transfer learning was effective in solving the problem of inconsistent project data distribution.However,target projects often lack sufficient data,which affects the performance of the transfer learning model.In addition,the presence of uncorrelated features between projects can decrease the prediction accuracy of the transfer learning model.To address these problems,this article propose a software defect prediction method based on stable learning(SDP-SL)that combines code visualization techniques and residual networks.This method first transforms code files into code images using code visualization techniques and then constructs a defect prediction model based on these code images.During the model training process,target project data are not required as prior knowledge.Following the principles of stable learning,this paper dynamically adjusted the weights of source project samples to eliminate dependencies between features,thereby capturing the“invariance mechanism”within the data.This approach explores the genuine relationship between code defect features and labels,thereby enhancing defect prediction performance.To evaluate the performance of SDP-SL,this article conducted comparative experiments on 10 open-source projects in the PROMISE dataset.The experimental results demonstrated that in terms of the F-measure,the proposed SDP-SL method outperformed other within-project defect prediction methods by 2.11%-44.03%.In cross-project defect prediction,the SDP-SL method provided an improvement of 5.89%-25.46% in prediction performance compared to other cross-project defect prediction methods.Therefore,SDP-SL can effectively enhance within-and cross-project defect predictions. 展开更多
关键词 Software defect prediction code visualization stable learning sample reweight residual network
在线阅读 下载PDF
Unsupervised Domain Adaptation Based on Discriminative Subspace Learning for Cross-Project Defect Prediction 被引量:1
20
作者 Ying Sun Yanfei Sun +4 位作者 Jin Qi Fei Wu Xiao-Yuan Jing Yu Xue Zixin Shen 《Computers, Materials & Continua》 SCIE EI 2021年第9期3373-3389,共17页
:Cross-project defect prediction(CPDP)aims to predict the defects on target project by using a prediction model built on source projects.The main problem in CPDP is the huge distribution gap between the source project... :Cross-project defect prediction(CPDP)aims to predict the defects on target project by using a prediction model built on source projects.The main problem in CPDP is the huge distribution gap between the source project and the target project,which prevents the prediction model from performing well.Most existing methods overlook the class discrimination of the learned features.Seeking an effective transferable model from the source project to the target project for CPDP is challenging.In this paper,we propose an unsupervised domain adaptation based on the discriminative subspace learning(DSL)approach for CPDP.DSL treats the data from two projects as being from two domains and maps the data into a common feature space.It employs crossdomain alignment with discriminative information from different projects to reduce the distribution difference of the data between different projects and incorporates the class discriminative information.Specifically,DSL first utilizes subspace learning based domain adaptation to reduce the distribution gap of data between different projects.Then,it makes full use of the class label information of the source project and transfers the discrimination ability of the source project to the target project in the common space.Comprehensive experiments on five projects verify that DSL can build an effective prediction model and improve the performance over the related competing methods by at least 7.10%and 11.08%in terms of G-measure and AUC. 展开更多
关键词 Cross-project defect prediction discriminative subspace learning unsupervised domain adaptation
在线阅读 下载PDF
上一页 1 2 35 下一页 到第
使用帮助 返回顶部