breast-cancer-prediction
There are 200 repositories under breast-cancer-prediction topic.
milaan9/93_Python_Data_Analytics_Projects
This repository contains all the data analytics projects that I've worked on in python.
Jean-njoroge/Breast-cancer-risk-prediction
Classification of Breast Cancer diagnosis Using Support Vector Machines
kanchitank/Medibuddy-Smart-Disease-Predictor
Multiple disease prediction such as Diabetes, Heart disease, Kidney disease, Breast cancer, Liver disease, Malaria, and Pneumonia using supervised machine learning and deep learning algorithms.
Dipeshtamboli/Image-Classification-and-Localization-using-Multiple-Instance-Learning
Official code for Breast Cancer Histopathology Image Classification and Localization using Multiple Instance Learning
akshaybahadur21/BreastCancer_Classification
Machine learning classifier for cancer tissues 🔬
mrdvince/breast_cancer_detection
Breast Cancer Detection classifier built from the The Breast Cancer Histopathological Image Classification (BreakHis) dataset composed of 7,909 microscopic images.
rishiswethan/Cancer-detection-using-CNN
This CNN is capable of diagnosing breast cancer from an eosin stained image. This model was trained using 400 images. It has an accuracy of 80%
bupt-ai-cz/BALNMP
Predicting Axillary Lymph Node Metastasis in Early Breast Cancer Using Deep Learning on Primary Tumor Biopsy Slides, BCNB Dataset
Piyush-Bhardwaj/Breast-cancer-diagnosis-using-Machine-Learning
Machine learning is widely used in bioinformatics and particularly in breast cancer diagnosis. In this project, certain classification methods such as K-nearest neighbors (K-NN) and Support Vector Machine (SVM) which is a supervised learning method to detect breast cancer are used.
hrsht-13/Breast-Cancer-Detection
This project uses mammograms for breast cancer detection using deep learning techniques.
0xpranjal/Breast-cancer-prediction
Breast cancer detection using 4 different models i.e. Logistic Regression, KNN, SVM, and Decision Tree Machine Learning models and optimizing them for even a better accuracy.
MoganaD/Machine-Learning-on-Breast-Cancer-Survival-Prediction
We used different machine learning approaches to build models for detecting and visualizing important prognostic indicators of breast cancer survival rate. This repository contains R source codes for 5 steps which are, model evaluation, Random Forest further modelling, variable importance, decision tree and survival analysis. These can be a pipeline for researcher who are interested to conduct studies on survival prediction of any type of cancers using multi model data.
vkasojhaa/Clinical-Decision-Support-using-Machine-Learning
Predicting the Stage of Breast Cancer - M (Malignant) and B (Benign) using different Machine learning models and comparing their performance.
sagnikghoshcr7/Breast-Cancer-Prediction
A machine learning process to distinguish good from bad breast cancer.
Shilpi75/Breast-Cancer-Prediction
Breast Cancer Prediction using fuzzy clustering and classification
LearnToCode180/Breast-Cancer-Classification
Breast cancer classification from Mammogram images using Deep CNN with Keras and TensorFlow.
nano-bot01/Breast-Cancer-Detection
Breast cancer detection using machine learning with deployment of model
pavanbadempet/PRABC
The idea is to estimate the chance of developing Breast Cancer. Providing advanced Data Insights. This helps women to understand the need for care. This comes with supposed Informatic Applications as a presentation for Mobile Phone's and Windows & MacOS Operating Systems in order for helping out in understanding the need for prior care.
jokosuntoro/intelligent-system
Sistem Cerdas Prediksi Penyakit Kanker Payudara
mazurowski-lab/picard-anomalydetection
Pluralistic Image Completion for Anomaly Detection (Med. Image Anal. 2023)
RafetKandar/Python-Breast-Cancer-Classification-Gogus-Kanseri-Siniflandirma
Using the Knn algorithm, it detects whether the tumor is benign or malignant in people diagnosed with breast cancer.
kaas3000/exercise-breast-cancer
Python feed-forward neural network to predict breast cancer. Trained using stochastic gradient descent in combination with backpropagation.
pasmopy/breast_cancer
A text-based computational framework for patient -specific modeling for classification of cancers. iScience (2022).
ShrideviReddy/Breast-Cancer-Prediction-API
Breast Cancer Prediction Web API
tharunchitipolu/Breast-cancer-prediction-using-machine-learning
predict whether the tumor is Malignant or Benign.
abdul-rasool/Improved-machine-learning-based-Predictive-Models-for-Breast-Cancer-Diagnosis
Breast cancer diagnoses with four different machine learning classifiers (SVM, LR, KNN, and EC) by utilizing data exploratory techniques (DET) at Wisconsin Diagnostic Breast Cancer (WDBC) and Breast Cancer Coimbra Dataset (BCCD).
aydinnyunus/cancerdetection
Breast Cancer Detection
bupt-ai-cz/IAST-CAC-UNet-LLCNN-BreastCancerCNN-ImageRetrieval_DF_CDVS-Highly_Efficient_Follicular_Segmentation
Codes and Data for CVSM Group: 1. IAST: Instance Adaptive Self-training for Unsupervised Domain Adaptation (ECCV 2020); 2.
MuntahaShams/breast-cancer-detection-
breast cancer detection using KNN and SVM
Rishit-dagli/Breast-cancer-prediction-ML-Python
Make predictions for breast cancer, malignant or benign using the Breast Cancer data set
yashasvimisra2798/Care-Demia
Breast cancer awareness and detection website
Aniebiet1/ML-projects-
My ML Learning projects
Devnetly/Breast-Cancer-Classification
This repository contains some comprehensive approaches for the purpose of classifying breast cancer tissue using whole slide images (WSIs).
farhan123806/Breast-Cancer-Detection-Model-By-using-Deep-Learning
This project uses mammograms for breast cancer detection using deep learning techniques.
ilaydaDuratnir/Python-Breast-Cancer-Classification-Gogus-Kanseri-Siniflandirma
The aim of the project, to determine whether the breast cancer cell is malignant or benign.I got the dataset from Kaggle.
rajeshidumalla/K-Means-PCA-the-Breast-Cancer-Wisconsin-dataset
K-means is a least-squares optimization problem, so is PCA. k-means tries to find the least-squares partition of the data. PCA finds the least-squares cluster membership vector.