Preferred Language
Articles
/
joe-1981
Face-based Gender Classification Using Deep Learning Model

Gender classification is a critical task in computer vision. This task holds substantial importance in various domains, including surveillance, marketing, and human-computer interaction. In this work, the face gender classification model proposed consists of three main phases: the first phase involves applying the Viola-Jones algorithm to detect facial images, which includes four steps: 1) Haar-like features, 2) Integral Image, 3) Adaboost Learning, and 4) Cascade Classifier. In the second phase, four pre-processing operations are employed, namely cropping, resizing, converting the image from(RGB) Color Space to (LAB) color space, and enhancing the images using (HE, CLAHE). The final phase involves utilizing Transfer learning, a powerful deep learning technique that can be effectively employed to Face gender classification using the Alex-Net architecture. The performance evaluation of the proposed gender classification model encompassed three datasets: the LFW dataset, which contained 1,200 facial images. The Faces94 dataset contained 400 facial images, and the family dataset had 400. The Transfer Learning with the Alex-Net model achieved an accuracy of 98.77% on the LFW dataset.

Furthermore, the model attained an accuracy rate of 100% on both the Faces94 and family datasets. Thus, the proposed system emphasizes the significance of employing pre-processing techniques and transfer learning with the Alex-Net model. These methods contribute to more accurate results in gender classification. Where, the results achieved by applying image contrast enhancement techniques, such as HE and CLAHE, were compared. CLAHE achieved the best facial classification accuracy compared to HE.

Crossref
View Publication Preview PDF
Quick Preview PDF
Publication Date
Thu Jun 30 2022
Journal Name
Iraqi Journal Of Science
Telecom Churn Prediction based on Deep Learning Approach

      The transition of customers from one telecom operator to another has a direct impact on the company's growth and revenue. Traditional classification algorithms fail to predict churn effectively. This research introduces a deep learning model for predicting customers planning to leave to another operator. The model works on a high-dimensional large-scale data set. The performance of the model was measured against other classification algorithms, such as Gaussian NB, Random Forrest, and Decision Tree in predicting churn. The evaluation was performed based on accuracy, precision, recall, F-measure, Area Under Curve (AUC), and Receiver Operating Characteristic (ROC) Curve. The proposed deep learning model performs better than othe

... Show More
Scopus (4)
Crossref (3)
Scopus Crossref
View Publication Preview PDF
Publication Date
Sat Dec 02 2023
Journal Name
Journal Of Engineering
Deep Learning of Diabetic Retinopathy Classification in Fundus Images

Diabetic retinopathy is an eye disease in diabetic patients due to damage to the small blood vessels in the retina due to high and low blood sugar levels. Accurate detection and classification of Diabetic Retinopathy is an important task in computer-aided diagnosis, especially when planning for diabetic retinopathy surgery. Therefore, this study aims to design an automated model based on deep learning, which helps ophthalmologists detect and classify diabetic retinopathy severity through fundus images. In this work, a deep convolutional neural network (CNN) with transfer learning and fine tunes has been proposed by using pre-trained networks known as Residual Network-50 (ResNet-50). The overall framework of the proposed

... Show More
Crossref (1)
Crossref
View Publication Preview PDF
Publication Date
Sat May 01 2021
Journal Name
Journal Of Physics: Conference Series
The classification of fetus gender based on fuzzy C-mean using a hybrid filter

This paper proposes a new approach, of Clustering Ultrasound images using the Hybrid Filter (CUHF) to determine the gender of the fetus in the early stages. The possible advantage of CUHF, a better result can be achieved when fuzzy c-mean FCM returns incorrect clusters. The proposed approach is conducted in two steps. Firstly, a preprocessing step to decrease the noise presented in ultrasound images by applying the filters: Local Binary Pattern (LBP), median, median and discrete wavelet (DWT),(median, DWT & LBP) and (median & Laplacian) ML. Secondly, implementing Fuzzy C-Mean (FCM) for clustering the resulted images from the first step. Amongst those filters, Median & Laplace has recorded a better accuracy. Our experimental evaluation on re

... Show More
Scopus (3)
Crossref (2)
Scopus Crossref
View Publication
Publication Date
Wed Mar 01 2023
Journal Name
Iaes International Journal Of Artificial Intelligence (ij-ai)
Design and implementation monitoring robotic system based on you only look once model using deep learning technique

<span lang="EN-US">The need for robotics systems has become an urgent necessity in various fields, especially in video surveillance and live broadcasting systems. The main goal of this work is to design and implement a rover robotic monitoring system based on raspberry pi 4 model B to control this overall system and display a live video by using a webcam (USB camera) as well as using you only look once algorithm-version five (YOLOv5) to detect, recognize and display objects in real-time. This deep learning algorithm is highly accurate and fast and is implemented by Python, OpenCV, PyTorch codes and the Context Object Detection Task (COCO) 2020 dataset. This robot can move in all directions and in different places especially in

... Show More
Scopus (5)
Crossref (2)
Scopus Crossref
View Publication
Publication Date
Sun Jan 20 2019
Journal Name
Ibn Al-haitham Journal For Pure And Applied Sciences
Text Classification Based on Weighted Extreme Learning Machine

The huge amount of documents in the internet led to the rapid need of text classification (TC). TC is used to organize these text documents. In this research paper, a new model is based on Extreme Machine learning (EML) is used. The proposed model consists of many phases including: preprocessing, feature extraction, Multiple Linear Regression (MLR) and ELM. The basic idea of the proposed model is built upon the calculation of feature weights by using MLR. These feature weights with the extracted features introduced as an input to the ELM that produced weighted Extreme Learning Machine (WELM). The results showed   a great competence of the proposed WELM compared to the ELM. 

Crossref (3)
Crossref
View Publication Preview PDF
Publication Date
Tue Aug 10 2021
Journal Name
Design Engineering
Lossy Image Compression Using Hybrid Deep Learning Autoencoder Based On kmean Clusteri

Image compression plays an important role in reducing the size and storage of data while increasing the speed of its transmission through the Internet significantly. Image compression is an important research topic for several decades and recently, with the great successes achieved by deep learning in many areas of image processing, especially image compression, and its use is increasing Gradually in the field of image compression. The deep learning neural network has also achieved great success in the field of processing and compressing various images of different sizes. In this paper, we present a structure for image compression based on the use of a Convolutional AutoEncoder (CAE) for deep learning, inspired by the diversity of human eye

... Show More
Publication Date
Thu Mar 30 2023
Journal Name
Iraqi Journal Of Science
Facial Expression Recognition Based on Deep Learning: An Overview

      Recognizing facial expressions and emotions is a basic skill that is learned at an early age and it is important for human social interaction. Facial expressions are one of the most powerful natural and immediate means that humans use to express their feelings and intentions. Therefore, automatic emotion recognition based on facial expressions become an interesting area in research, which had been introduced and applied in many areas such as security, safety health, and human machine interface (HMI). Facial expression recognition transition from controlled environmental conditions and their improvement and succession of recent deep learning approaches from different areas made facial expression representation mostly based on u

... Show More
Scopus (3)
Scopus Crossref
View Publication Preview PDF
Publication Date
Fri Mar 01 2024
Journal Name
Baghdad Science Journal
Deep Learning Techniques in the Cancer-Related Medical Domain: A Transfer Deep Learning Ensemble Model for Lung Cancer Prediction

Problem: Cancer is regarded as one of the world's deadliest diseases. Machine learning and its new branch (deep learning) algorithms can facilitate the way of dealing with cancer, especially in the field of cancer prevention and detection. Traditional ways of analyzing cancer data have their limits, and cancer data is growing quickly. This makes it possible for deep learning to move forward with its powerful abilities to analyze and process cancer data. Aims: In the current study, a deep-learning medical support system for the prediction of lung cancer is presented. Methods: The study uses three different deep learning models (EfficientNetB3, ResNet50 and ResNet101) with the transfer learning concept. The three models are trained using a

... Show More
Crossref (1)
Scopus Crossref
View Publication Preview PDF
Publication Date
Sun Feb 27 2022
Journal Name
Iraqi Journal Of Science
Plants Leaf Diseases Detection Using Deep Learning

     Agriculture improvement is a national economic issue that extremely depends on productivity. The explanation of disease detection in plants plays a significant role in the agriculture field. Accurate prediction of the plant disease can help treat the leaf as early as possible, which controls the economic loss. This paper aims to use the Image processing techniques with Convolutional Neural Network (CNN). It is one of the deep learning techniques to classify and detect plant leaf diseases. A publicly available Plant village dataset was used, which consists of 15 classes, including 12 diseases classes and 3 healthy classes.  The data augmentation techniques have been used. In addition to dropout and weight reg

... Show More
Scopus (8)
Crossref (1)
Scopus Crossref
View Publication Preview PDF
Publication Date
Tue Dec 21 2021
Journal Name
Mendel
Hybrid Deep Learning Model for Singing Voice Separation

Monaural source separation is a challenging issue due to the fact that there is only a single channel available; however, there is an unlimited range of possible solutions. In this paper, a monaural source separation model based hybrid deep learning model, which consists of convolution neural network (CNN), dense neural network (DNN) and recurrent neural network (RNN), will be presented. A trial and error method will be used to optimize the number of layers in the proposed model. Moreover, the effects of the learning rate, optimization algorithms, and the number of epochs on the separation performance will be explored. Our model was evaluated using the MIR-1K dataset for singing voice separation. Moreover, the proposed approach achi

... Show More
Scopus (2)
Scopus Crossref
View Publication