Browse Items (11810 total)
Sort by:
-
Hybrid Bayesian and modified grey PROMETHEE-AL model-based trust estimation technique for thwarting malicious and selfish nodes in MANETs
Cooperation among mobile nodes during the routing process is indispensable for attaining reliable data delivery between the source and destination nodes in the Mobile ad hoc networks (MANETs). This cooperation between mobile nodes sustains the performance of the network especially when they are been deployed for handling an emergency scenario like forest fire, flooding, and military vehicle monitoring. In specific, the criteria considered for determining the cooperation degree of mobile nodes attributed towards the routing proves is dynamic and uncertain. In this paper, Hybrid Bayesian, and Modified Grey PROMETHEE-AL Model-based Trust Estimation (MGPALTE) technique is proposed for thwarting Malicious and Selfish Nodes for enforcing cooperation between the mobile nodes in MANETs. It specifically utilized Bayesian BestWorst Method method for generating the set of weights related to objective group criteria. It is also used for aggregating the judgements of cooperation determined during indirect monitoring process. Moreover, Grey theory is integrated with the classical PROMETHEE for improving its efficacy in terms of accuracy with respect to ranking of mobile nodes participating in the process of routing. This proposed MGPALTE technique isolated the malicious mobile nodes from the routing path depending on the threshold of detection. The simulation results of the proposed MGPALTE technique confirmed better packer delivery rate of 19.21%, improved throughput of 22.38%, minimized delay of 23.19%, and reduced end-to-end delay of 21.36%, better than the competitive cooperation enforcement strategies with different number of mobile nodes in the network. The Author(s), under exclusive licence to Springer Science+Business Media, LLC, part of Springer Nature 2023. -
Hybrid botnet detection using ensemble approach
Botnets are one of the most threatening cyber-attacks available today. This paper proposes a hybrid system which can effectively detect the presence of C&C, P2P and hybrid botnets in the network. The powerful machine learning algorithms like BayesNet, IBk, KStar, J48 and Random Tree have been deployed for detecting these malwares. The performance and accuracy of the individual classifiers are compared with the ensemble approach. Labelled dataset of botnet logs were collected from the Malware Facility. Secured data was collected from Christ university network and the combined dataset is tested using virtual test bed. The performance of the algorithms is studied in this paper. Ensemble approach out performed individual classifiers. 2005 ongoing JATIT & LLS. -
Hybrid Computational Intelligence: Challenges and Applications
Hybrid Computational Intelligence: Challenges and Utilities is a comprehensive resource that begins with the basics and main components of computational intelligence. It brings together many different aspects of the current research on HCI technologies, such as neural networks, support vector machines, fuzzy logic and evolutionary computation, while also covering a wide range of applications and implementation issues, from pattern recognition and system modeling, to intelligent control problems and biomedical applications. The book also explores the most widely used applications of hybrid computation as well as the history of their development. Each individual methodology provides hybrid systems with complementary reasoning and searching methods which allow the use of domain knowledge and empirical data to solve complex problems. 2020 Elsevier Inc. -
Hybrid Convolutional Neural Network and Extreme Learning Machine for Kidney Stone Detection
When it comes to diagnosing structural abnormalities including cysts, stones, cancer, congenital malformations, swelling, blocking of urine flow, etc., ultrasound imaging plays a key role in the medical sector. Kidney detection is tough due to the presence of speckle noise and low contrast in ultrasound pictures. This study presents the design and implementation of a system for extracting kidney structures from ultrasound pictures for use in medical procedures such as punctures. To begin, a restored input image is used as a starting point. After that, a Gabor filter is used to lessen the impact of the speckle noise and refine the final image. Improving image quality with histogram equalization. Cell segmentation and area based segmentation were chosen as the two segmentation methods to compare in this investigation. When extracting renal regions, the region-based segmentation is applied to obtain optimal results. Finally, this study refines the segmentation and clip off just the kidney area and training the model by using CNN-ELM model. This method produces an accuracy of about 98.5%, which outperforms CNN and ELM models. 2023 IEEE. -
Hybrid cryptography security in public cloud using TwoFish and ECC algorithm
Cloud computing is a structure for rendering service to the user for free or paid basis through internet facility where we can access to a bulk of shared resources which results in saving managing cost and time for large companies, The data which are stored in the data center may incur various security, damage and threat issues which may result in data leakage, insecure interface and inside attacks. This paper will demonstrate the implementation of hybrid cryptography security in public cloud by a combination of Elliptical Curve Cryptography and TwoFish algorithm, which provides an innovative solution to enhance the security features of the cloud so that we can improve the service thus results in increasing the trust overthe technology. 2019 Institute of Advanced Engineering and Science. -
Hybrid Deep Learning Based GRU Model for Classifying the Lung Cancer from CT Scan Images
Lung cancer is a potentially fatal condition, posing significant challenges for early detection and treatment within the healthcare domain. Despite extensive efforts, the etiology and cure of cancer remain elusive. However, early detection offers hope for effective treatment. This study explores the application of image processing techniques, including noise reduction, feature extraction, and identification of cancerous regions within the lung, augmented by patient medical history data. Leveraging machine learning and image processing, this research presents a methodology for precise lung cancer categorization and prognosis. While computed tomography (CT) scans are a cornerstone of medical imaging, diagnosing cancer solely through CT scans remains challenging even for seasoned medical professionals. The emergence of computer-assisted diagnostics has revolutionized cancer detection and diagnosis. This study utilizes lung images from the Lung Image Database Consortium (LIDC-IDRI) and evaluates various image preprocessing filters such as median, Gaussian, Wiener, Otsu, and rough body area filters. Subsequently, feature extraction employs the Karhunen-Loeve (KL) methodology, followed by lung tumor classification using a hybrid model comprising a One-Dimensional Convolutional Neural Network (1D-CNN) and a Gated Recurrent Unit (GRU). Experimental findings demonstrate that the proposed model achieves a sensitivity of 99.14%, specificity of 90.00%, F -measure of 95.24%, and accuracy of 95%. 2024 IEEE. -
Hybrid Deep Learning Cloud Intrusion Detection
The scalability and flexibility that cloud computing provides, organisations can readily adapt their resources to meet demand without having to make significant upfront expenditures in hardware infrastructure. Three main types of computing services are provided to people worldwide via the Internet. Increased performance and resource access are two benefits that come with using cloud computing, but there is also an increased chance of attack. As a result of this research, intrusion detection systems that can process massive amounts of data packets, analyse them, and produce reports using knowledge and behaviour analysis were created. Convolution Neural Network Algorithm encrypts data as it's being transmitted end-to-end and is stored in the cloud, providing an extra degree of security. Data protection in the cloud is improved by intrusion detection. This study uses a model to show how data is encrypted and decrypted, of an algorithm and describes the defences against attacks. When assessing the performance of the suggested system, it's critical to consider the time and memory needed to encrypt and decrypt big text files. Additionally, the security of the cloud has been investigated and contrasted with various encoding techniques now in use. 2024 IEEE. -
Hybrid Deep Learning-Based Potato andTomato Leaf Disease Classification
Predicting potato and tomato leaf disease is vital to global food security and economic stability. Potatoes and tomatoes are among the most important staple crops, providing essential nutrition to millions worldwide. However, many tomato and potato leaf diseases can seriously reduce food productivity and yields. We are proposing a hybrid deep learning model that combines optimized CNN (OCNN) and optimized LSTM (OLSTM). The weight values of LSTM and CNN models are optimized using the modified raindrop optimization (MRDO) algorithm and the modified shark smell optimization (MSSO) algorithm, respectively. The OCNN model is used to extract potato leaf image features and then fed into the OLSTM model, which handles data sequences and captures temporal dependencies from the extracted features. Precision, recall, F1-score, and accuracy metrics are used to analyze the output of the proposed OCNN-OLSTM model. The experimental performance is compared without optimizing the CNN-LSTM model, individual CNN and LSTM models, and existing MobileNet and ResNet50 models. The presented model results are compared with existing available work. We have received an accuracy of 99.25% potato and 99.31% for tomato. The Author(s), under exclusive license to Springer Nature Singapore Pte Ltd. 2024. -
Hybrid fruit-fly optimization algorithm with k-means for text document clustering
The fast-growing Internet results in massive amounts of text data. Due to the large volume of the unstructured format of text data, extracting relevant information and its analysis becomes very challenging. Text document clustering is a text-mining process that partitions the set of text-based documents into mutually exclusive clusters in such a way that documents within the same group are similar to each other, while documents from different clusters differ based on the content. One of the biggest challenges in text clustering is partitioning the collection of text data by measuring the relevance of the content in the documents. Addressing this issue, in this work a hybrid swarm intelligence algorithm with a K-means algorithm is proposed for text clustering. First, the hybrid fruit-fly optimization algorithm is tested on ten unconstrained CEC2019 benchmark functions. Next, the proposed method is evaluated on six standard benchmark text datasets. The experimental evaluation on the unconstrained functions, as well as on text-based documents, indicated that the proposed approach is robust and superior to other state-of-the-art methods. 2021 by the authors. Licensee MDPI, Basel, Switzerland. -
Hybrid HOG-SVM encrypted face detection and recognition model
Security plays a major role in an individuals life to win this world with highly secure and authentic lifestyle with the digital equipments. The paper proposed an encryption based secure face detection and recognition model which can be implemented in daily life to generate a more robust and efficient security bubble around the world. The most crucial problem encountered during face recognition is due to the variation in face direction of an individual, the model solves the mentioned pose variation problem. The proposed model takes the help of face recognition library to recognize the face and use HOG (Histogram of Oriented Gradients) & SVM for checking the face authentication by performing an image match, the model also applies the concept of HOG to generate the encoded features from the image. The system is divided into two modules first is to detect a face and then match the detected face from the authentic persons dataset available. The system uses the concept of OpenCV library for giving a support system for the real time image. For data encryption, proposed model used the concept of DES3 and RSA algorithm. The proposed model gets 83.33% accuracy while tested for three different image types and states that the RSA algorithm performs encryption in less computational time. 2022 Taru Publications. -
Hybrid homomorphic-asymmetric lightweight cryptosystem for securing smart devices: A review
The Internet of Things (IoT) has emerged as a new concept in information and communication technology, and its structure depends on smart device communications. It was evolving as a significant factor of the Internet and made the interconnection of huge devices likely, accumulating huge amounts of information through innovative technologies. Thus, the requirement for IoT security is more significant. Scalable services and applications are susceptible to information leakage and attacks, demanding higher privacy and security. Cryptography is a technique to secure data integrity, confidentiality, authentication, and network access control. Owing to several limitations of IoT devices, the classical cryptographic protocols are not appropriate for all IoT smart devices like smart cities, smart homes and so forth. Consequently, researchers have introduced numerous lightweight cryptographic (LWC) protocols and algorithms for IoT security. Numerous solutions are available in the research field regarding security using cryptographic algorithms in IoT environments; however, such solutions have not attained satisfactory outcomes. So, finding a solution by examining the recent issues is open research. This article investigates the various LWC protocols for IoT devices and provides a reasonable enquiry into existing ubiquitous ciphers. Furthermore, the article appraises various recently presented lightweight (LW) block ciphers and hybrid homomorphic LWC regarding security. In addition, this article assists in comprehending the significance of security features and progression in cryptographic algorithms. Finally, the article reports on the necessary changes and recommends upcoming research focuses. Also, this article assists in realizing the importance of security and progressions in cryptographic algorithms. 2023 John Wiley & Sons, Ltd. -
Hybrid Intrusion Detection Technique for Internet of Things
The rapid expansion and integration of Internet of Things (IoT) applications in newlinevarious aspects of daily life has significantly surprised and impacted contemporary society. The most crucial keyword concerning these applications is security, specifically, in the enormous amount of data generated every second, and how it is used. These applications are vulnerable to various attacks, which could result in an unthinkable catastrophe if not managed and controlled with sufficient foresight. Growing concerns about data security in the expanding IoT landscape are driven by factors such as increased vulnerability of devices to viruses, susceptibility to denial-of-service attacks, and heightened risk of intrusion attempts. To prevent such occurrences, stronger precautions should be taken, enabling system developers and manufacturers of IoT devices to enhance their approaches to better security mitigation. It is essential to identify all potential threats and vulnerabilities that are created explicitly for IoT infrastructures. It is believed that to lessen potential dangers, there is a need for more significant research on security attacks. Security difficulties have been found and must be dealt with, so they may be avoided. Further research must address security challenges in IoT-based environments, particularly for suppliers and consumers, to gradually raise the reliability of IoT applications. Although many conventional methods are still used, there might be superior options for devices with limited resources. Artificial intelligence plays a significant role in this issue. newlineThis research first tries to comprehend how machine learning methods relate to attack newlinedetection. The effects of different machine learning techniques are evaluated using the newlineUNSW-NB 15 dataset. Additionally, it has been found that each model performs worse overall, mainly when security issues are present. As a result, real-time datasets and Deep Learning (DL) algorithms for intrusion detection in the IoT need to be prioritized. -
Hybrid Model Using Interacted-ARIMA andANN Models forEfficient Forecasting
When two models applied to the same dataset produce two different sets of forecasts, it is a good practice to combine the forecasts rather than using the better one and discarding the other. Alternatively, the models can also be combined to have a hybrid model to obtain better forecasts than the individual forecasts. In this paper, an efficient hybrid model with interacted ARIMA (INTARIMA) and ANN models is proposed for forecasting. Whenever interactions among the lagged variables exist, the INTARIMA model performs better than the traditional ARIMA model. This is validated through simulation studies. The proposed hybrid model combines forecasts obtained through the INTARIMA model from the dataset, and those through the ANN model from the residuals of INTARIMA, and produces better forecasts than the individual models. The quality of the forecasts is evaluated using three error metrics viz., Root Mean Square Error (RMSE), Mean Absolute Error (MAE) and Mean Absolute Percentage Error (MAPE). Empirical results from the application of the proposed model on the real dataset - lynx - suggest that the proposed hybrid model gives superior forecasts than either of the individual models when applied separately. The methodology is replicable to any dataset having interactions among the lagged variables.. 2023, The Author(s), under exclusive license to Springer Nature Switzerland AG. -
Hybrid models for intraday stock price forecasting based on artificial neural networks and metaheuristic algorithms
Stock market prediction is one of the critical issues in fiscal market. It is important issue for the traders and investors. Artificial Neural Networks (ANNs) associated with nature inspired algorithms are playing an increasingly vital role in many areas including medical field, security systems and stock market. Several prediction models have been developed by researchers to forecast stock market trend. However, few studies have focused on improving stock market prediction accuracy especially when utilizing artificial neural networks to perform the analysis. This paper proposed nine new integrated models for forecasting intraday stock price based on the potential of three ANNs, Back Propagation Neural Network (BPNN), Radial Basis Function Neural Network (RBFNN), Time Delay Neural Network (TDNN) and nature inspired algorithms such as Genetic Algorithm (GA), Particle Swarm Optimization (PSO) and Artificial Bee Colony (ABC).The developed models were named as GA-BPNN, PSO-BPNN, ABC-BPNN, GA-RBFNN, PSO-RBFNN, ABC-RBFNN, GA-TDNN, PSO-TDNN and ABC-TDNN. Nature inspired algorithms are employed for optimizing the parameters of ANNs. Technical indicators calculated from historical data are fed as input to developed models. Proposed hybrid models validated on four datasets representing different sectors in NSE. Four statistical metrics, Root Mean Square Error (RMSE), Hit Rate (HR), Error Rate (ER) and prediction accuracy were utilized to gauge the performance of the developed models. Results proved that the PSO-BPNN model yielded the highest prediction accuracy in estimating intraday stock price. The other models, GA-BPNN, ABC-BPNN, GA-RBFNN, PSO-RBFNN, ABC-RBFNN, GA-TDNN, PSO-TDNN and ABC-TDNN produced lower performance with mean prediction accuracy of 97.24%, 98.37%, 84.01%, 85.15%, 84.01%, 83.87%, 89.95% and 78.61% respectively. 2021 -
Hybrid nanofluid flow over a vertical rotating plate in the presence of hall current, nonlinear convection and heat absorption
An exact analysis has been carried out to study a problem of the nonlinear convective flow of hybrid nanoliquids over a vertical rotating plate with Hall current and heat absorption. Three different fluids namely CuAl2O3H2Ohybrid nanofluid, Al2O3H2O nanofluid and H2O basefluids are considered in the analysis. The simulation of the flow was carried out using the appropriate values of the empirical shape factor for five different particle shapes (i.e., sphere, hexahedron, tetrahedron, column and lamina). The governing PDEs with the corresponding boundary conditions are non-dimensionalised with the appropriate dimensionless variables and solved analytically by using LTM (Laplace transform technique). This investigation discusses the effects of governing parameters on velocity and temperature fields in addition to the rate of heat transfer. The numeric data of the density, thermal conductivity, dynamic viscosity, specific heat, Prandtl number and Nusselt number for twelve different hybrid nanofluids at 300 K is presented. The temperature profile of hybrid nanoliquid is larger than nanoliquid for same volume fraction of nanoparticles. Also, the glycerin-based nanoliquid has a high rate of heat transfer than engine oil, ethylene glycol and water-based nanoliquids in order. 2018 by American Scientific Publishers All rights reserved. -
Hybrid optimization for efficient 6G IoT traffic management and multi-routing strategy
Efficient traffic management solutions in 6G communication systems face challenges as the scale of the Internet of Things (IoT) grows. This paper aims to yield an all-inclusive framework ensuring reliable air pollution monitoring throughout smart cities, capitalizing on leading-edge techniques to encourage large coverage, high-accuracy data, and scalability. Dynamic sensors deployed to mobile ad-hoc pieces of fire networking sensors adapt to ambient changes. To address this issue, we proposed the Quantum-inspired Clustering Algorithm (QCA) and Quantum Entanglement and Mobility Metric (MoM) to enhance the efficiency and stability of clustering. Improved the sustainability and durability of the network by incorporating Dynamic CH selection employing Deep Reinforcement Learning (DRL). Data was successfully routed using a hybrid Quantum Genetic Algorithm and Ant Colony Optimization (QGA-ACO) approach. Simulation results were implemented using the ns-3 simulation tool, and the proposed model outperformed the traditional methods in deployment coverage (95%), cluster stability index (0.97), and CH selection efficiency (95%). This work is expected to study the 6G communication systems as a key enabler for IoT applications and as the title legible name explains, the solutions smartly done in a practical and scalable way gives a systematic approach towards solving the IoT traffic, and multi-routing challenges that are intended to be addressed in 6G era delivering a robust IoT ecosystem in securing the process. The Author(s) 2024. -
Hybrid Renewable Road Side Charging Station with I2V Communication Functionality
The faster adoption of Renewable-based Energy Sources for charging Electric Vehicles is highly required. The paper proposes a novel strategy of design and developing a hybrid Road Side Unit (RSU) that would be easy to install and provides easy access to Electric Vehicle charging. The system inculcates Infrastructure to Vehicle (I2V) communication framework enabling communication between the Infrastructure and the Vehicle to identify the nearest charging station based on the availability. The communication framework is based on Wi-Fi communication and enables bidirectional communication between the Vehicle and the Infrastructure as well. The modelling and development of the RSU, and the active power flow regulation from the RSU to the Charging Station is also developed, using a Fuzzy Controller. 2021, The Author(s), under exclusive license to Springer Nature Singapore Pte Ltd. -
Hybrid scheme image compression using DWT and SVD
Image compression is process of reducing data size to represent an image by removing redundant data. Hybrid scheme image compression is combination of methods performed in order or as an amalgam to form a new technique. In this paper, we proposed a new approach to compress the image by collaborating Discrete Wavelet Transformation (DWT) and Singular Value Decomposition (SVD). Image is decomposed into wavelets using DWT and approximate wavelet is subsequently transformed into four bands. Different wavelet filters are implemented for transformation namely Haar, Daubechies, Biorthogonal and Coiflets. Apart from approximate image, SVD is applied on remaining wavelets (Horizontal, Vertical and Diagonal Details) at each decomposition level. On reconstruction, various singular values are selected depending on the level transformation. The performance of the proposed method is compared and evaluated with SVD, DCT-SVD and DWT-DCT-SVD. Evaluation is carried out based on Compression Ratio (CR), Mean Squared Error (MSE), Peak Signal-to-Noise Ratio (PSNR) and Structural Similarity (SSIM) index. From the experimental results, it is observed that proposed method yields better MSE, PSNR and SSIM compared to state-of-the-art methods. 2017, Institute of Advanced Scientific Research, Inc. All rights reserved. -
Hybrid short term load forecasting using ARIMA-SVM
In order to perform a stable and reliable operation of the power system network, short term load forecasting is vital. High forecasting accuracy and speed are the two most important requirements of short-term load forecasting. It is important to analyze the load characteristics and to identify the main factors affecting the load. ARIMA method is most commonly used, as it predict the load purely based on the historical loads and no other assumptions are considered. Therefore there is a need for Outlier detection and correction method as the prediction is based on historical data, the historical data may contain some abnormal or missing values called outliers. Also the load demand is influenced by several other external factors such as temperature, day of the week etc., the Artificial Intelligence techniques will incorporate these external factors which improves the accuracy further. In this paper a hybrid model ARIMA-SVM is used to predict the hourly demand. ARIMA is used to predict the demand after correcting the outliers using Percentage Error (PE) method and its deviation is corrected using SVM. Main objective of this method is to reduce the Mean Absolute percentage Error (MAPE) by introducing a hybrid method employing with outlier detection technique. The historical load data of 2014-2015 from a utility system of southern region is taken for the study. It is observed that the MAPE error got reduced and its convergence speed increased. 2017 IEEE. -
Hybrid shuffled frog leaping and improved biogeography-based optimization algorithm for energy stability and network lifetime maximization in wireless sensor networks
Wireless sensor networks are significantly used for data sensing and aggregating dusts from a remote area environment in order to utilize them in a diversified number of engineering applications. The data transfer among the sensor nodes is attained through the inclusion of energy efficient routing protocols. These energy efficient routing necessitates optimal cluster head selection procedure for handling the challenge of energy consumption to extend the stability and lifetime in the sensor networks. The implementation of energy efficient routing is still complicated even when the process of clustering is enhanced through the cluster head selection. The majority of the existing cluster head selection schemes suffer from the issues of poor selection accuracy, increased computation, and duplicate nodes' selection. In this paper, hybrid shuffled frog leaping and improved biogeography-based optimization algorithm (HSFLBOA) for optimal cluster head selection is proposed for resolving issues that are common in cluster head selection schemes. This proposed HSFLBOA used the objective function that used the parameters of node energy, data packet transmission delay, cluster traffic density, and internode distance in the cluster. The simulation results of the proposed HSFLBOA is determined to be significant in achieving superior throughput and network energy compared to benchmarked metaheuristic optimal cluster head schemes. 2021 John Wiley & Sons Ltd.