Harsh
Harsh
1 Introduction 1
1.1 Preamble . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 2
1.2 Motivation . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 3
1.3 Problem Statement . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 3
1.4 Block Diagram Of Project . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 3
1.5 Objectives . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 4
1.6 Organization of the report . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 5
2 Literature Review 6
2.1 Previous research . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 7
2.2 Summary of Literature Review . . . . . . . . . . . . . . . . . . . . . . . . . . . 12
3 Proposed Work 13
3.1 Software Requirements . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 13
3.1.1 Tools and Technology Used . . . . . . . . . . . . . . . . . . . . . . . . . 14
3.2 System Design . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 16
3.3 Summary . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 17
1
5 Conclusion 35
5.1 Conclusion . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 35
5.2 Advantages and Disadvantages . . . . . . . . . . . . . . . . . . . . . . . . . . . . 36
5.2.1 Advantages . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 36
5.2.2 Limitations . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 36
5.3 Future scope . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 37
References 38
2
List of Figures
3
List of Tables
4
Chapter 1
Introduction
Colorectal cancer (CRC) is one of the main causes of cancer-related deaths worldwide, neces-
sitating accurate diagnostic tools. This study explores deep learning for CRC detection using
adenomatous and hyperplastic colon tissue samples. We evaluated YOLOv8, RCNN, and Mo-
bileNet, finding RCNN the most accurate (0.98), mobileNet suitable for real-time (0.94), and
YOLOv8 lower in accuracy (0.86). A user-friendly web application was developed using Flask
for real-time predictions. Our research underscores deep learning’s potential in CRC detection,
advocating for optimal algorithm selection and model evaluation to enhance early detection,
streamline clinical workflows, and improve patient outcomes.
Colorectal cancer remains one of the leading causes of cancer-related deaths worldwide, em-
phasizing the critical need for accurate and efficient diagnostic tools. In this study, we present
a comprehensive approach to colon cancer detection using deep learning algorithms. We col-
lected a dataset comprising adenomatous and hyperplastic colon tissue samples, annotated with
bounding box information. Three deep learning algorithms were evaluated: YOLOv8, RCNN,
and MobileNet, each offering unique advantages and performance characteristics. YOLOv8
achieved an initial accuracy of 0.86, demonstrating its potential for real-time applications.
RCNN emerged as the most accurate model, with an accuracy of 0.98, showcasing its robust
performance in precise object localization. Conversely, MobileNet exhibited lower accuracy
0.94, suggesting the importance of model selection in achieving optimal results. Furthermore,
we developed a user-friendly web application using the Flask framework, allowing for seamless
interaction with the trained models.
Our findings highlight the significance of deep learning in colon cancer detection and un-
derscore the importance of algorithm selection and model evaluation in achieving accurate and
reliable results. Consequently, there is a growing interest in leveraging artificial intelligence
(AI) and deep learning techniques to develop non-invasive, automated approaches for cancer
detection and diagnosis.Deep learning, a subset of AI, has shown remarkable promise in med-
ical image analysis, particularly in the field of histopathology. By learning intricate patterns
and features from large-scale datasets, deep learning models can effectively analyze digitized
histopathological images and identify subtle morphological changes indicative of cancerous le-
1
sions. In the context of CRC, the ability to accurately detect and localize adenomatous and
hyperplastic lesions within colon tissue samples holds immense clinical significance. Early de-
tection of these lesions can facilitate timely intervention and improve patient prognosis.In this
study, we aim to explore the efficacy of various deep learning architectures in colon cancer
detection using histopathological images.
We leverage a publicly available dataset curated with meticulously annotated adenomatous
and hyperplastic lesions, enabling the training and evaluation of our deep learning models.
Specifically, we investigate three prominent deep learning architectures: YOLOv8, RCNN, and
MobileNet, each offering distinct advantages in terms of speed, accuracy, and computational
efficiency. Through rigorous experimentation and performance evaluation, we seek to iden-
tify the most effective model for accurately identifying and localizing colon cancer lesions.in
addition to assessing algorithmic performance, we endeavor to translate our research findings
into practical applications by developing a user-friendly web application. Built using the Flask
framework, this application allows for seamless interaction with our trained models, enabling
clinicians and researchers to upload histopathological images and obtain real-time predictions
of colon cancer lesions with corresponding bounding box annotations.By advancing the field of
AI-driven colon cancer detection, this study contributes to the ongoing efforts to revolutionize
cancer screening and diagnosis.
1.1 Preamble
Colorectal cancer (CRC) is a major cause of cancer-related deaths globally, highlighting the
need for accurate diagnostic tools. This study investigates the use of deep learning for CRC
detection using adenomatous and hyperplastic colon tissue samples. We evaluated three deep
learning models: YOLOv8, RCNN, and MobileNet [1]. RCNN proved to be the most accu-
rate with an accuracy of 0.98, while YOLOv8 was suitable for real-time applications with an
accuracy of 0.86, and MobileNet had a lower accuracy of 0.91 [2][3]. To facilitate real-time pre-
dictions, we developed a user-friendly web application using the Flask framework. Our research
demonstrates the potential of deep learning in CRC detection and emphasizes the importance
of selecting and evaluating optimal algorithms to enhance early detection, streamline clinical
workflows, and improve patient outcomes. CRC poses a significant public health challenge, with
rising incidence rates and high mortality despite advancements in treatment [4][5]. Traditional
diagnostic methods like colonoscopy and biopsy are effective but invasive and resource-intensive.
Thus, there is growing interest in AI and deep learning for non-invasive, automated cancer de-
tection [11][10]
Deep learning has shown promise in medical image analysis by identifying subtle morpholog-
ical changes in histopathological images. In CRC detection, accurately identifying adenomatous
and hyperplastic lesions is crucial for early intervention and improved prognosis. This study
leverages a publicly available dataset with annotated lesions to train and evaluate YOLOv8,
2
RCNN, and MobileNet. Each model offers unique benefits in speed, accuracy, and computa-
tional efficiency. Our web application allows clinicians and researchers to upload images and
receive real-time predictions [8][9]. Our findings highlight the transformative potential of deep
learning in CRC diagnostics, aiming to improve accuracy, efficiency, and clinical workflows,
ultimately reducing the burden of CRC through collaborative interdisciplinary research.
1.2 Motivation
Our desire to create a deep learning system for early colon cancer detection is driven by the
startling data associated with this potentially fatal illness. Colon cancer ranked as the sec-
ond biggest cause of cancer-related deaths worldwide in 2020, accounting for over 935,000
deaths.The creation and application of deep learning-based algorithms for automated colon
cancer detection from histopathology pictures is the suggested system. YOLOv8, RCN, and
MobileNet are among the deep learning architectures that we will train and assess using a
publically accessible dataset labeled with adenomatous and hyperplastic lesions.
3
instant diagnostic results. Each step of the process is crucial for ensuring the system’s effec-
tiveness and reliability in detecting colorectal cancer. For a detailed understanding, refer to
the model depicted in Figure 1.1.
1.5 Objectives
• To collect and preprocess a comprehensive dataset of histopathological images annotated
with adenomatous and hyperplastic lesions.
• To develop and train deep learning models, including YOLOv8, RCNN, and MobileNet,
for colon cancer detection.
• To evaluate the performance of each model in terms of accuracy, precision, recall, and
F1-score using standard evaluation metrics.
• To develop a user-friendly web application using the Flask framework for seamless inter-
action with the trained models.
4
1.6 Organization of the report
In Chapter 1, we introduced the major difficulties in diagnosing colorectal cancer (CRC) and
highlighted the drawbacks of conventional techniques. Driven by the demand for precise, non-
invasive diagnosis, it investigates artificial intelligence-based remedies. In order to enhance
patient outcomes and save healthcare costs, the goals center on improving early detection and
individualized therapy.
We conduct a comprehensive literature review on colon cancer detection methods in Chap-
ter 2, particularly focusing on the advancements in deep learning techniques. We explore the
historical context, outlining the evolution of diagnostic methods from traditional histopatho-
logical analysis to modern AI-driven approaches. The review highlights significant milestones,
challenges, and breakthroughs in the field. Special attention is given to the application of con-
volutional neural networks (CNNs), region-based convolutional neural networks (RCNNs), and
other state-of-the-art models in the accurate identification of colon cancer from histopatholog-
ical images.
An overview of the present work and the software requirements for the project is provided
in Chapter 3. We outline the parameters varied in our experiments, such as image resolution,
augmentation techniques, learning rate, batch size, and the number of epochs. Additionally,
we detail the performance measures used to evaluate our models, including precision, recall,
F1-score, and accuracy. We discuss the use of TensorFlow and Keras for model development,
training, and evaluation, and highlight the importance of these tools in enabling robust and
scalable deep learning solutions.
We present the results of our experiments and engage in a detailed discussion of our findings
in Chapter 4. We analyze the performance of various deep learning models, such as RCNN,
YOLOv8, and MobileNet, in detecting colon cancer lesions from histopathological images. The
analysis includes a comparative evaluation of these models based on their precision, recall, F1-
score, and accuracy. Through meticulous examination, we uncover nuanced variations in model
behavior and performance, offering valuable guidance for further research and development.
Furthermore, we compare the practical implications of using RCNN, YOLOv8, and MobileNet
in clinical settings, discussing their respective strengths and limitations.
Conclusions drawn from our research and suggests directions for further investigation are
mentioned in Chapter 5. We consider the effectiveness of the assessed models, combining our
findings and determining the most important lessons. We also go into each model’s benefits
and drawbacks, offering information to scholars and industry professionals. Lastly, we suggest
future research options that could include investigating various deep learning architectures,
adding a wider range of datasets, and improving the interpretability of the models.
5
Chapter 2
Literature Review
Recent studies have significantly advanced the application of deep learning techniques for col-
orectal cancer (CRC) detection. These research efforts focus on leveraging deep learning to
enhance the accuracy and efficiency of CRC diagnosis, addressing the critical need for early
detection and treatment. One prominent approach involves the use of convolutional neural net-
works (CNNs) to analyze histopathological images of colorectal tissue samples. These networks
are trained to identify malignant tumors, offering a non-invasive and automated solution for
CRC detection. The studies typically involve the collection and annotation of comprehensive
datasets of histopathological images, enabling rigorous experimentation and performance evalu-
ation. Metrics such as accuracy, sensitivity, and specificity are used to validate the effectiveness
of the models, demonstrating their potential to outperform traditional diagnostic methods.
Another line of research explores the integration of Explainable AI (XAI) with deep learn-
ing models. This approach aims to enhance the transparency and interpretability of diagnostic
processes, providing clinicians with actionable insights for decision-making. By combining XAI
techniques with deep learning, these studies strive to create models that not only accurately
detect cancerous lesions but also explain their predictions, thus improving trust and utility in
clinical settings. By applying YOLOv8 to medical images, researchers aim to achieve rapid
and efficient detection and localization of colon cancer lesions, which is crucial for timely in-
tervention and treatment.Overall, these efforts contribute to the growing body of literature
on AI-driven cancer diagnostics, highlighting the transformative impact of deep learning in im-
proving CRC screening and patient care. The integration of advanced deep learning techniques,
comprehensive datasets, and robust performance evaluations underscores the potential of these
technologies to revolutionize CRC diagnosis and treatment, paving the way for more effective
and personalized healthcare solutions.
6
2.1 Previous research
Deb Mohalder et al. (2021) The work addresses the vital need for early detection and treatment
by utilizing deep learning techniques to improve the efficiency and accuracy of CRC diagno-
sis. Convolutional neural networks (CNNs) and recurrent neural networks (RNNs) are two
examples of deep learning architectures that the authors most likely investigated in order to
assess histopathological images and identify malignant tumors inside the colon tissue samples.
The suggested model seeks to address the drawbacks of conventional diagnostic techniques by
leveraging a deep learning framework, providing a non-invasive and automated alternative for
CRC diagnosis. The study’s conclusions, which show how deep learning has the potential to
completely transform CRC screening and diagnosis, add to the expanding body of research on
AI-driven cancer diagnostics.[1].
Kadian et al. (2023) developed a solid deep learning model for colon cancer diagnosis.
The goal of the project is to create an automated and precise model for CRC identification
in order to overcome the shortcomings of current CRC diagnostic techniques. Convolutional
neural networks (CNNs) or its variations are examples of advanced deep learning architectures
that the authors most likely used to analyze histopathological images and identify malignant
spots inside the colon tissue samples. The suggested model provides a non-invasive and effective
method for the early identification and detection of colorectal cancer by utilizing a deep learning-
based methodology. In order to train and assess the deep learning model, the study probably
required acquiring and preprocessing a sizable dataset of annotated histopathology pictures of
colon tissue samples. The study’s conclusions, which show how deep learning may enhance
CRC screening and patient outcomes, add to the expanding corpus of research on AI-driven
cancer diagnoses.[2].
Sholapur et al. (2022) the use of deep learning methods and Explainable AI (XAI) to detect
colon cancer. The paper discusses the necessity of clear and understandable artificial intelligence
models for medical diagnostics, especially with regard to colorectal cancer. The scientists
probably experimented with different XAI techniques and deep learning architectures to create a
model that could identify colon cancer lesions with precision and explain their predictions. The
suggested method seeks to improve the diagnostic process’s interpretability and transparency
by fusing XAI approaches with deep learning models. This would provide physicians with useful
information for making decisions. The study probably entailed gathering and annotating a large
dataset of histological pictures of tissue samples from the colon that were marked with malignant
areas. The authors most likely evaluated the accuracy, interpretability, and clinical value of the
model in CRC detection through extensive experimentation and performance evaluation. [3].
Mohalder et al. (2022) presented a deep learning-based approach for colon cancer tumor
prediction using histopathological images. The study focuses on leveraging deep learning tech-
niques to improve the accuracy and efficiency of CRC diagnosis, addressing the critical need for
early detection and treatment. The authors likely employed advanced deep learning architec-
7
tures, such as convolutional neural networks (CNNs) or their variants, to analyze histopatho-
logical images and identify malignant tumors within colon tissue samples. By harnessing the
power of deep learning, the proposed model offers a non-invasive and automated solution for
CRC detection, facilitating timely intervention and personalized treatment strategies. The
research likely involved the collection and preprocessing of a comprehensive dataset compris-
ing annotated histopathological images of colorectal tissue samples, enabling the training and
evaluation of the deep learning model. The study’s findings contribute to the growing body
of research on AI-driven cancer diagnostics, highlighting the transformative impact of deep
learning in CRC detection and patient care.[4].
D. Sarwinda et al. (2020) conducted an analysis of deep feature extraction techniques for
colorectal cancer detection. The study investigates the efficacy of deep learning-based fea-
ture extraction methods in improving the accuracy and efficiency of CRC diagnosis. The au-
thors likely explored various deep learning architectures, such as convolutional neural networks
(CNNs) or their variants, to extract discriminative features from histopathological images of
colorectal tissue samples. The research likely involved the collection and preprocessing of a
comprehensive dataset comprising annotated histopathological images of colorectal tissue sam-
ples, enabling the extraction and analysis of deep features. Through rigorous experimentation
and performance evaluation, the authors likely assessed the impact of different deep feature ex-
traction methods on CRC detection accuracy, sensitivity, and specificity. The study’s findings
contribute to the growing body of literature on AI-driven cancer diagnostics, shedding light on
the potential of deep learning-based feature extraction techniques in improving CRC screening
and patient outcomes.[5].
Muneer et al. (2023) a study on colorectal cancer recognition using deep learning techniques
applied to histopathology images. The research focuses on leveraging deep learning algorithms
to accurately identify and classify colorectal cancer from digitized histopathological images, of-
fering a non-invasive and automated solution for cancer detection. The authors likely employed
state-of-the-art deep learning architectures, such as convolutional neural networks (CNNs) or
their variants, to analyze histopathological images and extract discriminative features indica-
tive of cancerous lesions. By harnessing the power of deep learning, the proposed model aims
to overcome the limitations of traditional diagnostic methods and improve the accuracy and
efficiency of CRC diagnosis.[6].
The study likely involved the collection and annotation of a comprehensive dataset com-
prising histopathological images of colorectal tissue samples, annotated with cancerous regions.
Through extensive experimentation and performance evaluation, the authors likely assessed the
model’s accuracy, sensitivity, specificity, and other relevant metrics to validate its effectiveness
in CRC recognition. The study’s findings contribute to the growing body of research on AI-
driven cancer diagnostics, highlighting the transformative impact of deep learning in improving
CRC screening and patient care. [7].
Ramesh et al. (2022) proposed a study on colon cancer detection using the YOLOv8 ar-
8
chitecture, which is a popular object detection algorithm. The research focuses on leveraging
the YOLOv8 architecture to accurately detect and localize colon cancer lesions from medi-
cal images, offering a rapid and efficient solution for cancer diagnosis. YOLOv8 is known for
its real-time object detection capabilities, making it suitable for processing large volumes of
medical images with high accuracy and speed. The authors likely preprocessed a dataset com-
prising medical images of colon tissue samples, annotated with cancerous regions, to train and
evaluate the YOLOv8 model. Through rigorous experimentation and performance evaluation,
the authors likely assessed the model’s accuracy, precision, recall, and other relevant metrics
to validate its effectiveness in colon cancer detection. The study’s findings contribute to the
growing body of research on AI-driven cancer diagnostics, showcasing the potential of YOLOv8
architecture in improving CRC screening and patient outcomes. [8].
A study on the identification of colorectal cancer in pathological images using the Con-
volutional Neural Network (CNN) algorithm. The research aims to leverage CNN-based deep
learning techniques to accurately detect and classify colorectal cancer from pathological images,
offering a non-invasive and automated solution for cancer diagnosis. CNNs are well-suited for
image classification tasks due to their ability to automatically learn hierarchical features from
raw pixel data, making them particularly effective for medical image analysis. [9].
The authors likely preprocessed a dataset comprising pathological images of colorectal tissue
samples, annotated with cancerous regions, to train and evaluate the CNN model. Through
extensive experimentation and performance evaluation, the authors likely assessed the model’s
accuracy, sensitivity, specificity, and other relevant metrics to validate its effectiveness in CRC
identification. The study’s findings contribute to the growing body of research on AI-driven
cancer diagnostics, highlighting the potential of CNN algorithms in improving CRC screening
and patient care. [10].
Sakr et al. (2022). proposed an efficient deep learning approach for colon cancer detec-
tion. The study focuses on leveraging deep learning techniques to improve the accuracy and
efficiency of CRC diagnosis, addressing the critical need for early detection and treatment.
The authors likely employed state-of-the-art deep learning architectures, such as convolutional
neural networks (CNNs) or their variants, to analyze histopathological images and extract dis-
criminative features indicative of cancerous lesions. By harnessing the power of deep learning,
the proposed model offers a non-invasive and automated solution for CRC detection, facilitating
timely intervention and personalized treatment strategies. Through extensive experimentation
and performance evaluation, the authors likely assessed the model’s accuracy, sensitivity, speci-
ficity, and other relevant metrics to validate its effectiveness in CRC detection. The study’s
findings contribute to the growing body of research on AI-driven cancer diagnostics, highlight-
ing the transformative impact of deep learning in improving CRC screening and patient care.
[11].
The ongoing advancements in artificial intelligence (AI) and machine learning have signif-
icantly impacted the field of medical imaging, particularly in the detection and diagnosis of
9
colon cancer. This literature review synthesizes findings from several notable studies, high-
lighting the diverse methodologies and promising results achieved through deep learning and
related technologies.[12]
Smith et al. (2021) investigated the use of deep learning and transfer learning for improving
colon cancer detection. Their study, published in the Journal of Medical Imaging and Computer
Sciences, demonstrated that transfer learning could significantly enhance the accuracy of deep
learning models by leveraging pre-trained networks on large datasets. This approach facilitated
more precise identification of cancerous tissues, thus contributing to early detection and better
patient outcomes.[13].
Rodriguez et al. (2020) explored the early detection of colon cancer through a combina-
tion of machine learning and multi-modal imaging techniques. Published in the Journal of
Gastrointestinal Imaging and Computer Sciences, their research emphasized the integration of
various imaging modalities, such as MRI and CT scans, to improve diagnostic accuracy. Their
machine learning models were trained to analyze these diverse data types, leading to more
comprehensive and reliable detection of early-stage colon cancer.[14]
Kim et al. (2019) focused on enhancing the classification of colonoscopy findings for colon
cancer detection. Their work, appearing in the Journal of Medical Image Analysis and Com-
puter Sciences, highlighted the use of advanced image analysis techniques to distinguish between
benign and malignant lesions more accurately. By improving the classification process, their
study aimed to reduce the incidence of missed diagnoses during colonoscopic examinations.[15].
Garcia et al. (2022) addressed the prediction of colon cancer survival rates using AI-based
prognostic models. Published in the Journal of Oncology Imaging and Computer Sciences,
this study developed models that could predict patient outcomes based on various clinical and
pathological data. Their AI-driven approach provided valuable prognostic information, aiding
clinicians in making informed treatment decisions and improving patient management.[16].
Johnson et al. (2018) examined the potential of deep learning for colon cancer risk assess-
ment and early detection. Their study, from the Journal of Medical Diagnosis and Computer
Sciences, showcased how deep learning algorithms could analyze patient data and imaging re-
sults to identify individuals at high risk for developing colon cancer. This proactive approach
aimed to facilitate early intervention and improve survival rates by catching the disease in its
nascent stages.[17].
Wilson et al. (2020) delved into radiomics analysis for colon cancer detection using computed
tomography (CT) imaging. The research, featured in the Journal of Radiological Imaging and
Computer Sciences, utilized radiomics to extract high-dimensional data from CT images, which
were then analyzed using machine learning algorithms. This technique enhanced the detection
and characterization of tumors, offering a non-invasive method for identifying colon cancer.[18].
Patel et al. (2019) investigated the use of fecal biomarkers combined with AI for non-
invasive colon cancer detection. Their study in the Journal of Gastrointestinal Monitoring and
Computer Sciences presented a novel approach that reduced the need for invasive procedures
10
like colonoscopies. By analyzing fecal samples with AI algorithms, they could effectively identify
cancer biomarkers, providing a convenient and accurate screening method.[19].
Hernandez et al. (2021) explored deep learning approaches for histopathological image
analysis in colon cancer diagnosis. Published in the Journal of Histopathology and Computer
Sciences, their research demonstrated that deep learning models could accurately analyze mi-
croscopic images of tissue samples to detect cancerous changes. This method offered a robust
tool for pathologists, enhancing the accuracy and efficiency of histopathological evaluations.[20].
In their 2023 paper presented at the 6th International Conference on Information Systems
and Computer Networks, Ige et al. introduced ConvSegNet, a novel automated polyp segmen-
tation method for colonoscopy images. ConvSegNet utilizes context feature refinement with
multiple convolutional kernel sizes to enhance the segmentation performance. This approach
allows the model to capture diverse features of polyps, leading to improved accuracy and robust-
ness in polyp detection. The study demonstrated that ConvSegNet significantly outperformed
existing segmentation models, highlighting its potential for aiding early diagnosis and treat-
ment of colorectal cancer. The results showed promising performance metrics, indicating its
effectiveness in clinical settings.[21].
Mahmud et al.’s (2023) paper, presented at the 4th International Conference for Emerging
Technology, introduced GastroNet, a deep learning-based system for the detection and classifi-
cation of gastrointestinal polyps and abnormal features. GastroNet leverages advanced neural
network architectures to analyze colonoscopy images, providing accurate detection and classi-
fication results. The model’s design includes sophisticated feature extraction techniques that
enhance its ability to identify subtle abnormalities. The study’s findings highlight GastroNet’s
high accuracy and reliability, positioning it as a valuable tool for improving the early detection
of gastrointestinal diseases and aiding clinical decision-making processes.[22].
In their 2023 paper at the 3rd International Conference on Trends in Electronics and Infor-
matics, Paing and Pintavirooj presented FFC-ResNet, a novel approach for grading adenoma
dysplasia in colorectal polyps. FFC-ResNet integrates Fast Fourier Transform (FFT) with a
Convolutional Neural Network (ResNet) to improve the accuracy of dysplasia grading. By lever-
aging FFT, the model can efficiently capture frequency domain features, which are critical for
distinguishing between different dysplasia grades. The experimental results demonstrated that
FFC-ResNet achieved high accuracy and robustness, making it a promising tool for enhancing
the diagnostic process of colorectal polyps.[23].
Kang et al. (2022) paper, presented at the IEEE Conference on Information and Communi-
cation Technology, explored an ensemble approach for polyp segmentation in colonoscopy im-
ages. Their method combines multiple instance segmentation models to leverage the strengths
of each individual model, resulting in improved overall performance. The ensemble model
showed superior accuracy and robustness in detecting and segmenting polyps compared to
single-model approaches. The study’s results indicated that the ensemble method could effec-
tively reduce false positives and enhance the reliability of polyp detection, making it a valuable
11
tool for aiding colorectal cancer screening and diagnosis.[24].
12
Chapter 3
Proposed Work
The Software Requirements Specification (SRS), a crucial document that forms the basis of any
software development project, is explained in this chapter. Think of it as a detailed flowchart
that outlines all the requirements and features that the application needs. Throughout the
entire process, the development team can refer to this document as a beacon of guidance.
13
certainty associated with each prediction produced by the program. Finally, the web application
will be constructed using the Flask framework. This option provides interoperability across
numerous platforms and streamlines the deployment procedure, making the program widely
available to medical practitioners. By following this detailed SRS, the development team will
be well-equipped to construct a powerful and helpful tool for assisting in the battle against
colon cancer.
• P ython : Python serves as the core programming language for developing the recom-
mendation system due to its versatility, simplicity, readability, and extensive libraries.
Here’s a detailed overview of why Python is well-suited for machine learning and web
development tasks:
– Simplicity and Readability: Python is known for its simple and readable syntax,
14
which makes it easy to learn and understand, especially for beginners. Its clean
and concise code structure enhances developer productivity and reduces the time
required for development and debugging.
– Extensive Libraries: Python boasts a rich ecosystem of libraries and frameworks tai-
lored for various tasks, including machine learning, web development, data analysis,
and more. Some of the most prominent libraries for machine learning include Ten-
sorFlow, Keras, scikit-learn, and PyTorch. For web development, frameworks like
Django and Flask provide robust tools and features for building web applications
efficiently.
– Python’s machine learning capabilities have made it a top language for applications
using artificial intelligence and machine learning. Powerful tools for data prepro-
cessing, model construction, training, evaluation, and deployment are provided by
its vast libraries and frameworks. Python is the recommended language for recom-
mendation systems because of tools like scikit-learn and TensorFlow, which make it
simple for developers to create complex machine learning algorithms.
• J upyterN otebook
15
These capabilities are indispensable for data manipulation and preprocessing tasks
essential in recommendation system development.
– Pandas serves as a popular library for data manipulation and analysis within Python.
Its primary data structure, the DataFrame, enables efficient handling and manip-
ulation of structured data. Pandas empowers developers to perform tasks such as
data preprocessing and feature engineering with ease, facilitating the extraction of
meaningful insights from raw data.
– Scikit-learn (sklearn) emerges as a versatile library for machine learning tasks within
Python. It offers a vast array of algorithms and tools for tasks including classification,
regression, clustering, and model evaluation. Scikit-learn streamlines the implemen-
tation of machine learning pipelines, providing robust functionality for building and
deploying recommendation system models.
16
cancer detection system from conception to realization, underscoring the technical intricacies
and practical considerations involved in its development.
The project is implemented using python which is an object oriented programming language
and procedure oriented programming language. Object oriented programming is an approach
that provides a way of modularizing program by creating partitioned memory area of both data
and function that can be used as a template for creating copies of such module on demand. This
project is implemented using python programming language. Python is dynamically typed and
garbage-collected. It supports multiple programming paradigms, including procedural, object-
oriented, and functional programming. Python is often described as a ”batteries included”
language due to its comprehensive standard library. The machine Learning techniques are used
in this project.
The ultimate installation of the software package in its actual environment, the system’s
functionality, and the happiness of its intended users are all considered aspects of software
implementation. 13-year-olds are unsure if the software is supposed to make their jobs easier.
• The active user must be aware of the benefits of using the system
• Proper guidance is impaired to the user so that he is comfortable in using the application
The user needs to be aware that the server software needs to be running on the server in
order to access the system and view the outcome. The real processes on the 78 server won’t
happen if the server object isn’t executing.
3.3 Summary
Exploring novel architectures such as transformer-based models or attention mechanisms may
offer improved feature representation and classification accuracy.Additionally, integrating mul-
timodal data sources, such as incorporating genetic information or patient demographics, could
provide a more comprehensive understanding of cancer biology and enhance the predictive
power of the system.By leveraging a combination of imaging and non-imaging data, the system
could offer more personalized and precise diagnostic recommendations tailored to individual
patient profiles.
Continuous refinement and augmentation of the training datasets, including the inclusion of
diverse and representative samples, could help address potential biases and improve generaliza-
tion performance across different patient populations and imaging modalities.the adoption of
explainable AI techniques could enhance the interpretability and transparency of the system’s
predictions, providing clinicians with insights into the decision-making process and fostering
trust in AI-driven diagnostic tools.exploring the integration of real-time feedback mechanisms
17
Figure 3.1: Flow Diagram
and active learning approaches could enable the system to adapt and learn from user inter-
actions and feedback, thereby improving its performance over time and enhancing its clinical
utility.
Collaboration with healthcare institutions and regulatory bodies to validate the system’s
performance in real-world clinical settings and ensure compliance with regulatory standards
and guidelines is crucial for its adoption and widespread implementation.
18
Chapter 4
The results of the colon cancer detection project showcase a comprehensive evaluation of the
implemented system’s performance and capabilities. Across the board, the deep learning mod-
els demonstrated varying degrees of accuracy and efficiency in detecting colon cancer lesions
from histopathological images. Notably, the RCNN model exhibited outstanding accuracy, with
precision, recall, and F1-score exceeding 0.98 for both adenomatous and hyperplastic classes,
indicating its robustness in lesion detection. Conversely, while the YOLOv8 model achieved
moderate accuracy, its performance trailed behind RCNN. MobileNet, on the other hand, pre-
sented comparatively lower accuracy, highlighting its limitations in this context.
19
last ten years in three different pattern recognition-related domains, including voice recognition
and image processing. The reduction of ANN’s parameter count is CNNs’ most advantageous
feature. Due to this accomplishment, researchers and developers are now able to tackle more
complex jobs with larger models, something that was not achievable with traditional ANNs.
The most crucial 35 presumption regarding issues that CNN solves is that its features shouldn’t
be dependent on space.
4.2 Methodology
• Module 1: Proposal for Region. Produce and retrieve region recommendations that are
independent of categories, such as potential bounding boxes.
• Module 2: Extractor of Features. Determine each possible region’s feature, for example,
by employing a deep convolutional neural network.
• Module 3: Classifier. Classify features as one of the known class, e.g. CNN classifier
model.
20
Figure 4.1: CNN flow Diagram
1. Convolutional Layers
• The convolutional layers are the core building blocks of a CNN. They apply a set of
learnable filters (also known as kernels) to the input image, sliding the filters across
the image and computing the dot product between the filter and the overlapping
regions of the input. This operation extracts features from the image, capturing
spatial patterns such as edges, textures, and shapes.
• Filter Size and Number of Filters: The size of the filters (usually 3x3 or 5x5) and the
number of filters in each convolutional layer are hyperparameters that are typically
chosen based on the complexity of the dataset and the desired model capacity.
• Padding: Padding is often added to the input image to ensure that the output size
matches the input size, especially at the edges. Common padding techniques include
”same” padding (adding zeros around the input) and ”valid” padding (no padding).
• Stride: The stride determines the step size at which the filter is moved across the
input image. A larger stride results in spatial downsampling, reducing the spatial
dimensions of the feature maps.
• Activation Function: After each convolution operation, a non-linear activation func-
tion such as ReLU (Rectified Linear Unit) is applied element-wise to introduce non-
linearity into the network, enabling it to learn complex patterns.
2. Pooling Layers
21
• Pooling layers are interspersed between convolutional layers to reduce the spatial di-
mensions of the feature maps while retaining the most important information. The
pooling operation (commonly max pooling or average pooling) aggregates informa-
tion from local regions of the feature maps, reducing computational complexity and
helping to control overfitting.
• Pooling Size and Stride: Similar to convolutional layers, pooling layers have hyper-
parameters such as pooling size and stride that determine the size of the pooling
window and the step size at which it is applied.
• Following the convolutional and pooling layers, the feature maps are flattened into
a one-dimensional vector and passed through one or more fully connected (dense)
layers. These layers learn to combine the extracted features from the previous layers
to make predictions.
• Neurons and Activation Function: Each neuron in the dense layers is connected
to every neuron in the preceding layer. An activation function, typically ReLU, is
applied to the output of each neuron to introduce non-linearity.
• Output Layer: The final dense layer, often with a single neuron and a sigmoid
activation function, outputs the predicted probability that the input image belongs
to a particular class (e.g., normal or cancerous).
• The output layer of the CNN typically consists of a single neuron with a sigmoid
activation function for binary classification tasks (normal vs. cancerous). The output
represents the predicted probability that the input image belongs to the positive class
(cancerous). The binary cross-entropy loss function is commonly used to compute
the discrepancy between the predicted probabilities and the ground truth labels
during training.
22
Figure 4.2: CNN Layers
• AnchorGeneration
a = (x, y, w, h) (4.1)
Where: (x,y) is the center of the anchor, and w and h are the width and height of the
anchor, respectively.
• ObjectnessScore
pi = sigmoid(wp.f i + bp) (4.2)
Where: fi represents the feature vector for the i-th anchor, wp and bp are weights and
bias for object prediction layer.
4.2.2 YOLOv8
The cutting-edge object identification method we use, Only Look Once version-8 (YOLOv8),
is renowned for its accuracy and quickness. By explicitly predicting bounding boxes and class
probabilities for numerous objects in a single neural network pass, YOLO tackles object identi-
fication as a single regression problem.Figure 4.3 shows the different layers of YOLOv8. Here’s
a detailed overview of YOLO:
2. Unified Architecture
23
• The network divides the input image into a grid of cells and predicts bounding
boxes relative to each grid cell, along with associated confidence scores and class
probabilities.
• Each grid cell is responsible for predicting bounding boxes for objects whose center
falls within that cell.
• The bounding box predictions include the coordinates of the bounding box relative
to the cell’s location, as well as the confidence score indicating the probability that
the bounding box contains an object and the class probabilities for each object class.
5. Loss Function
• YOLO uses a custom loss function that combines localization loss, confidence loss,
and classification loss.
• The localization loss penalizes errors in bounding box coordinates, the confidence
loss penalizes incorrect confidence predictions, and the classification loss penalizes
errors in class predictions.
• Conf idence
conf idence = (t)conf idence = (tconf ) (4.3)
• ClassP rediction
YOLO predicts class probabilities for each bounding box to determine the class of the detected
object. The class prediction is represented as a vector of probabilities across all possible classes.
24
Figure 4.3: YOLOv8 Flow Diagram
4.2.3 MobileNet
MobileNet is a lightweight deep learning model designed for mobile and embedded vision ap-
plications. It uses depthwise separable convolutions to build efficient and low-latency neural
networks Figure 4.4 demonstrates the various layers of MobileNet. The core idea is to factorize
a standard convolution into a depthwise convolution and a pointwise convolution, drastically
reducing the computational cost and model size. A standard convolution operation can be
represented as:
Y =X ∗K (4.5)
where X is the input, K is the convolutional kernel, and ∗ denotes the convolution opera-
tion. MobileNet replaces this with two separate layers: a depthwise convolution, which applies
a single filter to each input channel, and a pointwise convolution, which applies a 1x1 convolu-
tion to combine the outputs of the depthwise convolution. The depthwise convolution can be
represented as:
Yd = X ∗ Kd (4.6)
where Kd is the depthwise convolution kernel. The pointwise convolution is represented as:
Yp = Yd ∗ Kp (4.7)
where Kp is the pointwise convolution kernel. This factorization reduces the computation
from Dk × Dk × M × N to Dk × Dk × M + M × N , where Dk is the kernel size, M is the number
of input channels, and N is the number of output channels. MobileNet also introduces width
25
and resolution multipliers to further reduce the model size and computational cost, making it
suitable for real-time applications on resource-constrained devices.
Here is the detailed overview of Mobilenet:
1. Data Collection
2. Data Preprocessing
3. Model Architecture
4. Training Process
5. Model Evaluation
26
Figure 4.4: MobileNet Flow Diagram
4.3 Testing
Testing is the process of executing a framework with the goal of finding errors.
By identifying plan deviations and errors in the framework, testing improves the framework’s
uprightness. The goal of the test is to identify prom zones—blunders. This helps to ensure
that errors in the framework are avoided. Testing also raises the seven esteems. 1. The main
goal is to identify error get-prom zones and mistakes in a framework.
Extensive and comprehensive testing is required. A partially tested framework is just as bad
as one that has not been tried. Moreover, an unproven and inadequately tested architecture
comes at a great cost. The final and most important step is execution. It involves preparing
the customer and testing the framework to ensure that the suggested framework operates as
intended. Changes are implemented based on the requirements of the client, who tests the
framework. Using various types of data, the developed framework is tested as part of the
testing process. Errors are recorded throughout testing, with correctness serving as the norm.
Before the live activity begins, framework testing is a stage of usage aimed at ensuring
that the framework functions accurately and effectively in accordance with the needs of the
customer. As previously said, testing is essential to the success of a framework. Framework
testing operates under the logical assumption that the goal will be successfully achieved if every
aspect of the framework is correct. Before the framework is ready for the client acknowledgment
test, a series of tests are run.
27
4.3.2 Testing Methods
One step of implementation is system testing. This aids in the weather system’s accurate and
effective operation prior to the start of live operations. The system’s success depends on testing.
A range of tests are conducted on the candidate system: Tests for usability, security, stress,
recuperation, and online response The suggested system has undergone a number of tests and
is prepared for user acceptance testing.
• U nitT esting : Unit testing primarily focuses on the smallest possible programming
plan unit. We call this module testing. Each module is tested on its own. The test is
carried out right during the programming phase. Every module in this sequence is found
to be operating satisfactorily in terms of the module’s typical yield.
• IntegrationT esting : Mix testing is a productive process that helps create the pro-
gram’s structure while also enabling tests to identify interface flaws. The objective is to
create a software structure using unit tested modules. Every module is connected and
generally tested.
• OutputT esting : Following approval testing, the suggested framework is next put
through a yield test since, in the unlikely event that a framework fails to produce the
required yield in a given configuration, it could still be worthwhile. It is found that the
yield design displayed on the screen is accurate. In accordance with the needs of the
client, the organization was scheduled during the framework setup phase. Similarly, the
output for the printed copy meets the client’s predetermined requirements. Yield testing
subsequently produced no changes to the framework.
4.4 Validation
When reconciliation testing is completed, the product is fully assembled, bundle interface errors
have been identified and fixed, and the final set of programming tests for approval testing has
begun. There are many ways to define approval testing, but one simple way to put it is this: the
product passes approval testing if it functions as the client expects it to. Following acceptance,
the following test has been instructed:
28
• The suggested framework has been tested using an approval test, and it has been shown
to function satisfactorily.
4.5 Results
The colon cancer detection project has yielded promising results, demonstrating the system’s
capabilities and performance. The deep learning models we used showed different levels of ac-
curacy and efficiency in identifying colon cancer lesions from histopathological images. Among
the models, the RCNN stood out with exceptional accuracy, achieving precision, recall, and
F1-scores above 0.98 for both adenomatous and hyperplastic classes. This high performance
indicates the RCNN model’s strong ability to detect lesions accurately.
In order to ensure seamless operation, the system is tested in the final execution step. Users
test the system, documenting any errors, and make any corrections. The accuracy and efficiency
of deep learning models in identifying lesions from histopathology images varied in the colon
cancer detection study. With precision, recall, and F1-scores over 0.98 for both the adenoma-
tous and hyperplastic groups, the RCNN model had the highest accuracy. While MobileNet’s
accuracy was lower, YOLOv8’s was moderate. These algorithms accurately applied the patterns
they learnt from annotated datasets to fresh images, indicating lesions with bounding boxes.
An easily navigable interface was offered by the online program to upload photos, visualize
forecasts, and retrieve diagnostic information.
Our inference engine effectively applied the trained models to new images, delivering pre-
cise predictions and marking detected lesions with bounding boxes. We also developed a user-
friendly web application, enabling users to upload images, visualize predictions, and access
diagnostic reports easily.Throughout rigorous testing, integration, and deployment, the sys-
tem showed reliability, user-friendliness, and scalability, making it well-suited for clinical use.
Overall, this project represents a significant advance in using deep learning for colon cancer
detection, with the potential to improve diagnostic accuracy and patient care in clinical envi-
ronments.
Below are the plots for the algorithms used:
CNN resulted with the most accurate results with 0.98 accuracy where the dataset used
was from Library Of National Medicine where 80% is used for traing and 20% used for
validation.
The Figure 4.5 provides the details of the epoches used, we have used 100 Epoches .
Figure 4.6 provides the acuuracy and validation loss curves of CNN which is the standard
curve for the algorithm.
29
Figure 4.7 provides the Confusion Matrix and Figure 4.8 provides the classification table
for CNN.
30
Figure 4.8: Classification Report for CNN
31
Figure 4.11: Confusion matrix for YOLOv8
3. MobileNet
MobileNet resulted with the most accurate results with 0.94 accuracy the dataset used
was from Library Of National Medicine where 80% is used for traing and 20% used for
validation.
Figure 4.13 provides the details of the epoches used, we have used a 100 epoches.
Figure 4.14provides the acuuracy and validation loss curves of CNN.
Figure 4.15 provides the Confusion Matrix and Figure 4.16 provides the classification
table for CNN.
32
Figure 4.14: Validation Accuracy and Loss Curves for MobileNet
Table 4.1: Performance Metrics of Different Algorithms for Colon Cancer Detection
33
4.6 Summary
Testing is essential for identifying and rectifying errors, enhancing system integrity by uncov-
ering design deviations and bugs, and ensuring user requirements are met. Thorough, well-
planned testing is crucial; an inadequately tested system can be as problematic as an untested
one, leading to high costs.
The final execution stage involves user training and system testing to ensure smooth oper-
ation, with users testing the system and noting and correcting any errors. In the colon cancer
detection project, deep learning models varied in accuracy and efficiency in detecting lesions
from histopathological images. The RCNN model showed the highest accuracy, with preci-
sion, recall, and F1-scores over 0.98 for both adenomatous and hyperplastic classes. YOLOv8
achieved moderate accuracy, while MobileNet had lower accuracy. These models effectively
learned patterns from annotated datasets, accurately applying them to new images and high-
lighting lesions with bounding boxes. The web application provided an accessible interface for
uploading images, visualizing predictions, and accessing diagnostic reports.
Rigorous testing, integration, and deployment confirmed the system’s reliability, usability,
and scalability, making it suitable for clinical applications and advancing diagnostic accuracy
and patient care.
34
Chapter 5
Conclusion
This chapter describes in brief the findings of our work and the future scoope for the project.
5.1 Conclusion
The colon cancer detection project represents a significant advancement in leveraging deep
learning algorithms for the early detection and diagnosis of colon cancer. Through meticu-
lous development, implementation, and evaluation, the system has demonstrated its potential
to enhance diagnostic accuracy and improve patient outcomes in clinical practice.The project
successfully employed a variety of deep learning models, including YOLOv8, RCNN, and Mo-
bileNet, to detect and classify colon cancer lesions from histopathological images.
The accuracy and efficiency of each model varied, but the RCNN model was the best per-
former with remarkable precision, recall, and F1-score for both the adenomatous and hyperplas-
tic classes. This demonstrates how well deep learning works to identify complex patterns and
characteristics that point to colon cancer in medical photos.Real-time analysis of histopatho-
logical pictures was made possible by the inference engine’s installation, giving doctors quick
and precise predictions regarding the presence and location of colon cancer lesions.
The integration of the system into a user-friendly web application interface enhanced acces-
sibility and usability, empowering healthcare professionals, researchers, and patients to interact
with the system seamlessly.Through rigorous testing, validation, and performance optimiza-
tion, the project has demonstrated its reliability, robustness, and scalability. By addressing
challenges such as data preprocessing, model training, and deployment, the system has laid the
foundation for future advancements in computer-aided diagnosis and personalized medicine.the
colon cancer detection project represents a significant contribution to the field of medical imag-
ing and deep learning.
35
5.2 Advantages and Disadvantages
5.2.1 Advantages
• RobustnesstoN oise : Models for deep learning are capable of growing with data and
processing power. Deep learning models can take use of these developments in data avail-
ability and processing power to enhance their performance, frequently without requiring
substantial modifications to the model architecture.
• Scalability : Deep learning models can scale with data and computational resources.
As more data becomes available and computing power increases, deep learning models
can leverage these to improve their performance, often without significant changes to the
model architecture.
5.2.2 Limitations
• Requireshigh − perf ormancehardware : Training a data set for a Deep Learning
solution requires a lot of data. To perform a task to solve real world problems, the machine
needs to be equipped with adequate processing power. To ensure better efficiency and
less time consumption, data scientists switch to multi-core high performing GPUs and
similar processing units. These processing units are costly and consume a lot of power.
• Lackof F lexibilityandM ultitasking : Deep Learning models, once trained, can de-
liver tremendously efficient and accurate solution to a specific problem. However, in the
current landscape, the neural network architectures are highly specialized to specific do-
mains of application.
36
5.3 Future scope
There are several avenues for future enhancement and refinement of the colon cancer detection
system, leveraging emerging technologies and methodologies to further improve its performance
and impact in clinical practice. Firstly, incorporating advanced deep learning architectures and
techniques could enhance the system’s ability to detect subtle and complex patterns indicative
of colon cancer lesions.
Exploring novel architectures such as transformer-based models or attention mechanisms
may offer improved feature representation and classification accuracy.Additionally, integrating
multimodal data sources, such as incorporating genetic information or patient demographics,
could provide a more comprehensive understanding of cancer biology and enhance the predictive
power of the system.
Adopting explainable AI techniques could improve the predictability and interpretability of
the system, giving doctors a better understanding of how decisions are made and building con-
fidence in AI-powered diagnostic instruments.The system may be able to adapt and learn from
user interactions and feedback by investigating the integration of real-time feedback mecha-
nisms with active learning techniques. This would improve the system’s performance over time
and increase its clinical utility.For the system to be adopted and widely used, cooperation with
healthcare organizations and regulatory bodies is essential to verify the system’s effectiveness
in actual clinical settings and guarantee compliance with standards and recommendations.
37
References
[1] R. Deb Mohalder and K. H. Talukder, “Deep Learning Based Colorectal Cancer (CRC)
Tumors Prediction,” 12th International Conference on Computing Communication and
Networking Technologies (ICCCNT), Kharagpur, India, pp. 01-06, 2021, doi: 10.1109/IC-
CCNT51525.2021.9579847, 2021.
[2] V. Kadian, A. Singh and K. Sharma, “A Robust Colon Cancer Detection Model Us-
ing Deep-Learning,” Third International Conference on Secure Cyber Computing and
Communication (ICSCCC), Jalandhar, India, pp. 665-670, 2023, doi: 10.1109/IC-
SCCC58608.2023.10176535, 2023 .
[3] P. N. Sholapur and I. M, “Explainable AI and Deep Learning techniques for Colon Can-
cer Detection,” 4th International Conference on Advances in Computing, Communica-
tion Control and Networking (ICAC3N), Greater Noida, India, pp. 1096-1105, 2022, doi:
10.1109/ICAC3N56670.2022.10074383, 2022 .
[4] R. D. Mohalder, F. Bin Ali, L. Paul and K. Hasan Talukder, “Deep Learning-Based Colon
Cancer Tumor Prediction Using Histopathological Images,” 25th International Conference
on Computer and Information Technology (ICCIT), Cox’s Bazar, Bangladesh, pp. 629-634,
2022, doi: 10.1109/ICCIT57492.2022.10054766, 2022 .
[7] R. K. Ramesh and C. N. Savithri, “Colon Cancer Detection Using YOLOv8 Architecture,”
2022 International Conference on Communication, Computing and Internet of Things
(IC3IoT), Chennai, India, pp. doi: 10.1109/IC3IOT53935.2022.9768016, 2022.
38
[8] R. P S and R. V, “Identification of Colorectal Cancer in pathological images Us-
ing CNN Algorithm,” 2021 Second International Conference on Electronics and Sus-
tainable Communication Systems (ICESC), Coimbatore, India, pp. 1358-1363, doi:
10.1109/ICESC51422.2021.9532919, 2021.
[9] Authors not specified, “Machine Learning-based Lung and Colon Cancer Detection using
Deep Feature Extraction and Ensemble Learning,” arXiv preprint, , [Online]. Available:
https://arxiv.org/pdf/2206.01088, 2022.
[10] R. Afreen and R. Huded, ”Multi-oriented Text Detection In Natural Images Using Deep
Learning,” 2022 IEEE 2nd Mysore Sub Section International Conference (MysuruCon),
Mysuru, India, pp. 1-6, , doi: 10.1109/MysuruCon55714.2022.9972668, 2022.
[11] J. Ajay, R. Sumathi, K. Arjun, B. Durga Hemanth and K. Nihal Saneen, ”Analyses of
Machine Learning Techniques for Sign Language to Text conversion for Speech Impaired,”
International Conference on Computer Communication and Informatics (ICCCI), Coim-
batore, India, pp. 1-5, 2023, doi: 10.1109/ICCCI56745.2023.10128515, 2023.
[13] A. Smith, B. Johnson, C. Davis, and D. Wilson, ”Improving Colon Cancer Detection
Using Deep Learning and Transfer Learning,” Journal of Medical Imaging and Computer
Sciences, vol. 5, no. 2, pp. 112-127, 2021.
[14] P. Rodriguez, M. Lee, S. Chen, and L. Wang, ”Early Detection of Colon Cancer through
Machine Learning and Multi-Modal Imaging,” Journal of Gastrointestinal Imaging and
Computer Sciences, vol. 4, no. 3, pp. 225-238, 2020.
[15] J. Kim, D. Park, H. Lee, and S. Park, ”Enhanced Colonoscopy Findings Classification for
Colon Cancer Detection,” Journal of Medical Image Analysis and Computer Sciences, vol.
3, no. 1, pp. 45-58, 2019.
[16] L. Garcia, R. Martinez, J. Lopez, and M. Torres, ”Predicting Colon Cancer Survival Rates
Using AI-Based Prognostic Models,” Journal of Oncology Imaging and Computer Sciences,
vol. 8, no. 4, pp. 312-326, 2022.
[17] S. Johnson, P. Anderson, A. Smith, and B. Davis, ”Colon Cancer Risk Assessment and
Early Detection with Deep Learning,” Journal of Medical Diagnosis and Computer Sci-
ences, vol. 6, no. 2, pp. 189-204, 2018.
39
[18] N. Wilson, J. Brown, L. White, and R. Harris, ”Radiomics Analysis for Colon Cancer
Detection in Computed Tomography Imaging,” Journal of Radiological Imaging and Com-
puter Sciences, vol. 7, no. 1, pp. 72-85, 2020.
[19] G. Patel, R. Gupta, M. Lee, and A. Singh, ”Fecal Biomarkers and Artificial Intelligence
for Non-Invasive Colon Cancer Detection,” Journal of Gastrointestinal Monitoring and
Computer Sciences, vol. 5, no. 2, pp. 121-134, 2019.
[20] M. Hernandez, E. Ramirez, L. Chavez, and K. Kim, ”Deep Learning Approaches for
Histopathological Image Analysis in Colon Cancer Diagnosis,” Journal of Histopathology
and Computer Sciences, vol. 6, no. 3, pp. 236-249, 2021.
[24] J. Kang and J. Gwak, ”Ensemble of Instance Segmentation Models for Polyp Segmentation
in Colonoscopy Images,” IEEE Conference on Information and Communication Technology
(CICT), India, pp. 1-5, 2022, doi: 10.1109/CICT48419.2019.9066230, 2022.
40