Mini Project
Mini Project
Certificate
ACKNOWLEDGEMENT
Lastly, words run to express my gratitude to all the faculties of the CSE Dept.
and friends for their support and co-operation, constructive criticism and
valuable suggestions during preparation of this seminar work.
Thanking All…..
BARSHA MOHANTY
Reg. No: 2201287577
Roll No.: 2205019
Branch/sem: CSE-DS/6th sem
3
Email id:barshamohanty0525@gmail.co
4
“CREDIT CARD FRAUD”
Abstract
Credit card fraud has become a significant challenge in the financial sector, leading to substantial economic
losses. Traditional rule-based fraud detection systems often fail to keep up with evolving fraud tactics. This
project explores the use of machine learning techniques to effectively detect fraudulent transactions in real time.
We utilize a publicly available credit card fraud detection dataset, which contains anonymized transaction data
with a highly imbalanced class distribution. The data is preprocessed using techniques such as feature scaling
and handling class imbalance through SMOTE (Synthetic Minority Over-sampling Technique).
Several machine learning models, including Logistic Regression, Decision Trees, Random Forest, Support
Vector Machine (SVM), and Artificial Neural Networks (ANNs), are implemented and compared. The models
are evaluated based on accuracy, precision, recall, F1-score, and ensuring optimal fraud detection while
minimizing false positives.
The results indicate that ensemble learning techniques and deep learning models outperform traditional
classifiers in identifying fraudulent transactions. The project also discusses real-world deployment challenges,
such as latency, adaptability, and scalability. Future improvements include the integration of real-time detection
pipelines and advanced deep learning architectures like LSTMs and Autoencoders.
The amount of online transaction is increasing, which leads to increase in fraud cases. Conventional rule-based
system fails to adapt a new fraud patterns and making them ineffective. This project use supervised learning,
techniques like Logistic Regression, Decision Tree, Random Forest and also Neural Network can be use for
improve fraud detection accuracy.
The main objective of the project is to create a machine learning model that can efficiently identify fraudulent
transactions and offer convenient tools for minimizing it. The system main focus is to reduce false positive as
much as possible.
This study highlights the effectiveness of machine learning in financial fraud detection and provides insights into
building a robust, data-driven fraud prevention system.
5
CONTENTS
Chapter 1 : INTRODUCTION 6
Credit card fraud is a significant challenge in the financial sector, as digital transactions have become an
essential part of everyday life. With the increasing use of credit and debit cards for online shopping, bill
payments, and digital services, fraudsters continuously develop new techniques to exploit vulnerabilities in
payment systems. Credit card fraud can occur in various forms, including unauthorized transactions, identity
theft, phishing, and card skimming. The financial losses due to such fraudulent activities amount to billions of
dollars annually, making fraud detection a critical concern for banks, merchants, and consumers.
Traditional fraud detection methods rely on predefined rule-based systems that flag suspicious transactions
based on fixed criteria, such as transaction amount, location, and frequency. While these methods provide some
level of security, they often fail to detect complex fraud patterns. Moreover, they generate a high number of
false positives, incorrectly classifying legitimate transactions as fraudulent. This can lead to unnecessary
inconvenience for customers, delayed transactions, and financial losses for businesses. To address these
limitations, modern fraud detection systems incorporate machine learning (ML) techniques, which can analyze
large volumes of transaction data, identify hidden patterns, and detect fraudulent activities more accurately.
It is also a growing concern in the financial sector due to the increasing number of online transactions.
Fraudulent activities can lead to significant financial losses for banks, businesses, and customers. With the rise
of digital payments and e-commerce, fraudsters have developed sophisticated methods to exploit vulnerabilities
in financial systems. Traditional rule-based fraud detection systems are often inadequate as they rely on
predefined rules that fraudsters can easily bypass. Moreover, these systems generate a high number of false
positives, flagging legitimate transactions as fraudulent, which causes inconvenience to customers and financial
institutions.
Machine learning models use historical transaction data to learn patterns of normal and fraudulent transactions.
By applying algorithms such as logistic regression, decision trees, support vector machines (SVM), and neural
networks, ML-based fraud detection systems can efficiently distinguish between legitimate and fraudulent
transactions. These models continuously improve as they receive more data, making them highly adaptable to
emerging fraud tactics. Additionally, deep learning techniques, such as artificial neural networks (ANN) and
convolutional neural networks (CNN), offer advanced capabilities in detecting complex fraud patterns.
One of the major challenges in credit card fraud detection is dealing with imbalanced datasets, where fraudulent
transactions represent only a small fraction of all transactions. This imbalance makes it difficult for traditional
ML models to accurately classify fraud cases. Techniques such as oversampling, under sampling, and Synthetic
Minority Over-sampling Technique (SMOTE) are commonly used to address this issue and improve model
performance. Another challenge is ensuring real-time fraud detection, as transactions must be analyzed instantly
to prevent fraudulent activities before they cause significant harm.
Chapter 2: UNDERSTANDING CREDIT CARD FRAUD
Card Not Present (CNP) Fraud: Occurs in online transactions when an attacker uses stolen card details.
Card Skimming: Fraudsters steal card data from ATMs or payment machines using skimming devices.
Phishing and Social Engineering: Attackers trick users into sharing their credit card details through fake emails,
websites, or phone calls.
Lost or Stolen Card Fraud: Fraudsters use a physically stolen card to make unauthorized transactions.
Application and Account Takeover Fraud: Criminals use stolen personal information to open fraudulent accounts
or take control of existing ones.
Financial Losses: Both consumers and businesses suffer financial losses due to fraudulent transactions.
Reputation Damage: Repeated fraud incidents can erode customer trust in financial institutions.
Increased Operational Costs: Banks and merchants invest heavily in fraud prevention tools, monitoring systems,
and dispute resolution.
Legal Consequences: Regulatory compliance issues arise if proper fraud prevention mechanisms are not in
place.
10
Imbalanced Data: Fraudulent transactions represent only a tiny fraction of all transactions, making model
training challenging.
Evolving Fraud Techniques: Fraudsters continuously develop new tactics, making traditional models less
effective over time.
False Positives and False Negatives: A high number of false positives may inconvenience genuine customers,
while false negatives allow fraud to go undetected.
Real-time Processing: Fraud detection models must process transactions in real time without causing delays in
legitimate transactions.
Evolving Fraud Techniques: Fraudsters continuously develop new tactics, making traditional models less
effective over time.
False Positives and False Negatives: A high number of false positives may inconvenience genuine customers,
while false negatives allow fraud to go undetected.
Real-time Processing: Fraud detection models must process transactions in real time without causing delays in
legitimate transactions.
10
Chapter 3: DATASET AND PRE-PROCESSING DATA
The success of any machine learning model depends heavily on the quality of the dataset and how well it is
preprocessed before training. Credit card fraud detection presents unique challenges, such as highly imbalanced
data, hidden patterns in fraudulent transactions, and the need for real-time analysis. This chapter discusses the
dataset used, methods to handle data imbalance, and various feature engineering techniques applied to improve
model performance.
The dataset used for credit card fraud detection typically consists of transaction records with various attributes.
One widely used dataset for research is the European Credit Card Fraud Dataset from Kaggle, which contains
anonymized transaction data collected over a period. This dataset has:
Features: The dataset includes numerical features derived from Principal Component Analysis (PCA), making
it difficult to interpret directly. However, key transaction-related attributes such as transaction time and
transaction amount remain available.
Labels: The dataset is labeled with two classes—1 (fraudulent transaction) and 0 (genuine transaction).
Imbalance: Fraudulent transactions make up a very small percentage of the total dataset (often less than 1%),
which makes training effective models challenging.
A good dataset for fraud detection should include diverse fraudulent behaviors, ensuring that the model learns to detect
different fraud patterns rather than overfitting to common trends.
One of the biggest challenges in fraud detection is the class imbalance problem—fraudulent transactions are
rare compared to legitimate ones. If not handled properly, machine learning models tend to favor the majority
class, leading to poor fraud detection performance. Several techniques can be used to address this issue:
3.2.2 Oversampling
Oversampling increases the number of fraudulent cases in the dataset by duplicating existing fraud samples.
While this improves model learning, it can lead to overfitting if not handled carefully.
Feature engineering is the process of selecting, transforming, and creating new features that enhance the
predictive power of machine learning models. Since fraudsters use evolving techniques, effective feature
engineering helps models learn patterns that distinguish fraudulent transactions from genuine ones.
Transaction Frequency: The number of transactions made by a user within a short time frame. Unusually
frequency may indicate fraud.
10
Transaction Time Analysis: Fraudsters often operate at odd hours when users are less likely to monitor
transactions.
Merchant Type & Location Analysis: Certain merchants or locations may have a higher risk of fraud, and
transactions outside a user's typical location may indicate fraud.
Many fraud datasets contain categorical data (e.g., transaction type, location). Machine learning models cannot
work directly with categorical variables, so they need to be converted using techniques like:
Highly correlated features do not add much information to the model and may introduce noise. Feature selection
methods, such as correlation matrices and Principal Component Analysis (PCA), help remove unnecessary
features and improve efficiency.
The dataset used for credit card fraud detection, the challenge of imbalanced data, and various preprocessing
techniques to improve model performance. Handling imbalanced data effectively and engineering relevant
features are crucial steps in developing a fraud detection model that performs well in real-world scenarios. The
next chapter will focus on exploratory data analysis (EDA), which helps visualize data patterns and understand
fraud trends better before training machine learning models.
Credit card fraud datasets are highly imbalanced, with fraudulent transactions being rare compared to legitimate
ones. This imbalance can cause machine learning models to favor the majority class, leading to poor fraud
detection.
11
Chapter 4: EXPLORATORY DATA ANALYSIS
Exploratory Data Analysis (EDA) is a crucial step in understanding the distribution of transactions and
distinguishing fraudulent cases from legitimate ones. Since fraud accounts for only a small fraction of all
transactions, it is essential to visualize this imbalance. Histograms and bar plots can be used to observe the
frequency of fraudulent transactions compared to non-fraudulent ones. Additionally, statistical summaries, such
as mean, median, and standard deviation, help in identifying patterns within different transaction amounts.
Fraudulent transactions often exhibit distinct characteristics, such as unusually high amounts or transactions
occurring at odd hours. By analyzing transaction timestamps, we can detect time-based fraud trends, such as
increased fraudulent activity during weekends or holidays. Pie charts and count plots provide insights into
categorical data, such as transaction types and geographical distribution. Understanding the data distribution
helps in making informed decisions on resampling techniques like oversampling, under sampling, or Synthetic
Minority Over-sampling Technique (SMOTE) to balance the dataset. Without addressing data imbalance,
models tend to be biased towards non-fraudulent cases, leading to poor recall scores. By identifying fraud trends
at this stage, we can later engineer relevant features that enhance model performance
Feature correlation analysis helps in understanding the relationships between different variables in the dataset, which is
crucial for fraud detection. By computing the correlation matrix, we can identify features that have a strong positive or
negative relationship with fraud labels. This step is essential because redundant or highly correlated features may not
contribute significantly to model performance and can lead to overfitting. A heatmap visualization of the correlation
matrix helps highlight important features. For example, transaction amount may show a moderate correlation with fraud
cases, indicating that fraudsters often conduct high-value transactions. Pearson and Spearman correlation coefficients are
commonly used to measure linear and non-linear relationships, respectively. Additionally, pair plots and scatter plots
help visualize feature interactions and detect anomalies. If two features have a near-perfect correlation, one of
them can be dropped to reduce dimensionality. Correlation analysis also assists in feature selection by
identifying which variables contribute most to fraud detection. Low-correlation features can be discarded or
transformed using techniques like Principal Component Analysis (PCA) to improve efficiency. Understanding
feature relationships is crucial for selecting relevant inputs, optimizing model training, and ensuring better
interpretability in fraud detection systems.
12
4.3 Visualizing Fraudulent Transactions
Data visualization is a powerful tool in fraud detection, as it helps uncover hidden patterns and
anomalies in fraudulent transactions. Various techniques can be used to analyze fraud trends
visually. Box plots help in identifying outliers by displaying the distribution of transaction
amounts, highlighting unusually high or low values that may indicate fraud. Time series plots
allow us to track fraudulent activity over specific timeframes, revealing peaks during certain
hours or days. Scatter plots and density plots assist in visualizing fraud clusters based on
transaction features, such as location, amount, or merchant type. Principal Component Analysis
(PCA) can be employed to reduce dimensionality while preserving the essential variance in the
data, allowing for better visualization of fraud patterns. Additionally, T-distributed Stochastic
Neighbor Embedding (t-SNE) is a useful technique for mapping high-dimensional fraud data
into a two-dimensional space, making anomalies more detectable. Geographic heatmaps can be
used to analyze fraud distribution across different regions, identifying locations with higher
fraud rates. These visualizations help data scientists and analysts gain deeper insights into fraud
behaviors, enabling the development of more effective fraud detection models. By leveraging
visualization techniques, we can better understand fraud trends and optimize machine learning
models accordingly.
14
Chapter 5: MACHINE LEARNING MODEL FOR FRAUD
DETECTION
Logistic Regression is a widely used classification algorithm that predicts the probability of an event occurring
based on input features. It is particularly useful for binary classification tasks, such as detecting fraudulent
transactions (fraud vs. non-fraud). Unlike linear regression, which predicts continuous values, logistic
regression applies the sigmoid function to map outputs between 0 and 1, making it suitable for probability-based
classification.
In fraud detection, logistic regression helps identify fraudulent transactions by analyzing historical
transaction data and determining patterns associated with fraudulent behavior.
1. Interpretable Model – Logistic Regression provides clear insights into which features contribute to fraud
detection by analyzing feature coefficients.
2. Computational Efficiency – It is computationally lightweight, making it suitable for large datasets.
3. Handles High-Dimensional Data – Works well even when dealing with multiple transaction features.
4. Probabilistic Output – Outputs probability scores, allowing for risk-based decision-making instead of rigid
classification
1. Assumes Linearity – Logistic Regression assumes a linear relationship between independent variables
and the log-odds of fraud, which may not always be true.
2. Struggles with Complex Fraud Patterns – Fraudulent transactions often exhibit non-linear relationships,
requiring advanced models like decision trees or deep learning.
3. Sensitive to Imbalanced Data – Fraudulent transactions are rare compared to legitimate transactions,
leading to poor fraud detection without techniques like oversampling, under sampling, or synthetic data
generation (SMOTE).
4. Feature Scaling Needed – Logistic Regression performs better with normalized data, requiring
techniques like Min-Max Scaling or Standardization.
Since fraudulent transactions are rare (often less than 1% of total transactions), standard logistic regression can
be biased towards predicting non-fraudulent cases. Several methods can improve fraud detection:
14
1. Resampling Techniques
Oversampling fraud cases using SMOTE (Synthetic Minority Over-sampling Technique).
Under sampling non-fraud cases to balance the dataset.
3. Threshold Tuning:
Instead of a fixed 0.5 threshold, adjusting the classification threshold based on precision-recall trade-offs.
Interpreting Results:
Accuracy: Measures the proportion of correct predictions but can be misleading due to class imbalance.
Precision: Indicates the proportion of detected fraud cases that are actually fraudulent (important to minimize
false positives).
Recall: Measures the proportion of actual fraud cases that were correctly identified (important to reduce false
negatives).
F1-score: Balances precision and recall, making it a reliable metric for fraud detection.
14
Chapter 6: MODEL EVALUTION AND COMPARISION
Model evaluation is a critical step in credit card fraud detection to ensure that the chosen machine learning
model performs accurately and reliably. Fraud detection is a high-risk application where incorrect predictions
can have severe financial and reputational consequences. Therefore, traditional accuracy-based evaluation is not
sufficient due to the class imbalance in fraud datasets. Instead, specialized performance metrics and evaluation
techniques are used to ensure the model effectively detects fraudulent transactions while minimizing disruptions
to genuine users.
Credit card fraud detection models must make decisions in real-time, distinguishing between fraudulent and
legitimate transactions with high precision. If a model is not properly evaluated, it may either:
Miss fraudulent transactions, leading to financial loss and security risks.
Flag legitimate transactions as fraud, causing inconvenience to customers and harming user trust.
An ideal fraud detection model should balance these two aspects by correctly identifying fraud cases while
minimizing false alarms. Model evaluation provides insights into how well a model performs and whether it
needs improvements before deployment.
Since fraudulent transactions are rare, using accuracy alone is misleading. Instead, fraud detection models are
evaluated using performance metrics that focus on distinguishing between fraud and non-fraud cases effectively.
2. F1-Score
This metric balances precision and recall, ensuring that the model is neither too lenient nor too strict in detecting
fraud.
By analyzing these metrics, the most suitable model for fraud detection can be selected.
1. Resampling Techniques
Oversampling methods artificially increase the number of fraud cases in the dataset to provide better balance.
Under sampling methods reduce the number of legitimate transactions to match the number of fraud cases.
A combination of both techniques ensures a balanced dataset without losing valuable information.
2. Cost-Sensitive Learning
Instead of altering the dataset, models can be trained to assign higher importance to fraud cases, ensuring that
detecting fraud is prioritized.
Handling class imbalance ensures that fraud cases receive proper attention and are not overlooked during
training.
1. Logistic Regression
A simple and interpretable model that works well with structured data. However, it may struggle to detect complex
fraud patterns.
2. Decision Trees
A tree-based model that makes decisions based on predefined rules. While effective, it can sometimes overfit to
training data.
3. Random Forest
An ensemble method that improves upon decision trees by reducing overfitting and improving accuracy.
5. Neural Networks
Deep learning models that analyze complex patterns in fraud detection. They offer high accuracy but require
large datasets and significant computational resources.
By comparing these models based on their evaluation metrics, the best-performing model is selected for real-
world deployment.
14
6.5 Optimizing Model Performance
Once the best model is chosen, it is fine-tuned to improve its accuracy and reliability. Some common
optimization techniques include:
1. Hyperparameter Tuning
Adjusting model settings such as learning rates, decision tree depths, or network layers to maximize accuracy
and efficiency.
2. Feature Engineering
Enhancing the dataset by creating new features that capture fraud-related patterns, such as unusual transaction
behavior.
3. Reducing Overfitting
Ensuring the model generalizes well to new transactions by preventing it from memorizing specific cases from
the training data.
Optimization helps refine the fraud detection model, making it more robust for real-world applications.
Model evaluation is a crucial phase in the fraud detection process, ensuring that the chosen model performs well
in real-world scenarios. Instead of relying on accuracy alone, specialized metrics such as precision, recall, and
F1-score are used to assess performance. Handling class imbalance, selecting the best model, and optimizing its
performance further enhance its ability to detect fraud effectively
By following a structured evaluation process, financial institutions can deploy fraud detection models that
provide security while minimizing disruptions to genuine users.
14
Chapter 7: DEPLOYMENT AND FUTURE IMPROVEMENTS
Deployment involves making the fraud detection model accessible for real-world applications. Instead of
running the model on local machines, it can be integrated into banking systems or risk management platforms
for real-time monitoring.
In some banking systems, transactions are processed in bulk at scheduled intervals (e.g., hourly or daily).
The fraud detection model can analyze transaction logs and flag suspicious cases for further investigation by
analysts.
The model can be incorporated into existing fraud prevention platforms, enabling automated alerts when a
suspicious transaction occurs.
Financial institutions may use internal databases to monitor flagged transactions and take preventive actions.
Some fraud detection systems run directly on local banking servers (edge computing) to reduce processing
delays.
This ensures quick decision-making without relying on centralized cloud services.
Deployment ensures that the fraud detection model transitions from a research project into a functional tool that
enhances security in financial transactions.
Deploying a fraud detection model in an operational environment presents several challenges that must be
addressed:
1. Latency Issues
Optimization techniques such as feature selection and model compression help speed up processing times.
High-performance computing solutions, such as distributed processing, help handle large volumes of data.
The model must be regularly updated with new fraud patterns to maintain its effectiveness.
An overly strict model may flag legitimate transactions as fraud, causing inconvenience to customers.
A lenient model may fail to detect fraudulent transactions, leading to financial losses.
By addressing these challenges, the fraud detection system can provide reliable and efficient protection against
fraudulent activities.
Fraud detection is a continuously evolving field, and new advancements in technology can enhance the
accuracy and efficiency of machine learning models. Some promising future developments include:
Traditional models are trained on historical fraud data, but fraud patterns change over time.
Adaptive models use continuous learning techniques to update themselves based on new fraud
cases.
Blockchain technology provides a decentralized and secure way to store transaction records.
Implementing fraud detection on blockchain networks can enhance transparency and reduce fraud risks.
Many fraud detection models, especially deep learning models, are difficult to interpret.
19
Explainable AI techniques help analysts understand why a transaction was classified as fraudulent, increasing
trust in automated systems.
19
4. Integration with Biometric Authentication
Combining fraud detection with biometric verification (fingerprint, facial recognition) adds an extra layer of
security.
Unusual biometric behavior (e.g., login from an unrecognized device) can trigger additional security checks.
Fraudsters often operate in networks, creating multiple fraudulent accounts for coordinated attacks.
Graph-based models analyze relationships between accounts and transactions to detect hidden fraud patterns.
These advancements will further strengthen fraud detection systems and help financial institutions stay ahead of
emerging threats.
Deploying a machine learning-based fraud detection system requires careful consideration of real-world
challenges such as scalability, real-time processing, and evolving fraud techniques. While batch processing and
edge computing provide efficient fraud detection mechanisms, ongoing model updates and technological
advancements are necessary for continuous improvement.
Future developments, including adaptive learning, blockchain integration, explainable AI, and biometric
security, will further enhance fraud prevention strategies. By investing in cutting-edge fraud detection
technologies, financial institutions can improve transaction security and protect customers from financial loss
Deploying a credit card fraud detection model involves integrating it into real-time transaction
systems and continuously monitoring its performance. Future improvements can include
adaptive learning for detecting evolving fraud patterns, federated learning for enhanced privacy,
and explainable AI to improve trust and interpretability for analysts. This can be achieved using
cloud-based services , on-premise servers , or hybrid solution, depending on scalability needs.
The model should be continuously monitored for performance using key metrices such as
precision , recall etc. Future improvements can focus on incorporating adaptive learning
techniques, where the model updates itself with new fraud patterns over time. Additionally,
using federated learning can enhance privacy by training models across different institutions
without sharing sensitive data.
19
2. Model Comparison for Breast Cancer Prediction
Various machine learning models are compared to determine the best one for breast cancer prediction.
Logistic Regression: Simple and interpretable, but may struggle with complex patterns.
K-Nearest Neighbors (KNN): Simple but sensitive to feature scaling and large datasets.
Multilayer Perceptrons (MLPs): Deep learning model with multiple layers for better feature learning.
Used for more advanced breast cancer prediction, especially when dealing with image-based datasets (e.g.,
mammograms).Computationally expensive but highly effective.
High Accuracy + High Precision + High Recall + High AUC Score = Ideal
19
Chapter 8 : RECENT ADVANCEMENTS IN BREAST CANCER
PREDICTION
Deep learning models, especially CNNs (Convolutional Neural Networks), RNNs (Recurrent Neural Networks),
and GANs (Generative Adversarial Networks), are revolutionizing breast cancer detection by analyzing
mammograms, histopathology images, and patient records. CNNs extract features from medical images,
distinguishing between benign and malignant tumors with high precision. RNNs and LSTMs help analyze time-
series medical data for patient monitoring. GANs generate synthetic medical images to improve model training
when real data is limited. These models enhance early detection, reducing false positives and false negatives,
ultimately improving patient outcomes.
2. Cloud-Based AI Solutions
Cloud computing enables AI-driven breast cancer prediction with enhanced scalability and accessibility. Some
key benefits include:
Remote Diagnosis: Cloud AI platforms allow real-time analysis of medical images from anywhere.
Big Data Processing: Large datasets can be analyzed efficiently, improving model performance.
Collaboration & Integration: Cloud-based AI can integrate with hospital systems for seamless diagnosis and
treatment planning.
These advancements help in early detection, improving survival rates and treatment outcomes
19
CONCLUSION
Breast cancer prediction using Artificial Neural Networks (ANNs) has significantly improved early detection
and diagnosis. ANNs efficiently analyze complex medical data, including histopathology images and patient
records, to identify cancerous patterns with high accuracy. Their ability to learn and adapt enhances predictive
performance, reducing misdiagnosis. With advancements in deep learning and cloud-based AI, ANN-driven
models continue to improve, offering faster, more reliable, and accessible cancer detection solutions.
Artificial Neural Networks (ANNs) have revolutionized breast cancer prediction by providing accurate and
efficient diagnosis through automated analysis of medical images and patient data. These models learn patterns
from vast datasets, improving early detection and reducing false positives and negatives. Advanced deep
learning techniques like CNNs enhance image-based diagnosis, while cloud-based AI solutions ensure
accessibility and scalability. With continuous advancements in AI, ANN-based models are becoming more
reliable, assisting healthcare professionals in faster and more precise decision-making. This technology not only
improves survival rates but also reduces the burden on medical professionals by providing effective diagnostic
support.
REFERENCES
Research paper : Breast cancer detection using deep learning: Datasets, methods, and challenges ahead.
Technology : TensorFlow
SKlearn
Python Documentation.
20
21