期刊文献+
共找到974篇文章
< 1 2 49 >
每页显示 20 50 100
Nonparametric Statistical Feature Scaling Based Quadratic Regressive Convolution Deep Neural Network for Software Fault Prediction
1
作者 Sureka Sivavelu Venkatesh Palanisamy 《Computers, Materials & Continua》 SCIE EI 2024年第3期3469-3487,共19页
The development of defect prediction plays a significant role in improving software quality. Such predictions are used to identify defective modules before the testing and to minimize the time and cost. The software w... The development of defect prediction plays a significant role in improving software quality. Such predictions are used to identify defective modules before the testing and to minimize the time and cost. The software with defects negatively impacts operational costs and finally affects customer satisfaction. Numerous approaches exist to predict software defects. However, the timely and accurate software bugs are the major challenging issues. To improve the timely and accurate software defect prediction, a novel technique called Nonparametric Statistical feature scaled QuAdratic regressive convolution Deep nEural Network (SQADEN) is introduced. The proposed SQADEN technique mainly includes two major processes namely metric or feature selection and classification. First, the SQADEN uses the nonparametric statistical Torgerson–Gower scaling technique for identifying the relevant software metrics by measuring the similarity using the dice coefficient. The feature selection process is used to minimize the time complexity of software fault prediction. With the selected metrics, software fault perdition with the help of the Quadratic Censored regressive convolution deep neural network-based classification. The deep learning classifier analyzes the training and testing samples using the contingency correlation coefficient. The softstep activation function is used to provide the final fault prediction results. To minimize the error, the Nelder–Mead method is applied to solve non-linear least-squares problems. Finally, accurate classification results with a minimum error are obtained at the output layer. Experimental evaluation is carried out with different quantitative metrics such as accuracy, precision, recall, F-measure, and time complexity. The analyzed results demonstrate the superior performance of our proposed SQADEN technique with maximum accuracy, sensitivity and specificity by 3%, 3%, 2% and 3% and minimum time and space by 13% and 15% when compared with the two state-of-the-art methods. 展开更多
关键词 software defect prediction feature selection nonparametric statistical Torgerson-Gower scaling technique quadratic censored regressive convolution deep neural network softstep activation function nelder-mead method
下载PDF
An Artificial Neural Network-Based Model for Effective Software Development Effort Estimation
2
作者 Junaid Rashid Sumera Kanwal +2 位作者 Muhammad Wasif Nisar Jungeun Kim Amir Hussain 《Computer Systems Science & Engineering》 SCIE EI 2023年第2期1309-1324,共16页
In project management,effective cost estimation is one of the most cru-cial activities to efficiently manage resources by predicting the required cost to fulfill a given task.However,finding the best estimation results i... In project management,effective cost estimation is one of the most cru-cial activities to efficiently manage resources by predicting the required cost to fulfill a given task.However,finding the best estimation results in software devel-opment is challenging.Thus,accurate estimation of software development efforts is always a concern for many companies.In this paper,we proposed a novel soft-ware development effort estimation model based both on constructive cost model II(COCOMO II)and the artificial neural network(ANN).An artificial neural net-work enhances the COCOMO model,and the value of the baseline effort constant A is calibrated to use it in the proposed model equation.Three state-of-the-art publicly available datasets are used for experiments.The backpropagation feed-forward procedure used a training set by iteratively processing and training a neural network.The proposed model is tested on the test set.The estimated effort is compared with the actual effort value.Experimental results show that the effort estimated by the proposed model is very close to the real effort,thus enhanced the reliability and improving the software effort estimation accuracy. 展开更多
关键词 software cost estimation neural network backpropagation forward neural networks software effort estimation artificial neural network
下载PDF
A Hybrid Model for Improving Software Cost Estimation in Global Software Development
3
作者 Mehmood Ahmed Noraini B.Ibrahim +4 位作者 Wasif Nisar Adeel Ahmed Muhammad Junaid Emmanuel Soriano Flores Divya Anand 《Computers, Materials & Continua》 SCIE EI 2024年第1期1399-1422,共24页
Accurate software cost estimation in Global Software Development(GSD)remains challenging due to reliance on historical data and expert judgments.Traditional models,such as the Constructive Cost Model(COCOMO II),rely h... Accurate software cost estimation in Global Software Development(GSD)remains challenging due to reliance on historical data and expert judgments.Traditional models,such as the Constructive Cost Model(COCOMO II),rely heavily on historical and accurate data.In addition,expert judgment is required to set many input parameters,which can introduce subjectivity and variability in the estimation process.Consequently,there is a need to improve the current GSD models to mitigate reliance on historical data,subjectivity in expert judgment,inadequate consideration of GSD-based cost drivers and limited integration of modern technologies with cost overruns.This study introduces a novel hybrid model that synergizes the COCOMO II with Artificial Neural Networks(ANN)to address these challenges.The proposed hybrid model integrates additional GSD-based cost drivers identified through a systematic literature review and further vetted by industry experts.This article compares the effectiveness of the proposedmodelwith state-of-the-artmachine learning-basedmodels for software cost estimation.Evaluating the NASA 93 dataset by adopting twenty-six GSD-based cost drivers reveals that our hybrid model achieves superior accuracy,outperforming existing state-of-the-artmodels.The findings indicate the potential of combining COCOMO II,ANN,and additional GSD-based cost drivers to transform cost estimation in GSD. 展开更多
关键词 Artificial neural networks COCOMO II cost drivers global software development linear regression software cost estimation
下载PDF
Forecasting of Software Reliability Using Neighborhood Fuzzy Particle Swarm Optimization Based Novel Neural Network 被引量:11
4
作者 Pratik Roy Ghanshaym Singha Mahapatra Kashi Nath Dey 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2019年第6期1365-1383,共19页
This paper proposes an artificial neural network(ANN) based software reliability model trained by novel particle swarm optimization(PSO) algorithm for enhanced forecasting of the reliability of software. The proposed ... This paper proposes an artificial neural network(ANN) based software reliability model trained by novel particle swarm optimization(PSO) algorithm for enhanced forecasting of the reliability of software. The proposed ANN is developed considering the fault generation phenomenon during software testing with the fault complexity of different levels. We demonstrate the proposed model considering three types of faults residing in the software. We propose a neighborhood based fuzzy PSO algorithm for competent learning of the proposed ANN using software failure data. Fitting and prediction performances of the neighborhood fuzzy PSO based proposed neural network model are compared with the standard PSO based proposed neural network model and existing ANN based software reliability models in the literature through three real software failure data sets. We also compare the performance of the proposed PSO algorithm with the standard PSO algorithm through learning of the proposed ANN. Statistical analysis shows that the neighborhood fuzzy PSO based proposed neural network model has comparatively better fitting and predictive ability than the standard PSO based proposed neural network model and other ANN based software reliability models. Faster release of software is achievable by applying the proposed PSO based neural network model during the testing period. 展开更多
关键词 Artificial neural network(ANN) FUZZY particle SWARM optimization(PSO) RELIABILITY prediction software RELIABILITY
下载PDF
A Framework for Software Defect Prediction Using Neural Networks 被引量:4
5
作者 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 Harnessing on Multi 1-Dimensional Convolutional Neural Network Structure 被引量:1
6
作者 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
Using Artificial Neural-Networks in Stochastic Differential Equations Based Software Reliability Growth Modeling
7
作者 Sunil Kumar Khatri Prakriti Trivedi +1 位作者 Shiv Kant Nisha Dembla 《Journal of Software Engineering and Applications》 2011年第10期596-601,共6页
Due to high cost of fixing failures, safety concerns, and legal liabilities, organizations need to produce software that is highly reliable. Software reliability growth models have been developed by software developer... Due to high cost of fixing failures, safety concerns, and legal liabilities, organizations need to produce software that is highly reliable. Software reliability growth models have been developed by software developers in tracking and measuring the growth of reliability. Most of the Software Reliability Growth Models, which have been proposed, treat the event of software fault detection in the testing and operational phase as a counting process. Moreover, if the size of software system is large, the number of software faults detected during the testing phase becomes large, and the change of the number of faults which are detected and removed through debugging activities becomes sufficiently small compared with the initial fault content at the beginning of the testing phase. Therefore in such a situation, we can model the software fault detection process as a stochastic process with a continuous state space. Recently, Artificial Neural Networks (ANN) have been applied in software reliability growth prediction. In this paper, we propose an ANN based software reliability growth model based on Ito type of stochastic differential equation. The model has been validated, evaluated and compared with other existing NHPP model by applying it on actual failure/fault removal data sets cited from real software development projects. The proposed model integrated with the concept of stochastic differential equation performs comparatively better than the existing NHPP based model. 展开更多
关键词 software Reliability Growth Model Artificial neural network STOCHASTIC DIFFERENTIAL EQUATION (SDE) STOCHASTIC Process
下载PDF
Research on Application of Enhanced Neural Networks in Software Risk Analysis
8
作者 Zhenbang Rong Juhua Chen +1 位作者 Mei Liu Yong Hu 《南昌工程学院学报》 CAS 2006年第2期112-116,121,共6页
This paper puts forward a risk analysis model for software projects using enranced neural networks.The data for analysis are acquired through questionnaires from real software projects. To solve the multicollinearity ... This paper puts forward a risk analysis model for software projects using enranced neural networks.The data for analysis are acquired through questionnaires from real software projects. To solve the multicollinearity in software risks, the method of principal components analysis is adopted in the model to enhance network stability.To solve uncertainty of the neural networks structure and the uncertainty of the initial weights, genetic algorithms is employed.The experimental result reveals that the precision of software risk analysis can be improved by using the erhanced neural networks model. 展开更多
关键词 software risk analysis principal components analysis back propagation neural networks genetic algorithms
下载PDF
Neural network technology in the plant fault diagnosis software application
9
作者 SONG Yu CHEN Jian-jun 《通讯和计算机(中英文版)》 2008年第5期32-35,共4页
关键词 诊断软件 BP神经网络 故障维护 计算机技术
下载PDF
Adaptive Deep Learning Model for Software Bug Detection and Classification
10
作者 S.Sivapurnima D.Manjula 《Computer Systems Science & Engineering》 SCIE EI 2023年第5期1233-1248,共16页
Software is unavoidable in software development and maintenance.In literature,many methods are discussed which fails to achieve efficient software bug detection and classification.In this paper,efficient Adaptive Deep... Software is unavoidable in software development and maintenance.In literature,many methods are discussed which fails to achieve efficient software bug detection and classification.In this paper,efficient Adaptive Deep Learning Model(ADLM)is developed for automatic duplicate bug report detection and classification process.The proposed ADLM is a combination of Conditional Random Fields decoding with Long Short-Term Memory(CRF-LSTM)and Dingo Optimizer(DO).In the CRF,the DO can be consumed to choose the efficient weight value in network.The proposed automatic bug report detection is proceeding with three stages like pre-processing,feature extraction in addition bug detection with classification.Initially,the bug report input dataset is gathered from the online source system.In the pre-processing phase,the unwanted information from the input data are removed by using cleaning text,convert data types and null value replacement.The pre-processed data is sent into the feature extraction phase.In the feature extraction phase,the four types of feature extraction method are utilized such as contextual,categorical,temporal and textual.Finally,the features are sent to the proposed ADLM for automatic duplication bug report detection and classification.The proposed methodology is proceeding with two phases such as training and testing phases.Based on the working process,the bugs are detected and classified from the input data.The projected technique is assessed by analyzing performance metrics such as accuracy,precision,Recall,F_Measure and kappa. 展开更多
关键词 software bug detection classification PRE-PROCESSING feature extraction deep belief neural network long short-term memory
下载PDF
Moth Flame Optimization Based FCNN for Prediction of Bugs in Software
11
作者 C.Anjali Julia Punitha Malar Dhas J.Amar Pratap Singh 《Intelligent Automation & Soft Computing》 SCIE 2023年第5期1241-1256,共16页
The software engineering technique makes it possible to create high-quality software.One of the most significant qualities of good software is that it is devoid of bugs.One of the most time-consuming and costly softwar... The software engineering technique makes it possible to create high-quality software.One of the most significant qualities of good software is that it is devoid of bugs.One of the most time-consuming and costly software proce-dures isfinding andfixing bugs.Although it is impossible to eradicate all bugs,it is feasible to reduce the number of bugs and their negative effects.To broaden the scope of bug prediction techniques and increase software quality,numerous causes of software problems must be identified,and successful bug prediction models must be implemented.This study employs a hybrid of Faster Convolution Neural Network and the Moth Flame Optimization(MFO)algorithm to forecast the number of bugs in software based on the program data itself,such as the line quantity in codes,methods characteristics,and other essential software aspects.Here,the MFO method is used to train the neural network to identify optimal weights.The proposed MFO-FCNN technique is compared with existing methods such as AdaBoost(AB),Random Forest(RF),K-Nearest Neighbour(KNN),K-Means Clustering(KMC),Support Vector Machine(SVM)and Bagging Clas-sifier(BC)are examples of machine learning(ML)techniques.The assessment method revealed that machine learning techniques may be employed successfully and through a high level of accuracy.The obtained data revealed that the proposed strategy outperforms the traditional approach. 展开更多
关键词 Faster convolution neural network Moth Flame Optimization(MFO) Support Vector Machine(SVM) AdaBoost(AB) software bug prediction
下载PDF
Software Defect Prediction Based on Stacked Contractive Autoencoder and Multi-Objective Optimization 被引量:2
12
作者 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
DDoS Attack Detection Scheme Based on Entropy and PSO-BP Neural Network in SDN 被引量:8
13
作者 Zhenpeng Liu Yupeng He +1 位作者 Wensheng Wang Bin Zhang 《China Communications》 SCIE CSCD 2019年第7期144-155,共12页
SDN (Software Defined Network) has many security problems, and DDoS attack is undoubtedly the most serious harm to SDN architecture network. How to accurately and effectively detect DDoS attacks has always been a diff... SDN (Software Defined Network) has many security problems, and DDoS attack is undoubtedly the most serious harm to SDN architecture network. How to accurately and effectively detect DDoS attacks has always been a difficult point and focus of SDN security research. Based on the characteristics of SDN, a DDoS attack detection method combining generalized entropy and PSOBP neural network is proposed. The traffic is pre-detected by the generalized entropy method deployed on the switch, and the detection result is divided into normal and abnormal. Locate the switch that issued the abnormal alarm. The controller uses the PSO-BP neural network to detect whether a DDoS attack occurs by further extracting the flow features of the abnormal switch. Experiments show that compared with other methods, the detection accurate rate is guaranteed while the CPU load of the controller is reduced, and the detection capability is better. 展开更多
关键词 software-defined networkING distributed DENIAL of service ATTACKS generalized information ENTROPY particle SWARM optimization back propagation neural network ATTACK detection
下载PDF
Recent Implementations in LASP 3.0:Global Neural Network Potential with Multiple Elements and Better Long-Range Description 被引量:1
14
作者 Pei-lin Kang Cheng Shang Zhi-pan Liu 《Chinese Journal of Chemical Physics》 SCIE CAS CSCD 2021年第5期583-590,I0003,共9页
LASP(large-scale atomistic simulation with neural network potential)software developed by our group since 2018 is a powerful platform(www.lasphub.com)for performing atomic simulation of complex materials.The software ... LASP(large-scale atomistic simulation with neural network potential)software developed by our group since 2018 is a powerful platform(www.lasphub.com)for performing atomic simulation of complex materials.The software integrates the neural network(NN)potential technique with the global potential energy surface exploration method,and thus can be utilized widely for structure prediction and reaction mechanism exploration.Here we introduce our recent update on the LASP program version 3.0,focusing on the new functionalities including the advanced neuralnetwork training based on the multi-network framework,the newly-introduced S^(7) and S^(8) power type structure descriptor(PTSD).These new functionalities are designed to further improve the accuracy of potentials and accelerate the neural network training for multipleelement systems.Taking Cu-C-H-O neural network potential and a heterogeneous catalytic model as the example,we show that these new functionalities can accelerate the training of multi-element neural network potential by using the existing single-network potential as the input.The obtained double-network potential Cu CHO is robust in simulation and the introduction of S^(7) and S^(8) PTSDs can reduce the root-mean-square errors of energy by a factor of two. 展开更多
关键词 Large-scale atomistic simulation with neural network potential Machine learning neural network Structure descriptor Simulation software
下载PDF
A Comparative Study of Three Machine Learning Methods for Software Fault Prediction 被引量:1
15
作者 王琪 朱杰 于波 《Journal of Shanghai Jiaotong university(Science)》 EI 2005年第2期117-121,共5页
The contribution of this paper is comparing three popular machine learning methods for software fault prediction. They are classification tree, neural network and case-based reasoning. First, three different classifie... The contribution of this paper is comparing three popular machine learning methods for software fault prediction. They are classification tree, neural network and case-based reasoning. First, three different classifiers are built based on these three different approaches. Second, the three different classifiers utilize the same product metrics as predictor variables to identify the fault-prone components. Third, the predicting results are compared on two aspects, how good prediction capabilities these models are, and how the models support understanding a process represented by the data. 展开更多
关键词 software quality prediction classification and regression tree artificial neural network case-based reasoning
下载PDF
PWM VLSI Neural Network for Fault Diagnosis 被引量:3
16
作者 吕琛 王桂增 张泽宇 《自动化学报》 EI CSCD 北大核心 2005年第2期195-201,共7页
An improved pulse width modulation (PWM) neural network VLSI circuit for fault diagnosis is presented, which differs from the software-based fault diagnosis approach and exploits the merits of neural network VLSI circ... An improved pulse width modulation (PWM) neural network VLSI circuit for fault diagnosis is presented, which differs from the software-based fault diagnosis approach and exploits the merits of neural network VLSI circuit. A simple synapse multiplier is introduced, which has high precision, large linear range and less switching noise effects. A voltage-mode sigmoid circuit with adjustable gain is introduced for realization of different neuron activation functions. A voltage-pulse conversion circuit required for PWM is also introduced, which has high conversion precision and linearity. These 3 circuits are used to design a PWM VLSI neural network circuit to solve noise fault diagnosis for a main bearing. It can classify the fault samples directly. After signal processing, feature extraction and neural network computation for the analog noise signals including fault information,each output capacitor voltage value of VLSI circuit can be obtained, which represents Euclid distance between the corresponding fault signal template and the diagnosing signal, The real-time online recognition of noise fault signal can also be realized. 展开更多
关键词 PWM型 VLSI 神经网络 故障诊断 噪声 脉冲宽度调节
下载PDF
Software Defect Prediction Based on Non-Linear Manifold Learning and Hybrid Deep Learning Techniques
17
作者 Kun Zhu Nana Zhang +2 位作者 Qing Zhang Shi Ying Xu Wang 《Computers, Materials & Continua》 SCIE EI 2020年第11期1467-1486,共20页
Software defect prediction plays a very important role in software quality assurance,which aims to inspect as many potentially defect-prone software modules as possible.However,the performance of the prediction model ... Software defect prediction plays a very important role in software quality assurance,which aims to inspect as many potentially defect-prone software modules as possible.However,the performance of the prediction model is susceptible to high dimensionality of the dataset that contains irrelevant and redundant features.In addition,software metrics for software defect prediction are almost entirely traditional features compared to the deep semantic feature representation from deep learning techniques.To address these two issues,we propose the following two solutions in this paper:(1)We leverage a novel non-linear manifold learning method-SOINN Landmark Isomap(SL-Isomap)to extract the representative features by selecting automatically the reasonable number and position of landmarks,which can reveal the complex intrinsic structure hidden behind the defect data.(2)We propose a novel defect prediction model named DLDD based on hybrid deep learning techniques,which leverages denoising autoencoder to learn true input features that are not contaminated by noise,and utilizes deep neural network to learn the abstract deep semantic features.We combine the squared error loss function of denoising autoencoder with the cross entropy loss function of deep neural network to achieve the best prediction performance by adjusting a hyperparameter.We compare the SL-Isomap with seven state-of-the-art feature extraction methods and compare the DLDD model with six baseline models across 20 open source software projects.The experimental results verify that the superiority of SL-Isomap and DLDD on four evaluation indicators. 展开更多
关键词 software defect prediction non-linear manifold learning denoising autoencoder deep neural network loss function deep learning
下载PDF
Software Reliability Assessment Using Hybrid Neuro-Fuzzy Model
18
作者 Parul Gandhi Mohammad Zubair Khan +3 位作者 Ravi Kumar Sharma Omar H.Alhazmi Surbhi Bhatia Chinmay Chakraborty 《Computer Systems Science & Engineering》 SCIE EI 2022年第6期891-902,共12页
Software reliability is the primary concern of software developmentorganizations, and the exponentially increasing demand for reliable softwarerequires modeling techniques to be developed in the present era. Small unn... Software reliability is the primary concern of software developmentorganizations, and the exponentially increasing demand for reliable softwarerequires modeling techniques to be developed in the present era. Small unnoticeable drifts in the software can culminate into a disaster. Early removal of theseerrors helps the organization improve and enhance the software’s reliability andsave money, time, and effort. Many soft computing techniques are available toget solutions for critical problems but selecting the appropriate technique is abig challenge. This paper proposed an efficient algorithm that can be used forthe prediction of software reliability. The proposed algorithm is implementedusing a hybrid approach named Neuro-Fuzzy Inference System and has also beenapplied to test data. In this work, a comparison among different techniques of softcomputing has been performed. After testing and training the real time data withthe reliability prediction in terms of mean relative error and mean absolute relativeerror as 0.0060 and 0.0121, respectively, the claim has been verified. The resultsclaim that the proposed algorithm predicts attractive outcomes in terms of meanabsolute relative error plus mean relative error compared to the other existingmodels that justify the reliability prediction of the proposed model. Thus, thisnovel technique intends to make this model as simple as possible to improvethe software reliability. 展开更多
关键词 software quality RELIABILITY neural networks fuzzy logic neuro-fuzzy inference system
下载PDF
A component-based back-propagation reliability model with low complexity for complex software systems
19
作者 聂鹏 Geng Ji Qin Zhiguang 《High Technology Letters》 EI CAS 2013年第3期273-282,共10页
Since most of the available component-based software reliability models consume high computational cost and suffer from the evaluating complexity for the software system with complex structures,a component-based back-... Since most of the available component-based software reliability models consume high computational cost and suffer from the evaluating complexity for the software system with complex structures,a component-based back-propagation reliability model(CBPRM)with low complexity for the complex software system reliability evaluation is presented in this paper.The proposed model is based on the artificial neural networks and the component reliability sensitivity analyses.These analyses are performed dynamically and assigned to the neurons to optimize the reliability evaluation.CBPRM has a linear increasing complexity and outperforms the state-based and the path-based reliability models.Another advantage of CBPRM over others is its robustness.CBPRM depends on the component reliabilities and the correlative sensitivities,which are independent from the software system structure.Based on the theory analysis and experiment results,it shows that the complexity of CBPRM is evidently lower than the contrast models and the reliability evaluating accuracy is acceptable when the software system structure is complex. 展开更多
关键词 software reliability evaluation component-based software system component reli-ability sensitivity artificial neural networks
下载PDF
Adaptive Server Load Balancing in SDN Using PID Neural Network Controller
20
作者 R.Malavika M.L.Valarmathi 《Computer Systems Science & Engineering》 SCIE EI 2022年第7期229-243,共15页
Web service applications are increasing tremendously in support of high-level businesses.There must be a need of better server load balancing mechanism for improving the performance of web services in business.Though ... Web service applications are increasing tremendously in support of high-level businesses.There must be a need of better server load balancing mechanism for improving the performance of web services in business.Though many load balancing methods exist,there is still a need for sophisticated load bal-ancing mechanism for not letting the clients to get frustrated.In this work,the ser-ver with minimum response time and the server having less traffic volume were selected for the aimed server to process the forthcoming requests.The Servers are probed with adaptive control of time with two thresholds L and U to indicate the status of server load in terms of response time difference as low,medium and high load by the load balancing application.Fetching the real time responses of entire servers in the server farm is a key component of this intelligent Load balancing system.Many Load Balancing schemes are based on the graded thresholds,because the exact information about the networkflux is difficult to obtain.Using two thresholds L and U,it is possible to indicate the load on particular server as low,medium or high depending on the Maximum response time difference of the servers present in the server farm which is below L,between L and U or above U respectively.However,the existing works of load balancing in the server farm incorporatefixed time to measure real time response time,which in general are not optimal for all traffic conditions.Therefore,an algorithm based on Propor-tional Integration and Derivative neural network controller was designed with two thresholds for tuning the timing to probe the server for near optimal perfor-mance.The emulation results has shown a significant gain in the performance by tuning the threshold time.In addition to that,tuning algorithm is implemented in conjunction with Load Balancing scheme which does not tune thefixed time slots. 展开更多
关键词 software defined networks PID neural network controller closed loop control theory server load balancing server response time
下载PDF
上一页 1 2 49 下一页 到第
使用帮助 返回顶部