Download as pdf or txt
Download as pdf or txt
You are on page 1of 7

PYTHON IEEE Projects.

(Machine Learning, Artificial Intelligence, Data Science, Image Processing, Video Processing, Networking)

1. Alzheimer disease prediction using machine learning algorithms


Alzheimer disease is the one amongst neurodegenerative disorders. Though the symptoms are benign
initially, they become more severe over time. Alzheimer's disease is a prevalent sort of dementia. This disease
is challenging one because there is no treatment for the disease. Diagnosis of the disease is done but that too
at the later stage only. Thus if the disease is predicted earlier, the progression or the symptoms of the disease
can be slow down. This paper uses machine learning algorithms to predict the Alzheimer disease using
psychological parameters like age, number of visit, MMSE and education.

2. Covid-19 Detection from Chest X-Ray using Convolution Neural Networks


A corona virus has infected more than 36,087,836 people and 1,055,387 Deaths since December 2019. As it
rapidly spreads across the planet, scientists and public-health experts are racing to slow down the spreading
and trying to find methodologies to detect it. To do that, they need to understand the new virus. It’s called
severe acute respiratory syndrome coronavirus 2, or SARS-CoV-2. There are different ways to diagnose the
COVID-19, but they are cost-effective and increasing the time taken to produce, buy using chest x-ray we can
reduce cost and result in time. But to diagnose x-ray’s we need expert radiotherapists. Thus, we developed a
model that automatically detect COVID and non-COVID X-rays. These days Deep Learning algorithms showing
the foremost results in Disease classification. Also, features learned by pre-trained Convolution Neural
Networks (CNN) models on large-scale datasets are much useful in image classification tasks. we train and
test our model to analyze the images as COVID or normal. We analytically determine the optimal CNN model
for the purpose. The accuracy metrics are used to validate the classification of the model.

3. Early detection Deep Learning Type Convolution Neural Network Architecture for Multiclass
Classification of Alzheimer’s Disease
Alzheimer’s disease (AD) is one of the common medical issues that the world is facing today. This disease has
a high prevalence of memory loss and cognitive decline primarily in the elderly. At present, there is no
specific treatment for this disease, but it is thought that identification of it at an early stage can help to
manage it in a better way. Several studies used machine learning (ML) approaches for AD diagnosis and
classification. In this study, we considered the Open Access Series of Imaging Studies-3 (OASIS-3) dataset
with 2,168 Magnetic Resonance Imaging (MRI) images of patients with very mild to different stages of
cognitive decline. We applied deep learning-based convolution neural networks (CNN) which are well-known
approaches for diagnosis-based studies. The model training was done by 70% of images and applied 10-fold
cross-validation to validate the model. The developed architecture model has successfully classified the
different stages of dementia images and achieved 83.3% accuracy which is higher than other traditional
classification techniques like support vectors and logistic regression.

4. Face mask detection using convolutional neural network


Efficient strategies to contain the coronavirus disease 2019 (COVID-19) pandemic are peremptory to relieve
the negatively impacted public health and global economy, with the full scope yet to unfold. In the absence of
highly effective drugs, vaccines, and abundant medical resources, many measures are used to manage the
infection rate and avoid exhausting limited hospital resources. Wearing masks is among the non-
pharmaceutical intervention (NPI) measures that could be effectively implemented at a minimum cost and
without dramatically disrupting social practices. Therefore, it is essential to develop a system that detects
those citizens who wear a face mask and who do not. We develop this system using Machine Learning and
Deep Learning Techniques and build CNN model to detect people wearing masks and not wearing masks
using image or a video stream as input. Face masks are part of an infection control strategy to eliminate cross-
contamination.

9886173099 / 9986709224 / citlprojectsieee@gmail.com, www.citlprojects.com


PYTHON IEEE Projects.
(Machine Learning, Artificial Intelligence, Data Science, Image Processing, Video Processing, Networking)

5. Fire and Gun Violence based Anomaly Detection System Using Deep Neural Networks
Real-time object detection to improve surveillance methods is one of the sought-after applications of
Convolutional Neural Networks (CNNs). This research work has approached the detection of fire and
handguns in areas monitored by cameras. Home fires, industrial explosions, and wildfires are a huge problem
that cause adverse effects on the environment. Gun violence and mass shootings are also on the rise in certain
parts of the world. Such incidents are time sensitive and can cause a huge loss to life and property. Hence, the
proposed work has built a deep learning model based on the YOLOv3 algorithm that processes a video frame-
by-frame to detect such anomalies in real-time and generate an alert for the concerned authorities. The final
model has a validation loss of 0.2864, with a detection rate of 45 frames per second and has been
benchmarked on datasets like IMFDB, UGR, and FireNet with accuracies of 89.3%, 82.6% and 86.5%
respectively. Experimental result satisfies the goal of the proposed model and also shows a fast detection rate
that can be deployed indoor as well as outdoors.

6. Image processing based Tracking and Counting Vehicles.


In this research work, we explore the vehicle detection technique that can be used for traffic surveillance
systems. This system works with the integration of CCTV cameras for detecting the cars. Initial step will
always be car object detection. Haar Cascades are used for detection of car in the footage. Viola Jones
Algorithm is used in training these cascade classifiers. We modify it to find unique objects in the video, by
tracking each car in a selected region of interest. This is one of the fastest methods to correctly identify, track
and count a car object with accuracy up to 78 percent

7. Human Activity Recognition Based on Graman Angular Field and Deep Convolutional Neural
Network
With the development of the Internet of things (IoT) and wearable devices, the sensor-based human activity
recognition (HAR) has attracted more and more attentions from researchers due to its outstanding
characteristics of convenience and privacy. Meanwhile, deep learning algorithms can extract high-
dimensional features automatically, which makes it possible to achieve the end-to-end learning. Especially
the convolutional neural network (CNN) has been widely used in the field of computer vision, while the
influence of environmental background, camera shielding, and other factors are the biggest challenges to it.
However, the sensor-based HAR can circumvent these problems well. Two improved HAR methods based on
deep CNN are proposed in this paper. Firstly, through the multi-dilated kernel residual (Mdk-Res) module, a
new improved deep CNN network Mdk-ResNet is proposed, which extracts the features among sampling
points with different intervals. Furthermore, the Fusion-Mdk-ResNet is adopted to process and fuse data
collected by different sensors automatically. The comparative experiments are conducted on three public
activity datasets, which are WISDM, UCI HAR and OPPORTUNITY. The optimal results are obtained by using
the indexes such as accuracy, precision, recall and F-measure, which verifies the effectiveness of the proposed
methods.

8. Forgery image detection using neural network


Digital imaging has experienced tremendous growth in recent decades and computer generated images are
employed in many applications. Now days, several software’s are available to manipulate image so the image
appear to be as original. Detecting these kinds of forgeries has become significant issue at present. To see
whether a digital image is original or doctored may be a big challenge. Forging images and identifying such
images are promising research during the digital era. Detection of such fake images is inevitable for the
revealing of the image based cybercrimes. There’s a necessity for developing techniques to distinguish the
computer generated images from the manipulated ones. In this paper, an efficient method based on
convolutional neural network (CNN) for the image forensic problem is introduced. The objective of the
proposed system is to 1)detect the tampered images using neural network Convolutional Neural Network
(CNN), 2) the neural network will learn features of an image and predict whether the given image is real or

9886173099 / 9986709224 / citlprojectsieee@gmail.com, www.citlprojects.com


PYTHON IEEE Projects.
(Machine Learning, Artificial Intelligence, Data Science, Image Processing, Video Processing, Networking)

fake. It enhance the security of image frameworks, by adding assessment in a fast, user-friendly, and non-
intrusive manner, through the use of image quality assessment.

9. Detection of skin cancer using deep learning and image processing technique
Disease comparable to dermatologists and could empower lifesaving and quick judgments, even external the
clinic by means of establishment of applications on cell phones. As far as anyone is concerned, at present,
there is no audit of the ebb and flow work in this examination region. This investigation presents the main
orderly audit of the cutting edge research on characterizing skin sores with CNNs. We limit our audit to skin
injury classifiers. Specifically, strategies that apply a CNN just for division or for the order of dermoscopic
designs are not considered here. Moreover, this investigation talks about why the equivalence of the
introduced methodology is exceptionally troublesome and which difficulties should be tended to later on. We
looked through Google Scholar, PubMed, Medline, Science Direct, and Web of Science information bases for
orderly surveys and unique examination articles distributed in English. Just papers that announced adequate
logical procedures are remembered for this survey. We discovered 13 papers that grouped skin sores
utilizing CNNs. On a basic level, characterization strategies can be separated by three standards. Approaches
that utilization a CNN previously prepared through another enormous dataset and afterwards streamline its
boundaries to the grouping of skin sores are the most widely recognized ones utilized and they show the best
exhibition with the presently accessible restricted datasets. CNN's show is superior as cutting edge skin sore
classifiers. Shockingly, it is hard to think about various arrangement strategies since certain methodologies
utilize nonpublic datasets for preparing as well as testing, consequently making reproducibility troublesome.
Future distributions should utilize openly accessible benchmarks and completely reveal techniques utilized
for preparing to permit equivalence.

10. Social Distancing Detector using YOLO v3 Image Processing Algorithm


The lack of public awareness and negligence, the pandemic due to coronavirus(covid19) has brought a global
crisis with its deadly spread to more than 180 countries, and about 147 million confirmed cases along with
3.11 million deaths globally as of 26th April 2021. Due to the absence of the vaccine against the covid19 the
world has suffered a lot. Though scientists have developed several vaccines then also the pandemic is still out
of control so therefore the only feasible option available to us is social distancing. And this notion motivated
us to bring up the idea of a social distancing detector using image processing which includes a deep learning
framework for automation task monitoring. The framework utilizes the YOLO v3 model object detection
model to separate moving people from the background and to detect people by using bounding boxes. The
basic idea of this article is to analyze the social distancing violation index rate that how many people violate
the rule of social distancing in a particular interval of time.

11. A Deep Neural Framework for Continuous Sign Language Recognition by Iterative Training
In this paper author describing new deep learning architecture to recognize Sign Language and this technique
is the combination of deep learning CNN (convolution neural networks), RNN (Recurrent Neural Network
Model called BiLSTM (Bidirectional Neural Network) to improve sign language recognition. Existing
technique were dependent on HMM (Hidden Markov Model) and this model was not accurate and to
overcome from this issue author has introduce CNN+BILSTM model where CNN layers can be used for
features extraction and to train deep learning model and then BILSTM can be used as the sequence learning
model to recognize possible next sequence of sign language. This model train itself iteratively with new
sequences predicted or recognize by BILSTM model.

9886173099 / 9986709224 / citlprojectsieee@gmail.com, www.citlprojects.com


PYTHON IEEE Projects.
(Machine Learning, Artificial Intelligence, Data Science, Image Processing, Video Processing, Networking)

12. Automatic Motorcyclist Helmet Rule Violation Detection using Tensorflow & Keras in OpenCV.
Motorcycle accidents have been hastily growing throughout the years in several countries because road
safety is often neglected by riders worldwide leading to accidents and deaths. To address this issue, most
countries have laws which mandate the use of helmets for two-wheeler riders so, it is very important for
motorcyclists to understand the risks of riding without a helmet. Riders who do not wear helmets are at
greatest risk of suffering a traumatic brain injury; if they met with an accident without protection, the head is
susceptible to a harrowing impact in an accident. In India, there is a rule that mandate helmet only for riders
but not even for passengers. Anyone may suffer from accident or head injuries whom are using motorcycle
without helmet. It should be mandatory for everyone to wear helmet; even for children. So, to mandate this
we have developed a system which is based on Tensorflow & Keras in the field of Computer Vision. System is
able to detect whether motorcyclists wear helmet or not even at real time. If anyone of them is present with
no helmet then system will precisely observed the situation and declare the rule violations. The system can be
implemented in malls, offices, marts, school and college that only allows people to enter the premises only
after detecting helmet with automated barrier. It will definitely affect the use of helmet that will save humans
life at all.

13. Gaze Estimation Using Residual Neural Network


Eye gaze tracking has become an prominent research topic in human-computer interaction and computer
vision. It is due to its application in numerous fields, such as the market research, medical, neuroscience and
psychology. Eye gaze tracking is implemented by estimating gaze (gaze estimation) for each individual frame
in offline or real-time video captured. Therefore, in order to produce the secure the accurate tracking,
especially in the emerging use in medical and community, innovation on the gaze estimation posts a challenge
in research field. In this paper, we explored the use of the deep learning model, Residual Neural Network
(ResNet-18), to predict the eye gaze on mobile device. The model is trained using the largescale
eye tracking public dataset called GazeCapture. We aim to innovate by incorporating methods/techniques of
removing the blinking data, applying image histogram normalisation, head pose, and face grid features. As a
result, we achieved 3.05cm average error, which is better performance than iTracker (4.11cm average error),
the recent gaze tracking deep-learning model using AlexNet architecture. Upon observation, adaptive
normalisation of the images was found to produce better results compared to histogram normalisation.
Additionally, we found that head pose information was useful contribution to the proposed deeplearning
network, while face grid information does not help to reduce test error.

14. Automatic Detection of Diabetic Retinopathy: A Review on Datasets, Methods and Evaluation
Metrics
Diabetic retinopathy (DR) is a fast-spreading disease across the globe, which is caused by diabetes. The DR
may lead the diabetic patients to complete vision loss. In this scenario, early identification of DR is more
essential to recover the eyesight and provide help for timely treatment. The detection of DR can be manually
performed by ophthalmologists and can also be done by an automated system. In the manual system, analysis
and explanation of retinal fundus images need ophthalmologists, which is a timeconsuming and very
expensive task, but in the automated system, arti_cial intelligence is used to perform an imperative role in the
area of ophthalmology and speci_cally in the early detection of diabetic retinopathy over the traditional
detection approaches. Recently, numerous advanced studies related to the identi_cation of DR have been
reported. This paper presents a detailed review of the detection of DR with three major aspects; retinal
datasets, DR detection methods, and performance evaluation metrics. Furthermore, this study also covers the
author's observations and provides future directions in the _eld of diabetic retinopathy to overcome the
research challenges for the research community.

9886173099 / 9986709224 / citlprojectsieee@gmail.com, www.citlprojects.com


PYTHON IEEE Projects.
(Machine Learning, Artificial Intelligence, Data Science, Image Processing, Video Processing, Networking)

15. Plant Leaf Diseases Detection and Classification Using Image Processing and Deep Learning
Techniques.
Agricultural products are the primary need for every country. If plants are infected by diseases, this impacts
the country's agricultural production and its economic resources. This paper presents a system that is used to
classify and detect plant leaf diseases using deep learning techniques. The used images were obtained from
(Plant Village dataset) website. In our work, we have taken specific types of plants; include tomatoes, pepper,
and potatoes, as they are the most common types of plants in the world and in Iraq in particular. This Data Set
contains 20636 images of plants and their diseases. In our proposed system, we used the convolutional
neural network (CNN), through which plant leaf diseases are classified, 15 classes were classified, including
12 classes for diseases of different plants that were detected, such as bacteria, fungi, etc., and 3 classes for
healthy leaves. As a result, we obtained excellent accuracy in training and testing, we have got an accuracy of
(98.29%) for training, and (98.029%) for testing for all data set that were used.

16. AI Vision Based Social Distancing Detection.


The rampant coronavirus disease 2019 (COVID-19) has brought global crisis with its deadly spread to more
than 180 countries, and about 3,519,901 confirmed cases along with 247,630 deaths globally as on May 4,
2020. The absence of any active therapeutic agents and the lack of immunity against COVID19 increases the
vulnerability of the population. Since there are no vaccines available, social distancing is the only feasible
approach to fight against this pandemic. Motivated by this notion, this article proposes a deep learning based
framework for automating the task of monitoring social distancing using surveillance video. The proposed
framework utilizes the YOLO object detection model to segregate humans from the background and to track
the identified people with the help of bounding boxes The violation index term is proposed to quantize the
non adoption of social distancing protocol. From the experimental analysis, it is observed that the YOLO with
Deepsort tracking scheme displayed best results with balanced criteria to monitor the social distancing in
real-time.

17. Parkinson Disease Detection Using Deep Neural Networks.


Parkinson's disease (PD) is a neurodegenerative disorder, which is responsible for the deterioration of motor
function due to loss of dopamine-producing brain cells i.e.neurons. Tremors, stiffness, slowness in
movements, shaking, and impaired balance are some of the primary symptoms of PD. In this paper, two
neural network based models namely, VGFR Spectrogram Detector and Voice Impairment Classifier have
been introduced, which aim to help doctors and people in diagnosing disease at an early stage. An extensive
empirical evaluation of CNNs (Convolutional Neural Networks) has been implemented on large-scale image
classification of gait signals converted to spectrogram images and deep dense ANNs (Artificial Neural
Networks) on the voice recordings, to predict the disease. The experimental results indicate that the
proposed models outperformed the existing state of the arts in terms of accuracy.The classification accuracy
on VGFR Spectrogram Detector is recorded as 88.1% while Voice Impairment Classifier has shown 89.15%
accuracy.

18. Efficient Masked Face Recognition Method during the COVID-19 Pandemic.
The COVID-19 is an unparalleled crisis leading to huge number of casualties and security problems. In order
to reduce the spread of coronavirus, people often wear masks to protect themselves. This makes the face
recognition a very dicult task since certain parts of the face are hidden. A primary focus of researchers during
the ongoing coronavirus pandemic is to come up with suggestions to handle this problem through rapid and
ecient solutions. In this paper, we propose a reliable method based on discard masked region and deep
learning based features in order to address the problem of masked face recognition process. The rst step is to
discard the masked face region. Next, we apply a pre-trained deep Convolutional neural networks (CNN) to
extract the best features from the obtained regions (mostly eyes and forehead regions). Finally, the Bag-of-

9886173099 / 9986709224 / citlprojectsieee@gmail.com, www.citlprojects.com


PYTHON IEEE Projects.
(Machine Learning, Artificial Intelligence, Data Science, Image Processing, Video Processing, Networking)

features paradigm is applied on the feature maps of the last convolutional layer in order to quantize them and
to get a slight representation comparing to the fully connected layer of classical CNN. Finally, MLP is applied
for the classication process. Experimental results on Real-World-Masked-Face-Dataset show high recognition
performance

19. Age and Gender Prediction using Deep Convolutional Neural Networks
Age and gender identification have become a major part of the network, security and care. It has a common
use in age specific content access for children. Social media uses it in delivering layered ads and marketing to
extend it’s a reach. Face recognition has developed to a great extent that we have to map it further in getting
more useful results having different approaches. In this paper, we propose deep CNN to improve age and
gender predication from significant results can be obtained and a significant improvement can be seen in
various tasks such as face recognition. A simple convolutional network architecture is proposed to make a
noticeable improvement in this field using existing methods. Using deep CNN, model is trained to an extent
that accuracy of Age and Gender become 79% using HAAR Feature-based Cascade Classifiers is an
effectivemethod proposed by Paul Viola and Michael Jones. It is a machine learning based approach where a
cascade function is trained from a lot of positive and negative images. It is then used to detect objects in other
images.

20. Computer Vision for Attendance and Emotion Analysis in School Settings.
This paper presents facial detection and emotion analysis software developed by and for secondary students
and teachers. The goal is to provide a tool that reduces the time teachers spend taking attendance while also
collecting data that improves teaching practices. Disturbing current trends regarding school shootings
motivated the inclusion of emotion recognition so that teachers are able to better monitor students’
emotional states over time. This will be accomplished by providing teachers with early warning notifications
when a student significantly deviates in a negative way from their characteristic emotional profile. This
project was designed to save teachers time, help teachers better address student mental health needs, and
motivate students and teachers to learn more computer science, computer vision, and machine learning as
they use and modify the code in their own classrooms. Important takeaways from initial test results are that
increasing training images increases the accuracy of the recognition software, and the farther away a face is
from the camera, the higher the chances are that the face will be incorrectly recognized.

21. Computer-Aided Segmentation of Liver Lesions in CT Scans Using Cascade Convolutional


Neural Networks and Genetically Optimised Classifier.
Abdominal CT scans have been widely studied and researched by medical professionals in recent years. CT
scans have proved effective for the task of detection of liver abnormalities in patients. Computer-aided
automatic segmentation of the liver can serve as an elementary step for radiologists to trace anomalies in the
liver. In this paper, we have explored deep learning techniques first and foremost for the extraction of liver
from the abdominal CT scan and then, consequently, to segment the lesions from a tumour-ridden liver. A
cascaded model of convolutional neural networks is used to segment lesions once tumour has been detected
in the liver by GA-ANN which has been fed textural liver features using LTEM for its classification procedure.
A high DICE index has been obtained of 0.9557 for liver segmentation and 0.6976 for lesion segmentation.

22. CNN based Pneumonia Detection


Chest X-ray images (anterior-posterior) were selected from retrospective cohorts of paediatric patients of
one to five years old from Guangzhou Women and Children’s Medical Centre, Guangzhou. The chest Xray
imaging was performed as part of patients’ routine clinical care. For the analysis of chest x-ray images, all

9886173099 / 9986709224 / citlprojectsieee@gmail.com, www.citlprojects.com


PYTHON IEEE Projects.
(Machine Learning, Artificial Intelligence, Data Science, Image Processing, Video Processing, Networking)

chest radiographs were initially screened for quality control by removing all low quality or unreadable scans.
The diagnoses for the images were then graded by two expert physicians before being cleared for training the
AI system. In order to account for any grading errors, the evaluation set was also checked by a third expert.

23. What to play next? A RNN-based music recommendation system


In the very recent years, development of music recommendation system has been a more heated problem due
to a higher level of digital songs consumption and the advancement of machine learning techniques. Some
traditional approaches such as collaborator filtering, has been widely used in recommendation systems, have
helped music recommendation system to give music listeners a quick access to the music. However,
collaborative filtering or model based algorithm have limitations in giving a better result with the ignorance
of combination factor of lyrics and genre. In our paper, we will propose an improved algorithm based on deep
neural network on measure similarity between different songs. The proposed method will make it possible
that it could make recommendations in a large system to make comparisons by “understand” the content of
songs. In this paper, we propose an end-end model, which is based on recurrent neural network to predict
user’s next most possible song by similarity. We will make experiments and evaluations based on Million
Song Dataset and demonstrate how it outperformed the traditional methods.

9886173099 / 9986709224 / citlprojectsieee@gmail.com, www.citlprojects.com

You might also like