IRJET-Implementation of CAD system for Cancer Detection using SVM based Class...IRJET Journal
This document presents a proposed CAD system for cancer detection using SVM classification. The system aims to automatically detect, segment, and classify breast masses in mammograms. It first extracts the region of interest from mammograms and performs segmentation using fuzzy C-means clustering. It then extracts texture and geometric features from segmented masses. Feature selection is used to select the most important features, which are then classified as benign or malignant using an SVM classifier. The proposed system seeks to develop a fully automated CAD system for breast cancer detection and classification without manual intervention.
A Comprehensive Survey On Predictive Analysis Of Breast CancerAngela Shin
This document summarizes a research paper that analyzes different techniques for predicting breast cancer. It begins by noting that breast cancer is one of the most common cancers and early prediction can reduce deaths. It then discusses how earlier methods used data mining, machine learning, and hybrid approaches to predict diagnoses, but proposes using a deep learning technique with a faster RNN algorithm to achieve higher accuracy. The document reviews different machine learning and data mining algorithms that have been used for breast cancer prediction, including supervised techniques like Gaussian mixture models, decision trees, and random forests. It concludes that machine learning and deep learning can provide cheap, easy, and accurate methods to detect tumor type and help medical studies.
A SURVEY ON BLOOD DISEASE DETECTION USING MACHINE LEARNINGIRJET Journal
This document summarizes a research paper that evaluates different machine learning algorithms for detecting blood diseases from laboratory test results. It first introduces the objective to classify and predict diseases like anemia and leukemia. It then evaluates three algorithms: Gaussian, Random Forest, and Support Vector Classification (SVC). SVC achieved the highest accuracy of 98% for anemia detection. The models are deployed using Streamlit so users can access them online or offline. Benefits include low hardware requirements and mobile access. Future work will add more disease predictions and integrate nutritional guidance.
Breast Cancer Detection Using Machine LearningIRJET Journal
The document proposes using machine learning classifiers like k-Nearest Neighbors (KNN) and Naive Bayes to classify breast cancer as benign or malignant based on features in the Wisconsin Breast Cancer Dataset, and finds that the KNN algorithm achieved 97.13% accuracy in classification; it also describes developing a web application with doctor and patient login for entering patient details and viewing cancer reports and classification results.
IRJET - Breast Cancer Prediction using Supervised Machine Learning Algorithms...IRJET Journal
This document describes a study that uses supervised machine learning algorithms to predict breast cancer. Three algorithms - decision tree, logistic regression, and random forest - are applied to preprocessed breast cancer data. The random forest model achieved the best accuracy at 98.6% for predicting whether a tumor was benign or malignant. The study aims to develop an early prediction system for breast cancer using machine learning techniques.
An Innovative Deep Learning Framework Integrating Transfer- Learning And Extr...IRJET Journal
This paper proposes a deep learning framework that uses transfer learning and an XGBoost classifier to classify breast ultrasound images. It uses a VGG16 model pre-trained on general images to extract features from ultrasound images. These features are then classified using an XGBoost classifier. On a dataset of breast ultrasound images, the approach achieved 96.7% accuracy, and precision/recall/F-scores of 100%/96%/96% for benign images, 95%/97%/96% for malignant images, and 95%/98%/97% for normal images, outperforming other automatic image classification methods.
IRJET - Survey on Analysis of Breast Cancer PredictionIRJET Journal
This document compares three machine learning techniques - Support Vector Machine (SVM), Random Forest (RF), and Naive Bayes (NB) - for predicting breast cancer using a dataset of 198 patient records. It finds that SVM achieved the highest accuracy of 96.97% for classification, followed by RF at 96.45% and NB at 95.45%. SVM also had the highest recall rate at 0.97, indicating it was best at correctly identifying malignant tumors. While NB had the lowest precision of 0.92, meaning it incorrectly identified some benign cases as malignant, all three techniques showed high performance in predicting breast cancer.
APPLICATION OF CNN MODEL ON MEDICAL IMAGEIRJET Journal
The document discusses using convolutional neural network (CNN) models to detect diseases from medical images such as chest X-rays. It describes how CNN models can be trained on large labeled datasets of chest X-rays to learn patterns and features that indicate diseases. The document then evaluates several CNN architectures - including VGG-16, ResNet, DenseNet, and InceptionNet - for classifying chest X-rays as normal or infected. It finds these models achieve high accuracy, with metrics like accuracy over 89% and AUC over 0.94. In conclusion, deep learning models show promising results for automated disease detection from medical images.
IRJET - Lung Disease Prediction using Image Processing and CNN AlgorithmIRJET Journal
This document summarizes a research paper that proposes a method for predicting lung disease using image processing and convolutional neural networks (CNNs). The method involves preprocessing chest x-ray images through steps like lung field segmentation, feature extraction, and then classifying the images as normal or abnormal using neural networks and support vector machines (SVMs). The researchers tested their approach on two datasets and were able to classify digital chest x-ray images into normal and abnormal categories with high accuracy. The goal of the research is to develop an automated system for early detection of lung cancer using chest x-rays, as early detection is key to better treatment outcomes.
IRJET- Breast Cancer Prediction using Deep LearningIRJET Journal
This document discusses using deep learning to predict breast cancer based on tumor data. It proposes using a neural network model to classify tumors as malignant or benign. The key steps are:
1. Collecting and preprocessing tumor cell data to remove noise and inconsistencies.
2. Developing a neural network model and training it on labeled training data to learn patterns.
3. Testing the trained model on unlabeled testing data to evaluate its accuracy in classifying tumors.
The goal is to develop an accurate model to help doctors determine the critical condition of patients and classify difficult tumors.
IRJET - Detection and Classification of Brain TumorIRJET Journal
This document presents a novel method for classifying brain MRI images as normal or abnormal using tumor detection. The method first uses wavelet transforms to extract features from images. It then applies principal component analysis to reduce the feature dimensions. The reduced features are input to a kernel support vector machine for classification. A k-fold cross validation strategy is used to enhance the generalization of the support vector machine model. The proposed system takes MRI brain images as input, detects any tumors by highlighting the affected area, and specifies tumor characteristics like dimensions and type (benign or malignant).
This document summarizes a research paper on analyzing cervical cancer using machine and deep learning algorithms. It first provides background on cervical cancer, noting it is the second most common cancer in women in India. The causes and importance of early detection are discussed. The paper then reviews previous literature on automated computer-based techniques and image processing methods for cervical cancer detection. It proposes using machine and deep learning models like convolutional neural networks to classify cervical cancer pathology with high accuracy and sensitivity. The paper aims to develop a model capable of diagnosing cervical cancer from biomedical images.
IRJET - Classification of Cancer Images using Deep LearningIRJET Journal
This document presents a methodology for classifying breast cancer histopathology images using deep learning. Specifically, it aims to classify images as either invasive ductal carcinoma (IDC) or non-IDC using a convolutional neural network (CNN) model. The proposed methodology involves preprocessing the images, building a CNN with convolutional, pooling and fully connected layers, training the model on labeled image data, and using the trained model to classify new images as IDC or non-IDC. The goal is to develop an automated system for early and accurate detection of breast cancer subtypes to improve diagnosis and patient outcomes.
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET Journal
This document summarizes research on using machine learning and deep learning techniques to interpret medical images and predict pneumonia. It first discusses how medical image analysis is an active field for machine learning. It then reviews several related studies on using convolutional neural networks (CNNs) and transfer learning to classify chest x-rays and detect pneumonia. Specifically, it examines research on developing CNN models for pneumonia classification and using pre-trained CNN architectures like VGG16, VGG19, and ResNet with transfer learning. The document concludes that computer-aided diagnosis systems using deep learning can provide accurate predictions to assist radiologists in pneumonia diagnosis from chest x-rays.
Computer Aided System for Detection and Classification of Breast CancerIJITCA Journal
Breast cancer is one of the most important causes of death among all type of cancers for grown-up and
older women, mainly in developed countries, and its rate is rising. Since the cause of this disease is not yet
known, early detection is the best way to decrease the breast cancer mortality. At present, early detection of
breast cancer is attained by means of mammography. An intelligent computer-aided diagnosis system can
be very helpful for radiologist in detecting and diagnosing cancerous cell patterns earlier and faster than
typical screening programs. This paper proposes a computer aided system for automatic detection and
classification of breast cancer in mammogram images. Intuitionistic Fuzzy C-Means clustering technique
has been used to identify the suspicious region or the Region of Interest automatically. Then, the feature
data base is designed using histogram features, Gray Level Concurrence wavelet features and wavelet
energy features. Finally, the feature database is submitted to self-adaptive resource allocation network
classifier for classification of mammogram image as normal, benign or malignant. The proposed system is
verified with 322 mammograms from the Mammographic Image Analysis Society Database. The results
show that the proposed system produces better results.
IRJET- Lung Cancer Nodules Classification and Detection using SVM and CNN...IRJET Journal
This document summarizes a research paper that aims to classify and detect lung cancer nodules using support vector machine (SVM) and convolutional neural network (CNN) classifiers. It first provides background on lung cancer and existing methods for detection using SVM. It then describes the proposed methodology using CNN, which has multiple convolutional and pooling layers to process input images. The paper tests CT images of lung nodules from public databases to classify them as malignant or benign tumors using both SVM and CNN classifiers, and evaluates the performance using metrics like confusion matrix.
The document describes a skin cancer detection mobile application that uses image processing and machine learning. The application analyzes skin images for characteristics of melanoma like asymmetry, border, color, diameter and texture. It trains a model using the MobileNet-v2 architecture on datasets containing thousands of images. The trained model achieves 70% accuracy in detecting melanoma and differentiating normal and abnormal skin lesions when tested on new images. The application has potential to help identify skin cancer in early stages and assist medical practitioners.
IRJET - A Conceptual Method for Breast Tumor Classification using SHAP Values ...IRJET Journal
This document proposes a conceptual method for classifying breast tumors as benign or malignant using SHAP values and Adaboost. It involves scoring ultrasound image features using the BI-RADS lexicon with human input. SHAP value mining is used to discover diagnostic rules from the scored features. Weak classifiers are constructed by combining benign and malignant rules. The Adaboost algorithm then integrates the weak classifiers into a strong classifier for tumor classification. Experimental results on 250 patient records show the proposed method achieves high accuracy, specificity, and sensitivity, indicating potential for clinical use.
Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...IRJET Journal
This document presents research on using the DenseNet169 deep learning model for cervical cancer detection. The researcher trained and tested the model on a large cervical cell image dataset from Kaggle. Through data preprocessing like augmentation and normalization, and transfer learning by fine-tuning a DenseNet pre-trained on ImageNet, the model achieved 95.27% accuracy in classifying five cervical cell types. Evaluation of the model showed high average precision, recall, and F1-score, demonstrating its ability to correctly classify different cervical cell images. The research highlights the potential of deep learning models for automating cervical cancer screening and improving early detection.
Melanoma Skin Cancer Detection using Deep LearningIRJET Journal
This document presents research on developing a deep learning model to detect melanoma skin cancer. The researchers created a convolutional neural network called Xception to analyze images of skin lesions and classify them as benign or malignant. They developed a web application using Flask that allows users to upload images for analysis. The Xception model achieved 97% accuracy on a test dataset. The web app was also able to accurately classify images, demonstrating its potential to assist dermatologists in early detection of melanoma skin cancer. However, further improvements are still needed before the model and web app can be fully relied upon for clinical diagnosis.
Early detection of breast cancer using mammography images and software engine...TELKOMNIKA JOURNAL
The breast cancer has affected a wide region of women as a particular case. Therefore, different researchers have focused on the early detection of this disease to overcome it in efficient way. In this paper, an early breast cancer detection system has been proposed based on mammography images. The proposed system adopts deep-learning technique to increase the accuracy of detection. The convolutional neural network (CNN) model is considered for preparing the datasets of training and test. It is important to note that the software engineering process model has been adopted in constructing the proposed algorithm. This is to increase the reliably, flexibility and extendibility of the system. The user interfaces of the system are designed as a website used at country side general purpose (GP) health centers for early detection to the disease under lacking in specialist medical staff. The obtained results show the efficiency of the proposed system in terms of accuracy up to more than 90% and decrease the efforts of medical staff as well as helping the patients. As a conclusion, the proposed system can help patients by early detecting the breast cancer at far places from hospital and referring them to nearest specialist center.
An intelligent mammogram diagnosis system can be very helpful for radiologist in detecting the abnormalities earlier than typical screening techniques. This paper investigates a new classification approach for detection of breast abnormalities in digital mammograms using League Championship Algorithm Optimized Ensembled Fully Complex valued Relaxation Network (LCA-FCRN). The proposed algorithm is based on extracting curvelet fractal texture features from the mammograms and classifying the suspicious regions by applying a pattern classifier. The whole system includes steps for pre-processing, feature extraction, feature selection and classification to classify whether the given input mammogram image is normal or abnormal. The method is applied to MIAS database of 322 film mammograms. The performance of the CAD system is analysed using Receiver Operating Characteristic (ROC) curve. This curve indicates the trade-offs between sensitivity and specificity that is available from a diagnostic system, and thus describes the inherent discrimination capacity of the proposed system. The result shows that the area under the ROC curve of the proposed algorithm is 0.985 with a sensitivity of 98.1% and specificity of 92.105%. Experimental results demonstrate that the proposed method can form an effective CAD system, and achieve good classification accuracy.
IRJET- Breast Cancer Disease Prediction : Using Machine Learning ApproachIRJET Journal
This document discusses using machine learning approaches to predict breast cancer disease. It describes using the K-nearest neighbors algorithm and decision tree algorithm on a breast cancer dataset to classify whether tumors are benign or malignant. The proposed system would have users enter medical history and symptoms, then use KNN and decision tree models trained on the dataset to predict if the user may have breast cancer and what stage. The goal is early and accurate detection of breast cancer disease.
Modified fuzzy rough set technique with stacked autoencoder model for magneti...IJECEIAES
Breast cancer is the common cancer in women, where early detection reduces the mortality rate. The magnetic resonance imaging (MRI) images are efficient in analyzing breast cancer, but it is hard to identify the abnormalities. The manual breast cancer detection in MRI images is inefficient; therefore, a deep learning-based system is implemented in this manuscript. Initially, the visual quality improvement is done using region growing and adaptive histogram equalization (AHE), and then, the breast lesion is segmented by Otsu thresholding with morphological transform. Next, the features are extracted from the segmented lesion, and a modified fuzzy rough set technique is proposed to reduce the dimensions of the extracted features that decreases the system complexity and computational time. The active features are fed to the stacked autoencoder for classifying the benign and malignant classes. The results demonstrated that the proposed model attained 99% and 99.22% of classification accuracy on the benchmark datasets, which are higher related to the comparative classifiers: decision tree, naïve Bayes, random forest and k-nearest neighbor (KNN). The obtained results state that the proposed model superiorly screens and detects the breast lesions that assists clinicians in effective therapeutic intervention and timely treatment.
A Review on Covid Detection using Cross Dataset AnalysisIRJET Journal
This document provides an overview of deep learning approaches used for COVID-19 detection using cross-dataset analysis of CT scans. It discusses how cross-dataset analysis aims to improve model accuracy by handling limitations like generalization problems, dataset bias, and robustness to variation in image quality. Several studies that have used techniques like transfer learning, data augmentation, and pre-processing on CT scan datasets are summarized. The studies found that models trained on one dataset performed best on similar datasets, and accuracy dropped when testing on datasets with more variation in images. Overall, the document reviews progress in cross-dataset COVID detection using CT scans, but notes there are still opportunities to address limitations and improve model adaptation across diverse datasets.
Breast Cancer Prediction using Machine LearningIRJET Journal
This document discusses using machine learning algorithms to predict breast cancer from patient data and imaging results. It first provides background on breast cancer, noting it is the most commonly diagnosed cancer worldwide. The document then reviews prior works applying machine learning to breast cancer prediction, finding support vector machines achieved the highest accuracy. It describes the dataset used, from the University of Wisconsin, containing patient data and tumor characteristics. Finally, it explores the data and discusses implementing classification algorithms like logistic regression, support vector machines, random forests and neural networks to predict cancer type, finding logistic regression achieved the highest accuracy of 98.24%.
CANCER TUMOR DETECTION USING MACHINE LEARNINGIRJET Journal
1) The document discusses machine learning algorithms that can be used to detect breast cancer tumors, including artificial neural networks, logistic regression, k-nearest neighbors, decision trees, naive Bayes, support vector machines, random forests, k-means clustering, and Gaussian mixture modeling.
2) It provides an overview of each algorithm and how they are applied to process data and make predictions about breast cancer.
3) The algorithms can be used individually or in ensemble techniques, which combine multiple algorithms to improve prediction accuracy. Ensemble techniques allow for both similar and different base algorithms to be combined.
IRJET - Lung Disease Prediction using Image Processing and CNN AlgorithmIRJET Journal
This document summarizes a research paper that proposes a method for predicting lung disease using image processing and convolutional neural networks (CNNs). The method involves preprocessing chest x-ray images through steps like lung field segmentation, feature extraction, and then classifying the images as normal or abnormal using neural networks and support vector machines (SVMs). The researchers tested their approach on two datasets and were able to classify digital chest x-ray images into normal and abnormal categories with high accuracy. The goal of the research is to develop an automated system for early detection of lung cancer using chest x-rays, as early detection is key to better treatment outcomes.
IRJET- Breast Cancer Prediction using Deep LearningIRJET Journal
This document discusses using deep learning to predict breast cancer based on tumor data. It proposes using a neural network model to classify tumors as malignant or benign. The key steps are:
1. Collecting and preprocessing tumor cell data to remove noise and inconsistencies.
2. Developing a neural network model and training it on labeled training data to learn patterns.
3. Testing the trained model on unlabeled testing data to evaluate its accuracy in classifying tumors.
The goal is to develop an accurate model to help doctors determine the critical condition of patients and classify difficult tumors.
IRJET - Detection and Classification of Brain TumorIRJET Journal
This document presents a novel method for classifying brain MRI images as normal or abnormal using tumor detection. The method first uses wavelet transforms to extract features from images. It then applies principal component analysis to reduce the feature dimensions. The reduced features are input to a kernel support vector machine for classification. A k-fold cross validation strategy is used to enhance the generalization of the support vector machine model. The proposed system takes MRI brain images as input, detects any tumors by highlighting the affected area, and specifies tumor characteristics like dimensions and type (benign or malignant).
This document summarizes a research paper on analyzing cervical cancer using machine and deep learning algorithms. It first provides background on cervical cancer, noting it is the second most common cancer in women in India. The causes and importance of early detection are discussed. The paper then reviews previous literature on automated computer-based techniques and image processing methods for cervical cancer detection. It proposes using machine and deep learning models like convolutional neural networks to classify cervical cancer pathology with high accuracy and sensitivity. The paper aims to develop a model capable of diagnosing cervical cancer from biomedical images.
IRJET - Classification of Cancer Images using Deep LearningIRJET Journal
This document presents a methodology for classifying breast cancer histopathology images using deep learning. Specifically, it aims to classify images as either invasive ductal carcinoma (IDC) or non-IDC using a convolutional neural network (CNN) model. The proposed methodology involves preprocessing the images, building a CNN with convolutional, pooling and fully connected layers, training the model on labeled image data, and using the trained model to classify new images as IDC or non-IDC. The goal is to develop an automated system for early and accurate detection of breast cancer subtypes to improve diagnosis and patient outcomes.
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET Journal
This document summarizes research on using machine learning and deep learning techniques to interpret medical images and predict pneumonia. It first discusses how medical image analysis is an active field for machine learning. It then reviews several related studies on using convolutional neural networks (CNNs) and transfer learning to classify chest x-rays and detect pneumonia. Specifically, it examines research on developing CNN models for pneumonia classification and using pre-trained CNN architectures like VGG16, VGG19, and ResNet with transfer learning. The document concludes that computer-aided diagnosis systems using deep learning can provide accurate predictions to assist radiologists in pneumonia diagnosis from chest x-rays.
Computer Aided System for Detection and Classification of Breast CancerIJITCA Journal
Breast cancer is one of the most important causes of death among all type of cancers for grown-up and
older women, mainly in developed countries, and its rate is rising. Since the cause of this disease is not yet
known, early detection is the best way to decrease the breast cancer mortality. At present, early detection of
breast cancer is attained by means of mammography. An intelligent computer-aided diagnosis system can
be very helpful for radiologist in detecting and diagnosing cancerous cell patterns earlier and faster than
typical screening programs. This paper proposes a computer aided system for automatic detection and
classification of breast cancer in mammogram images. Intuitionistic Fuzzy C-Means clustering technique
has been used to identify the suspicious region or the Region of Interest automatically. Then, the feature
data base is designed using histogram features, Gray Level Concurrence wavelet features and wavelet
energy features. Finally, the feature database is submitted to self-adaptive resource allocation network
classifier for classification of mammogram image as normal, benign or malignant. The proposed system is
verified with 322 mammograms from the Mammographic Image Analysis Society Database. The results
show that the proposed system produces better results.
IRJET- Lung Cancer Nodules Classification and Detection using SVM and CNN...IRJET Journal
This document summarizes a research paper that aims to classify and detect lung cancer nodules using support vector machine (SVM) and convolutional neural network (CNN) classifiers. It first provides background on lung cancer and existing methods for detection using SVM. It then describes the proposed methodology using CNN, which has multiple convolutional and pooling layers to process input images. The paper tests CT images of lung nodules from public databases to classify them as malignant or benign tumors using both SVM and CNN classifiers, and evaluates the performance using metrics like confusion matrix.
The document describes a skin cancer detection mobile application that uses image processing and machine learning. The application analyzes skin images for characteristics of melanoma like asymmetry, border, color, diameter and texture. It trains a model using the MobileNet-v2 architecture on datasets containing thousands of images. The trained model achieves 70% accuracy in detecting melanoma and differentiating normal and abnormal skin lesions when tested on new images. The application has potential to help identify skin cancer in early stages and assist medical practitioners.
IRJET - A Conceptual Method for Breast Tumor Classification using SHAP Values ...IRJET Journal
This document proposes a conceptual method for classifying breast tumors as benign or malignant using SHAP values and Adaboost. It involves scoring ultrasound image features using the BI-RADS lexicon with human input. SHAP value mining is used to discover diagnostic rules from the scored features. Weak classifiers are constructed by combining benign and malignant rules. The Adaboost algorithm then integrates the weak classifiers into a strong classifier for tumor classification. Experimental results on 250 patient records show the proposed method achieves high accuracy, specificity, and sensitivity, indicating potential for clinical use.
Cervical Cancer Detection: An Enhanced Approach through Transfer Learning and...IRJET Journal
This document presents research on using the DenseNet169 deep learning model for cervical cancer detection. The researcher trained and tested the model on a large cervical cell image dataset from Kaggle. Through data preprocessing like augmentation and normalization, and transfer learning by fine-tuning a DenseNet pre-trained on ImageNet, the model achieved 95.27% accuracy in classifying five cervical cell types. Evaluation of the model showed high average precision, recall, and F1-score, demonstrating its ability to correctly classify different cervical cell images. The research highlights the potential of deep learning models for automating cervical cancer screening and improving early detection.
Melanoma Skin Cancer Detection using Deep LearningIRJET Journal
This document presents research on developing a deep learning model to detect melanoma skin cancer. The researchers created a convolutional neural network called Xception to analyze images of skin lesions and classify them as benign or malignant. They developed a web application using Flask that allows users to upload images for analysis. The Xception model achieved 97% accuracy on a test dataset. The web app was also able to accurately classify images, demonstrating its potential to assist dermatologists in early detection of melanoma skin cancer. However, further improvements are still needed before the model and web app can be fully relied upon for clinical diagnosis.
Early detection of breast cancer using mammography images and software engine...TELKOMNIKA JOURNAL
The breast cancer has affected a wide region of women as a particular case. Therefore, different researchers have focused on the early detection of this disease to overcome it in efficient way. In this paper, an early breast cancer detection system has been proposed based on mammography images. The proposed system adopts deep-learning technique to increase the accuracy of detection. The convolutional neural network (CNN) model is considered for preparing the datasets of training and test. It is important to note that the software engineering process model has been adopted in constructing the proposed algorithm. This is to increase the reliably, flexibility and extendibility of the system. The user interfaces of the system are designed as a website used at country side general purpose (GP) health centers for early detection to the disease under lacking in specialist medical staff. The obtained results show the efficiency of the proposed system in terms of accuracy up to more than 90% and decrease the efforts of medical staff as well as helping the patients. As a conclusion, the proposed system can help patients by early detecting the breast cancer at far places from hospital and referring them to nearest specialist center.
An intelligent mammogram diagnosis system can be very helpful for radiologist in detecting the abnormalities earlier than typical screening techniques. This paper investigates a new classification approach for detection of breast abnormalities in digital mammograms using League Championship Algorithm Optimized Ensembled Fully Complex valued Relaxation Network (LCA-FCRN). The proposed algorithm is based on extracting curvelet fractal texture features from the mammograms and classifying the suspicious regions by applying a pattern classifier. The whole system includes steps for pre-processing, feature extraction, feature selection and classification to classify whether the given input mammogram image is normal or abnormal. The method is applied to MIAS database of 322 film mammograms. The performance of the CAD system is analysed using Receiver Operating Characteristic (ROC) curve. This curve indicates the trade-offs between sensitivity and specificity that is available from a diagnostic system, and thus describes the inherent discrimination capacity of the proposed system. The result shows that the area under the ROC curve of the proposed algorithm is 0.985 with a sensitivity of 98.1% and specificity of 92.105%. Experimental results demonstrate that the proposed method can form an effective CAD system, and achieve good classification accuracy.
IRJET- Breast Cancer Disease Prediction : Using Machine Learning ApproachIRJET Journal
This document discusses using machine learning approaches to predict breast cancer disease. It describes using the K-nearest neighbors algorithm and decision tree algorithm on a breast cancer dataset to classify whether tumors are benign or malignant. The proposed system would have users enter medical history and symptoms, then use KNN and decision tree models trained on the dataset to predict if the user may have breast cancer and what stage. The goal is early and accurate detection of breast cancer disease.
Modified fuzzy rough set technique with stacked autoencoder model for magneti...IJECEIAES
Breast cancer is the common cancer in women, where early detection reduces the mortality rate. The magnetic resonance imaging (MRI) images are efficient in analyzing breast cancer, but it is hard to identify the abnormalities. The manual breast cancer detection in MRI images is inefficient; therefore, a deep learning-based system is implemented in this manuscript. Initially, the visual quality improvement is done using region growing and adaptive histogram equalization (AHE), and then, the breast lesion is segmented by Otsu thresholding with morphological transform. Next, the features are extracted from the segmented lesion, and a modified fuzzy rough set technique is proposed to reduce the dimensions of the extracted features that decreases the system complexity and computational time. The active features are fed to the stacked autoencoder for classifying the benign and malignant classes. The results demonstrated that the proposed model attained 99% and 99.22% of classification accuracy on the benchmark datasets, which are higher related to the comparative classifiers: decision tree, naïve Bayes, random forest and k-nearest neighbor (KNN). The obtained results state that the proposed model superiorly screens and detects the breast lesions that assists clinicians in effective therapeutic intervention and timely treatment.
A Review on Covid Detection using Cross Dataset AnalysisIRJET Journal
This document provides an overview of deep learning approaches used for COVID-19 detection using cross-dataset analysis of CT scans. It discusses how cross-dataset analysis aims to improve model accuracy by handling limitations like generalization problems, dataset bias, and robustness to variation in image quality. Several studies that have used techniques like transfer learning, data augmentation, and pre-processing on CT scan datasets are summarized. The studies found that models trained on one dataset performed best on similar datasets, and accuracy dropped when testing on datasets with more variation in images. Overall, the document reviews progress in cross-dataset COVID detection using CT scans, but notes there are still opportunities to address limitations and improve model adaptation across diverse datasets.
Breast Cancer Prediction using Machine LearningIRJET Journal
This document discusses using machine learning algorithms to predict breast cancer from patient data and imaging results. It first provides background on breast cancer, noting it is the most commonly diagnosed cancer worldwide. The document then reviews prior works applying machine learning to breast cancer prediction, finding support vector machines achieved the highest accuracy. It describes the dataset used, from the University of Wisconsin, containing patient data and tumor characteristics. Finally, it explores the data and discusses implementing classification algorithms like logistic regression, support vector machines, random forests and neural networks to predict cancer type, finding logistic regression achieved the highest accuracy of 98.24%.
CANCER TUMOR DETECTION USING MACHINE LEARNINGIRJET Journal
1) The document discusses machine learning algorithms that can be used to detect breast cancer tumors, including artificial neural networks, logistic regression, k-nearest neighbors, decision trees, naive Bayes, support vector machines, random forests, k-means clustering, and Gaussian mixture modeling.
2) It provides an overview of each algorithm and how they are applied to process data and make predictions about breast cancer.
3) The algorithms can be used individually or in ensemble techniques, which combine multiple algorithms to improve prediction accuracy. Ensemble techniques allow for both similar and different base algorithms to be combined.
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...IRJET Journal
1) The document discusses the Sungal Tunnel project in Jammu and Kashmir, India, which is being constructed using the New Austrian Tunneling Method (NATM).
2) NATM involves continuous monitoring during construction to adapt to changing ground conditions, and makes extensive use of shotcrete for temporary tunnel support.
3) The methodology section outlines the systematic geotechnical design process for tunnels according to Austrian guidelines, and describes the various steps of NATM tunnel construction including initial and secondary tunnel support.
Raish Khanji GTU 8th sem Internship Report.pdfRaishKhanji
This report details the practical experiences gained during an internship at Indo German Tool
Room, Ahmedabad. The internship provided hands-on training in various manufacturing technologies, encompassing both conventional and advanced techniques. Significant emphasis was placed on machining processes, including operation and fundamental
understanding of lathe and milling machines. Furthermore, the internship incorporated
modern welding technology, notably through the application of an Augmented Reality (AR)
simulator, offering a safe and effective environment for skill development. Exposure to
industrial automation was achieved through practical exercises in Programmable Logic Controllers (PLCs) using Siemens TIA software and direct operation of industrial robots
utilizing teach pendants. The principles and practical aspects of Computer Numerical Control
(CNC) technology were also explored. Complementing these manufacturing processes, the
internship included extensive application of SolidWorks software for design and modeling tasks. This comprehensive practical training has provided a foundational understanding of
key aspects of modern manufacturing and design, enhancing the technical proficiency and readiness for future engineering endeavors.
ELectronics Boards & Product Testing_Shiju.pdfShiju Jacob
This presentation provides a high level insight about DFT analysis and test coverage calculation, finalizing test strategy, and types of tests at different levels of the product.
The role of the lexical analyzer
Specification of tokens
Finite state machines
From a regular expressions to an NFA
Convert NFA to DFA
Transforming grammars and regular expressions
Transforming automata to grammars
Language for specifying lexical analyzers
Sorting Order and Stability in Sorting.
Concept of Internal and External Sorting.
Bubble Sort,
Insertion Sort,
Selection Sort,
Quick Sort and
Merge Sort,
Radix Sort, and
Shell Sort,
External Sorting, Time complexity analysis of Sorting Algorithms.
In tube drawing process, a tube is pulled out through a die and a plug to reduce its diameter and thickness as per the requirement. Dimensional accuracy of cold drawn tubes plays a vital role in the further quality of end products and controlling rejection in manufacturing processes of these end products. Springback phenomenon is the elastic strain recovery after removal of forming loads, causes geometrical inaccuracies in drawn tubes. Further, this leads to difficulty in achieving close dimensional tolerances. In the present work springback of EN 8 D tube material is studied for various cold drawing parameters. The process parameters in this work include die semi-angle, land width and drawing speed. The experimentation is done using Taguchi’s L36 orthogonal array, and then optimization is done in data analysis software Minitab 17. The results of ANOVA shows that 15 degrees die semi-angle,5 mm land width and 6 m/min drawing speed yields least springback. Furthermore, optimization algorithms named Particle Swarm Optimization (PSO), Simulated Annealing (SA) and Genetic Algorithm (GA) are applied which shows that 15 degrees die semi-angle, 10 mm land width and 8 m/min drawing speed results in minimal springback with almost 10.5 % improvement. Finally, the results of experimentation are validated with Finite Element Analysis technique using ANSYS.
π0.5: a Vision-Language-Action Model with Open-World GeneralizationNABLAS株式会社
今回の資料「Transfusion / π0 / π0.5」は、画像・言語・アクションを統合するロボット基盤モデルについて紹介しています。
拡散×自己回帰を融合したTransformerをベースに、π0.5ではオープンワールドでの推論・計画も可能に。
This presentation introduces robot foundation models that integrate vision, language, and action.
Built on a Transformer combining diffusion and autoregression, π0.5 enables reasoning and planning in open-world settings.
Value Stream Mapping Worskshops for Intelligent Continuous SecurityMarc Hornbeek
This presentation provides detailed guidance and tools for conducting Current State and Future State Value Stream Mapping workshops for Intelligent Continuous Security.
This paper proposes a shoulder inverse kinematics (IK) technique. Shoulder complex is comprised of the sternum, clavicle, ribs, scapula, humerus, and four joints.
ADVXAI IN MALWARE ANALYSIS FRAMEWORK: BALANCING EXPLAINABILITY WITH SECURITYijscai
With the increased use of Artificial Intelligence (AI) in malware analysis there is also an increased need to
understand the decisions models make when identifying malicious artifacts. Explainable AI (XAI) becomes
the answer to interpreting the decision-making process that AI malware analysis models use to determine
malicious benign samples to gain trust that in a production environment, the system is able to catch
malware. With any cyber innovation brings a new set of challenges and literature soon came out about XAI
as a new attack vector. Adversarial XAI (AdvXAI) is a relatively new concept but with AI applications in
many sectors, it is crucial to quickly respond to the attack surface that it creates. This paper seeks to
conceptualize a theoretical framework focused on addressing AdvXAI in malware analysis in an effort to
balance explainability with security. Following this framework, designing a machine with an AI malware
detection and analysis model will ensure that it can effectively analyze malware, explain how it came to its
decision, and be built securely to avoid adversarial attacks and manipulations. The framework focuses on
choosing malware datasets to train the model, choosing the AI model, choosing an XAI technique,
implementing AdvXAI defensive measures, and continually evaluating the model. This framework will
significantly contribute to automated malware detection and XAI efforts allowing for secure systems that
are resilient to adversarial attacks.