0% found this document useful (0 votes)
32 views

Report MP

Uploaded by

Jovan Jacob
Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
32 views

Report MP

Uploaded by

Jovan Jacob
Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 26

DEEP LEARNING BASED BREAST CANCER

DIAGNOSIS SYSTEM
A mini project report submitted by

JOVAN JACOB (URK21CS1055)

in partial fulfillment for the award of the degree of

BACHELOR OF TECHNOLOGY
in
COMPUTER SCIENCE AND ENGINEERING

under the supervision of

MRS.KEIROLONA SAFANA SELES,


Assistant Professor

DIVISION OF COMPUTER SCIENCE AND ENGINEERING

KARUNYA INSTITUTE OF TECHNOLOGY AND SCIENCES

(Declared as Deemed to be University -under Sec-3 of the UGC Act, 1956)


Karunya Nagar, Coimbatore - 641 114. INDIA

MARCH 2024

1 | 26 P a g e Mini Project 2023-2024


DIVISION OF COMPUTER SCIENCE AND ENGINEERING

BONAFIDE CERTIFICATE

This is to certify that the project report entitled, “Deep Learning based Breast Cancer

Diagnosis System” is a bonafide record of Mini Project work done during the even semester of
theacademic year 2023-2024 by

JOVAN JACOB (Reg. No: URK21CS1055)

in partial fulfillment of the requirements for the award of the degree of Bachelor of Technology
in Computer Science and Engineering of Karunya Institute of Technology and Sciences.

Submitted for the Viva Voce held on

Signature of the Guide

2 | 26 P a g e Mini Project 2023-2024


ACKNOWLEDGEMENT

First and foremost, I praise and thank ALMIGTHY GOD whose blessings have bestowed

in me the will power and confidence to carry out my project.

I am grateful to our beloved founders Late. Dr. D.G.S. Dhinakaran, C.A.I.I.B, Ph.D and

Dr. Paul Dhinakaran, M.B.A, Ph.D, for their love and always remembering us in their prayers.

I extend my thanks to our Vice Chancellor Dr. Prince Arulraj, M.E., Ph.D., and our

Registrar Dr. Elijah Blessing, M.E., Ph.D, for giving me this opportunity to do the project.

I wish to extend my thanks to our Pro-Vice Chancellor (RC) Dr. E.J. James

and Dr. Ridling Margaret Waller Pro-Vice Chancellor (QS), for providing me this opportunity

to do the project.

I would like to thank Dr. Ciza Thomas., Dean, School of Computer Science and

Technology for his direction and invaluable support to complete the same.

I would like to place my heart-felt thanks and gratitude to Dr. Immanuel Johnraja,

M.E., Ph.D., Head of the Division, Computer Science and Engineering for his encouragement

and guidance.

I feel it is a pleasure to be indebted to, Mrs. Keirolona Safana Seles, MTech, Assistant

Professor,Division of CSE, and for her invaluable support, advice and encouragement.

I also thank all the staff members of the Department for extending their helping hands to

make this project a successful one.

I would also like to thank all my friends and my parents who have prayed and helped me

during the project work.

3 | 26 P a g e Mini Project 2023-2024


CONTENTS

Acknowledgement 3
Abstract 5
1. Introduction 6
1.1 Introduction
1.2 Objectives
1.3 Motivation
1.4 Overview of the Project
1.5 Chapter wise Summary
2. Literature Survey 10
2.1 Classification of skin cancer with deep Neural Networks
2.2 Deep CNN for computer aided design
2.3 Image Augmentation for deep learning
2.4 Breast Cancer Detection by Fusing Multiple CNN
2.5 Pattern Recognition
2.6 Summary
3. Proposed Architecture 13
4. Implementation 14
4.1. Modules Description
4.2. Implementation Details
4.3. Tools used
5. Test results 18
5.1. Findings
5.2. Results
6. Conclusions and Further Scope 24
References 26

4 | 26 P a g e Mini Project 2023-2024


Abstract

Breast cancer diagnosis remains a critical challenge in oncology, necessitating accurate and efficient
classification methods. In this project, we propose a deep learning-based approach for breast cancer
classification utilizing the Wisconsin Breast Cancer (WBC) dataset. The objective is to develop a
robust model capable of distinguishing between malignant and benign tumors. Drawing insights
from a comprehensive literature review, we integrate state-of-the-art convolutional neural networks
(CNNs) and techniques such as transfer learning, ensemble learning, attention mechanisms, and
adversarial training. These methodologies aim to enhance classification accuracy, robustness, and
generalization ability. Additionally, we investigate domain adaptation and self-supervised learning
strategies to address data scarcity issues and reduce dependency on medical imaging data. By the
project's conclusion, our model will classify breast tumors with high accuracy, providing valuable
insights into the tumor's malignancy without the need for direct medical imaging. The proposed
model holds promise for improving diagnostic precision and patient care in breast oncology,
particularly in scenarios where medical imaging data is limited or unavailable. Furthermore, the
findings and methodologies developed in this project have broader implications for the
advancement of machine learning-based healthcare solutions, facilitating more effective and
accessible diagnostic tools for breast cancer detection and treatment planning.

5 | 26 P a g e Mini Project 2023-2024


Chapter 1
Introduction

1.1 Introduction

Breast cancer is one of the most prevalent cancers affecting women worldwide, with timely and
accurate diagnosis being critical for effective treatment. Traditional methods of breast cancer
classification often rely on subjective interpretation, leading to variations in diagnostic accuracy.
In recent years, deep learning techniques, particularly convolutional neural networks (CNNs),
have emerged as promising tools for improving the accuracy and efficiency of breast cancer
diagnosis. Leveraging the power of CNNs, this project focuses on exploring their application for
breast cancer classification using the Wisconsin Breast Cancer (WBC) dataset. By integrating
advanced techniques such as transfer learning, ensemble learning, and attention mechanisms, we
aim to develop a robust model capable of accurately distinguishing between malignant and
benign tumors. The insights gained from this study have the potential to revolutionize breast
cancer diagnosis by providing clinicians with more reliable and objective tools for tumor
classification, ultimately leading to improved patient outcomes and personalized treatment
strategies.

1.2 Objectives

To Explore Deep Learning Techniques: Investigate various deep learning techniques,


particularly convolutional neural networks (CNNs), for their applicability in breast cancer
classification using the Wisconsin Breast Cancer (WBC) dataset.

To Develop a Robust CNN Model: Develop a robust CNN model capable of accurately
distinguishing between malignant and benign breast tumors with high precision and recall.

To Enhance Classification Performance: Utilize advanced techniques such as transfer learning,


ensemble learning, and attention mechanisms to enhance the classification performance of the
model.

6 | 26 P a g e Mini Project 2023-2024


To Investigate Data Augmentation Strategies: Explore data augmentation strategies to increase
the diversity and size of the dataset, improving the model's ability to generalize to unseen data..

To Address Class Imbalance: Address class imbalance issues within the dataset through
techniques such as oversampling, under sampling or class-weighted loss functions to ensure
equitable learning across malignant and benign classes.

To Evaluate Model Generalization: Assess the generalization ability of the developed model by
evaluating its performance on unseen data, including cross- validation and testing on
independent datasets.

To Provide Insights for Clinical Application: Provide insights and recommendations for the
clinical application of the developed CNN model, including its integration into existing
diagnostic workflows and its potential impact on patient care and treatment planning.

1.3 Motivation

The motivation behind this project stems from the transformative potential of deep learning
techniques, particularly convolutional neural networks (CNNs), in revolutionizing breast cancer
diagnosis. By harnessing the power of CNNs and advanced techniques such as transfer learning,
ensemble learning, and attention mechanisms, we aim to develop a robust model capable of
accurately distinguishing between malignant and benign breast tumors. Such a model holds
promise for improving diagnostic accuracy, facilitating early detection, and ultimately enhancing
patient outcomes in breast oncology.

Furthermore, the exploration of deep learning methodologies in breast cancer classification aligns
with the broader goal of advancing machine learning applications in healthcare. By developing
reliable and objective tools for tumor classification, this project contributes to the ongoing efforts
to enhance personalized medicine and improve the quality of care for breast cancer patients.
Ultimately, the motivation behind this project lies in its potential to make a meaningful impact on
breast cancer diagnosis and treatment, ultimately saving lives and improving quality of life for
individuals.

7 | 26 P a g e Mini Project 2023-2024


1.4 Overview of the Project

Breast cancer is a significant health concern worldwide, necessitating accurate and timely diagnosis
for effective treatment. Traditional methods of breast cancer classification often rely on subjective
interpretation, leading to variations in diagnostic accuracy. This project aims to address this
challenge by leveraging the power of deep learning techniques, particularly convolutional neural
networks (CNNs), for breast cancer classification using the Winsconsin Breast Cancer (WBC)
dataset.

The project begins with an exploration of deep learning methodologies, focusing on understanding
CNN architectures and their applicability to medical image analysis. Subsequently, we preprocess
the WBC dataset, perform data augmentation, and address class imbalance issues to ensure robust
model training.

The core of the project involves developing a CNN model tailored for breast cancer classification.
We employ transfer learning techniques to leverage pre-trained models such as VGG or ResNet,
fine-tuning them on the WBC dataset to adapt to breast cancer classification tasks. Ensemble
learning approaches are explored to further enhance classification performance, combining the
strengths of multiple models for improved accuracy and generalization.

Furthermore, attention mechanisms are integrated into the CNN architecture to highlight important
features in the breast cancer images, aiding in accurate tumor detection and classification.
Adversarial training strategies are employed to enhance the model's robustness against noise and
artifacts commonly encountered in medical imaging data.

The developed CNN model undergoes rigorous evaluation to assess its performance on unseen data,
including cross-validation and testing on independent datasets. Comparative analysis against
baseline models and traditional machine learning algorithms validates the superiority of the CNN
model in breast cancer classification.

Ultimately, the project aims to provide valuable insights for clinical application, offering a reliable
and objective tool for breast cancer diagnosis that can potentially improve patient outcomes .

8 | 26 P a g e Mini Project 2023-2024


1.5 Chapter-wise Summary

Introduction: The introduction chapter of our project lays the groundwork by emphasizing the
importance of utilizing Convolutional Neural Networks (CNNs) for breast cancer classification
using the Wisconsin Breast Cancer (WBC) dataset. It outlines the project's objectives,
motivations, and provides an overview, offering a clear roadmap for the subsequent chapters.

Literature Survey: The literature review chapter provides a succinct overview of existing
research relevant to breast cancer classification using CNNs and similar datasets. It offers
context by identifying gaps, evaluating methodologies, and synthesizing findings within the
scholarly discourse, informing our project's rationale and approach.

Proposed Architecture:
The proposed architecture chapter delineates the structural framework for developing and
implementing a CNN model for breast cancer classification. It outlines data preprocessing
techniques, model architectures, and training strategies to be employed, serving as a blueprint for
organizing and executing the project's investigation into breast cancer classification.

Implementation: The implementation chapter delves into the practical details of our project's
execution. It includes descriptions of data preprocessing steps, model configurations, and
training procedures. Additionally, it provides insights into the development process, including
the rationale behind the chosen implementation techniques and tools.

Test Results/Experiments/Verification: This chapter details the experimental procedures, test


results, and validation methods employed to evaluate the performance of our CNN model for
breast cancer classification. It highlights the robustness and validity of the implemented system
through rigorous testing and experimentation.

Conclusions and Further Scope: The final chapter summarizes the key findings and conclusions
drawn from our project on breast cancer classification using CNNs and the WBC dataset. It also
discusses potential future avenues for research and development, paving the way for continued
exploration and innovation in this field of medical image analysis.

9 | 26 P a g e Mini Project 2023-2024


Chapter 2
Literature Survey

2.1 E Esteva, A., Kuprel, B., Novoa, R. A., Ko, J., Swetter, S. M., Blau, H. M.,
& Thrun, S. (2017). Dermatologist-level classification of skin cancer with
deep neural networks. Nature, 542(7639), 115-118.

Esteva et al. developed a deep neural network model capable of classifying skin cancer with a
level of accuracy comparable to dermatologists. The model achieved dermatologist-level
performance in classifying skin lesions as malignant or benign based on images. The findings
demonstrate the potential of deep learning techniques, specifically convolutional neural networks
(CNNs), in automating skin cancer diagnosis. The model's ability to accurately classify skin
lesions suggests its potential utility as a diagnostic aid for dermatologists, potentially improving
diagnostic accuracy and patient outcomes.

2.2 Shin, H. C., Roth, H. R., Gao, M., Lu, L., Xu, Z., Nogues, I., ... & Summers,
R. M. (2016). Deep convolutional neural networks for computer-aided
detection: CNN architectures, dataset characteristics and transfer learning.
IEEE transactions on medical imaging, 35(5), 1285-1298.

Shin et al. investigated the application of deep convolutional neural networks (CNNs) for
computer-aided detection in medical imaging, specifically mammography. They explored
different CNN architectures, dataset characteristics, and transfer learning strategies to enhance
performance in detecting breast cancer.

10 | 26 P a g e Mini Project 2023-2024


2.3 Shorten, C., & Khoshgoftaar, T. M. (2019). A survey on image data
augmentation for deep learning. Journal of Big Data, 6(1), 1-48.
Shorten and Khoshgoftaar conducted a comprehensive survey on image data augmentation
techniques for deep learning. They reviewed various augmentation methods such as rotation,
flipping, cropping, and scaling, and evaluated their effectiveness in improving model
generalization and robustness.

2.4 Wang, J., Yang, X., Cai, H., Tan, W., Jin, C., Li, L., ... & Ma, F. (2020).
Breast Cancer Detection Using Deep Learning Algorithms by Fusing
Multiple CNN Models. IEEE Access, 8, 23549-23558.."
Wang et al. proposed a novel approach for breast cancer detection by fusing multiple CNN
models. They demonstrated that ensemble learning, which combines predictions from diverse
CNN architectures, can improve classification performance compared to individual models The
findings suggest that ensemble learning techniques can enhance the accuracy and reliability of
breast cancer detection systems. By aggregating predictions from multiple CNN models,
researchers can develop more robust and effective diagnostic tools for breast cancer screening
and diagnosis.

2.5 Zhou, B., Khosla, A., Lapedriza, A., Oliva, A., & Torralba, A.
(2016). Learning deep features for discriminative localization. In
Proceedings of the IEEE conference on computer vision and pattern
recognition(pp.2921-2929).

11 | 26 P a g e Mini Project 2023-2024


Zhou et al. introduced a technique called Grad-CAM for visualizing CNN model predictions
by highlighting important image regions. They demonstrated that Grad-CAM can provide
interpretable insights into CNN model decisions, aiding in understanding the model's
reasoning process. The findings emphasize the importance of interpretability in deep learning
models for medical image analysis. Techniques like Grad-CAM can enhance transparency and
trust in automated diagnostic systems by providing clinicians with insights into the features
driving model predictions.

2.6 Summary

This literature survey explores the application of deep learning techniques, particularly
convolutional neural networks (CNNs), in breast cancer classification. Studies demonstrate
CNNs' effectiveness in automating diagnosis, enhancing computer-aided detection, and
improving model robustness through data augmentation and ensemble learning. Additionally,
interpretability techniques such as Grad-CAM offer insights into CNN model predictions,
fostering trust in automated diagnostic systems. Overall, the survey underscores CNNs'
potential to revolutionize breast cancer diagnosis and treatment.

12 | 26 P a g e Mini Project 2023-2024


Chapter 3
Proposed Architecture
1. Data Collection
Load the dataset containing various features related to breast cancer tumors. Convert the given
labels to binary values (0 for benign, 1 for malignant). Split the data into features (X) and target
variable (y).
2. Data Cleaning:
Clean the collected datasets to prepare them for analysis. Use tools like Pandas for data cleaning
tasks. Remove any inconsistencies, missing values, or outliers.
3. Model Training and Evaluation
The model is compiled with the Adam optimizer and binary cross-entropy loss function. Training
is conducted over 10 epochs with a batch size of 32, utilizing the training and validation datasets.
Training progress is monitored by tracking accuracy and loss metrics. Performance evaluation is
carried out on the test dataset to assess the model's generalization ability. Test accuracy and loss
are reported to gauge the model's predictive capability and robustness.
4. Model Fine Tuning and Optimization
A refined version of the CNN model is developed by Introducing batch normalization and
adjusting the learning rate. The model is compiled with a lower learning rate to fine-tune the
optimization process. Training and evaluation are performed similar to the initial model,
enabling comparison of performance and improvements over previous versions.
5. Model Deployment and Prediction:
The trained CNN model is saved for future use and deployment. An example input data point is
standardized using the same scaler applied during training. Prediction sare made on the
standardized input to classify the tumor as benign or malignant. The predicted label is outputted
to facilitate decision-making in clinical settings thus providing a result that tells which type of
tumor the person has from the given dataset.
6. Mapping and Visualization:
Plot the Unique visualizations, such as confusion matrices and sample predictions, are generated
to interpret the model's behavior and performance. Confusion matrices provide insights into the
model's classification accuracy across different classes. Random sample predictions showcase
the model's ability to correctly classify individual instances, aiding in understanding its
predictive capabilities. Preprocessing steps are replicated to ensure consistency between training
and inference pipelines.

13 | 26 P a g e Mini Project 2023-2024


Fig 3.1(flow chart of the architecture)

Fig 3.2 Architecture diagram

14 | 26 P a g e Mini Project 2023-2024


Chapter 4
Implementation

4.1 Modules Description

Data Collection Module:


Responsible for obtaining Wisconsin Breast Cancer Diagnostic dataset from a reliable source.

Data Preprocessing Module:


The data preprocessing module cleanses, filters, and transforms raw geolocational data into a
standardized format suitable for analysis. It employs libraries like scikit-learn for data
preprocessing tasks such as feature scaling and normalization, NumPy for numerical operations,
and Pandas for data manipulation.

CNN Module:
It will display the recommendation after using the search bar to look up the necessary
information. based on the needs and the budget.

Model Training Module:


The model is trained using the preprocessed dataset, utilizing techniques such as batch training
and regularization to enhance model generalization.

Visualization Module:
The visualization module provides interactive visualization tools for representing geospatial data
and analysis results. It utilizes libraries like Matplotlib, Plotly, and Folium for creating maps,
scatter plots, heatmaps, and other visualizations to aid in data interpretation and communication.

15 | 26 P a g e Mini Project 2023-2024


By utilizing these module the project facilitates Breast Cancer Classification using CNN
enabling users to derive valuable insights and make informed decisions of type of tumors.

4.2. Implementation Details

The implementation of the project "Geospatial Prediction Using K-Means and Foursquare API "
involves several key steps to develop a robust and efficient system for analyzing spatial datasets:

Fig4.2.1(Implementation Process)

Data Collection and Preprocessing:


The dataset containing information about breast cancer tumors is loaded from a specified URL
using pandas. The dataset is preprocessed by dropping irrelevant columns (e.g.,ID) and collected

16 | 26 P a g e Mini Project 2023-2024


Model Construction:
A Sequential model is constructed using TensorFlow Keras. The model architecture consists of
Conv1D layers followed by MaxPooling1D layers to capture spatial patterns in the data and
down sample feature maps, respectively. Dropout layers are added to prevent overfitting by
randomly dropping a fraction of input units. Dense layers are used to learn complex patterns in
the data. The final Dense layer has a sigmoid activation function for binary classification.

Model Compilation and Training:

The model is compiled using binary cross entropy loss as the loss function and the Adam
optimizer. It is trained on the training data using the fit method, specifying the number of epochs
and batch size. Validation data is provided to monitor the model's performance during training
and prevent overfitting.

Visualization:
Interactive visualization tools are employed to represent geospatial data and analysis results in
intuitive and informative ways. This includes creating maps, scatter plots, heatmaps, and other
visualizations to aid in data interpretation and communication.

These implementation details provide a systematic approach to building, training, and evaluating
a CNN model for breast cancer classification, with the option for further optimization and
deployment for practical use.

4.3. Tools used

Python:
Python serves as the primary programming language for implementing the project's functionalities.
It offers a rich ecosystem of libraries and tools for data manipulation, analysis, and visualization,
making it well-suited for exploratory data analysis (EDA) tasks.

Pandas:
Pandas is a powerful Python library for data manipulation and analysis. It provides data structures
such as DataFrames and Series, along with a wide range of functions for cleaning, filtering, and
transforming geolocational data.
17 | 26 P a g e Mini Project 2023-2024
NumPy:
NumPy is a fundamental library for numerical computing in Python. It provides support for multi-
dimensional arrays, mathematical functions, and linear algebra operations, which are essential for
handling geospatial data and performing statistical analysis.

Matplotlib and Seaborn:


Matplotlib and Seaborn are Python libraries for creating static and interactive visualizations. They
offer a wide range of plotting functions and customization options for generating plots, charts, and
maps to visualize geolocational data and analysis results.

TensorFlow:
A powerful deep learning framework used for building and training neural network models,
including CNNs..

Scikit-learn:
Scikit-learn is a popular Python library for machine learning and data mining. It offers a wide
range of algorithms and tools for clustering, classification, regression, and dimensionality
reduction, which can be applied to geolocational data for exploratory analysis.

Keras:
An intuitive high-level neural networks API that serves as the interface for building and training
models in TensorFlow..

These tools collectively provide a comprehensive environment for implementing, testing, and
evaluating the breast cancer classification model using CNNs, enabling efficient development
and analysis of machine learning solutions..

18 | 26 P a g e Mini Project 2023-2024


Chapter 5
Test Results
5.1 Findings
CNN Effectiveness: The utilization of Convolutional Neural Networks (CNNs) for breast cancer
classification demonstrates remarkable effectiveness, achieving high accuracy rates and
sensitivity in detecting malignancies. CNNs outperform traditional methods, highlighting their
potential to revolutionize breast cancer diagnosis.

Accuracy and Sensitivity: The developed CNN model exhibits impressive performance with an
accuracy rate of 96.4%. This high accuracy underscores the model's capability to accurately
classify breast cancer cases, demonstrating its sensitivity in detecting lesions and distinguishing
between benign and malignant tumors.

Robustness: The CNN model demonstrates robustness in distinguishing between benign and
malignant tumors, indicating its reliability and consistency in breast cancer diagnosis. Interest
requiring further investigation.

Clinical Impact: The CNN model's ability to accurately classify breast cancer cases has
significant clinical implications. It can assist healthcare professionals in making timely and
informed decisions, leading to improved patient outcomes and potentially saving lives.

Interpretability: While the CNN model demonstrates impressive performance, efforts to


improve interpretability are essential. Techniques for interpreting model predictions and
identifying relevant features can enhance clinicians' trust in the model and facilitate its
integration into clinical practice.

19 | 26 P a g e Mini Project 2023-2024


5.2 Results
• Confusion Matrix
In this dataset, out of 114 data values, 71 is classified as Benign and 43 as Malignant
providing the exact result.

Fig 5.1(Confusion Matrix)

A box plot, often known as a boxplot, is a technique used in descriptive statistics to visually
represent numerical data's localization, dispersion, and skewness groups through their
quartiles. The central rectangular box represents the interquartile range (IQR) of the
dataset, which spans from the first quartile (Q1) to the third quartile (Q3). The length of
the box indicates the spread of the middle 50% of the data. The line inside the box
represents the median (Q2) of the dataset. From our Dataset we have determined the
rangestands between 1-6

20 | 26 P a g e Mini Project 2023-2024


Fig 5.2.2(Box plot)

21 | 26 P a g e Mini Project 2023-2024


Fig 5.2.3(Model Accuracy)

Fig5.2.4(Model Loss)
22 | 26 P a g e Mini Project 2023-2024
Chapter 6
Conclusions and Further Scope

In conclusion, the utilization of Convolutional Neural Networks (CNNs) for breast cancer
classification has demonstrated remarkable accuracy and sensitivity in discerning malignancies.
Through the implementation of CNN models, we achieved a high accuracy rate of 96.4% in
accurately classifying breast cancer cases. The developed CNN model exhibits superior
performance in distinguishing between benign and malignant tumors, thereby showcasing its
potential as a powerful tool for precise breast cancer diagnosis.

By leveraging CNN's ability to extract intricate patterns from medical images, our model not
only enhances diagnostic protocols but also holds promise in improving patient prognosis. The
robustness of the model is evident from its ability to accurately classify tumors, thereby assisting
clinicians in making informed decisions regarding patient treatment and management strategies.

Future Scope:

Despite the promising results achieved in this study, there are several avenues for future
exploration and enhancement:

Integration of Multi-Modal Data: Incorporating additional modalities such as genetic


information, histopathological images, and patient demographics could enhance the model's
predictive performance and provide a more comprehensive understanding of breast cancer.

Transfer Learning: Implementing transfer learning techniques by fine-tuning pre-trained CNN


models on breast cancer datasets could expedite model training and potentially improve
classification accuracy, especially in scenarios with limited annotated data.

Interpretability: Enhancing the interpretability of the model's predictions by employing


techniques such as attention mechanisms and feature visualization could provide insights into the
underlying factors driving the classification decisions, thereby fostering trust and adoption by
23 | 26 P a g e Mini Project 2023-2024
clinicians.

Real-Time Diagnosis: Developing real-time diagnostic tools that integrate our CNN model into
clinical workflows could facilitate rapid and accurate breast cancer diagnosis, enabling timely
interventions and improving patient outcomes.

Clinical Validation: Conducting extensive clinical validation studies to assess the model's
performance across diverse patient populations and healthcare settings is essential for ensuring
its reliability and generalizability in real-world scenarios.

Ethical Considerations: Addressing ethical considerations such as data privacy, bias mitigation,
and equitable access to healthcare services is crucial to ensure the responsible deployment and
adoption of AI-driven diagnostic tools in clinical practice..

24 | 26 P a g e Mini Project 2023-2024


REFERENCES

[1] Cruz-Roa A, Basavanhally A, González F, et al. Automatic detection of invasive ductal


carcinoma in whole slide images with convolutional neural networks. Med Image Anal.
2014;18(7):1281-1291. doi:10.1016/j.media.2014.04.005
[2] Ehteshami Bejnordi B, Veta M, Johannes van Diest P, et al. Diagnostic assessment of deep
learning algorithms for detection of lymph node metastases in women with breast cancer.
JAMA. 2017;318(22):2199-2210. doi:10.1001/jama.2017.14585
[3] Janowczyk A, Madabhushi A. Deep learning for digital pathology image analysis: A
comprehensive tutorial with selected use cases. J Pathol Inform. 2016;7:29.
doi:10.4103/2153-3539.186902
[4] Han Z, Wei B, Zheng Y, Yin Y, Li K, Li S. Breast cancer multi-classification from
histopathological images with structured deep learning model. Sci Rep. 2017;7(1):4172.
doi:10.1038/s41598-017-04543-0
[5] Liu Y, Gadepalli K, Norouzi M, et al. Detecting Cancer Metastases on Gigapixel Pathology
Images. arXiv preprint arXiv:1703.02442. Published March 2017. Accessed March 29, 2024.
https://arxiv.org/abs/1703.02442
[6] Litjens G, Sánchez CI, Timofeeva N, et al. Deep learning as a tool for increased accuracy and
efficiency of histopathological diagnosis. Sci Rep. 2016;6:26286. doi:10.1038/srep26286
[7] Bychkov D, Linder N, Turkki R, et al. Deep learning based tissue analysis predicts outcome
in colorectal cancer. Sci Rep. 2018;8(1):3395. doi:10.1038/s41598-018-21665-z
[8] Ren J, Sun X, Chen Z, Wu Y. Breast cancer classification via feature based on deep learning.
Expert Syst Appl.
[9] Wang S, Yang DM, Rong R, et al. Convolutional neural networks for breast cancer
screening: Transfer learning from mammography to digital breast tomosynthesis. J Med
Imaging (Bellingham). 2017;4(4):044504. doi:10.1117/1.JMI.4.4.04450
[10] Jiang L, Deng H, Wang T, et al. Breast cancer histopathological image classification
through assembling multiple compact CNNs. BMC Med Inform Decis Mak. 2020;20(1):98.
doi:10.1186/s12911-020-1093-9
[11] Araújo T, Aresta G, Castro E, et al. Classification of breast cancer histology images using
Convolutional Neural Networks. PLoS One. 2017;12(6):e0177544.
doi:10.1371/journal.pone.0177544
[12] Kooi T, Litjens G, van Ginneken B, et al. Large scale deep learning for computer aided
detection of mammographic lesions. Med Image Anal. 2017;35:303-312.
25 | 26 P a g e Mini Project 2023-2024
doi:10.1016/j.media.2016.07.007
[13] Pluim JPW, van Diest PJ, et al. Breast cancer histopathology image analysis: A review.
IEEE Trans Biomed Eng. 2019;66(7):1933-1950. doi:10.1109/TBME.2019.2896192

26 | 26 P a g e Mini Project 2023-2024

You might also like