It is a system used to detect bone fractures. using techniques deep learning and image processing

Overview

MohammedHussiengadalla-Intelligent-Classification-System-for-Bone-Fractures

It is a system used to detect bone fractures. using techniques deep learning and image processing

Transfer learning is a very powerful and bleeding-edge tool to achieve high accuracies on classification tasks on images when the data and the computational power is in limited supply.

Here I attempted to create an Custom Deep Learning model using Deep Neural Networks with intermediate convolutional layers to classify X-ray images of humerus bone fracture from the ones that are not fractured.

As I pass an input image, an output is given as a “Positive” or “Negative” label. The input data is in the form of X Ray images of the Humerus bones. Hence, the effort is to train a Supervised Learning model with the data to give correct label to the input image inorder to predict a fracture. Some preprocessing of the data like converting RGB images to Grayscale, switching between channels_first & channels_last depending upon the backend Deep Learning engine that will be employed for computations will have to be done.

This repository contains a Keras implementation of a 121 layer Densenet Model on MURA dataset with additional 3 Densely Connected Layers at top.

I achieved an accuracy of about 79% after disconnecting the top 60 layers of the pre-trained model and let it train on the new dataset from a ground truth of no more than being a mere chance (i.e. 50%).

The accuracy improved to ~85% after playing aroung with different hyperparameters and got an understanding of what the model is learning by implementing Class Activation Maps on the gradients of intermediate convolution and activation layers.

Here, I trained the Densenet on XR_HUMERUS of the dataset for 40 epochs with a batch size of 16.

You can train the model by running train__humerus_fracture_detection_keras_model.ipynb Jupyter Notebook with necessary directory changes. You can load the trained model by running load_humerus_fracture_detection_keras_model.ipynb Jupyter Notebook. You can visualize model's learning at different intermediate layers by running visualize__humerus_fracture_detection_keras_model_cmap.ipynb Jupyter notebook.

Few visualizations are available in layer outputs directory.

The notebook can be used to implement other available pre-trained models from Tensorflow Keras for Transfer Learning.

Intelligent-Classification.mp4
You might also like...
This program presents convolutional kernel density estimation, a method used to detect intercritical epilpetic spikes (IEDs)
This program presents convolutional kernel density estimation, a method used to detect intercritical epilpetic spikes (IEDs)

Description This program presents convolutional kernel density estimation, a method used to detect intercritical epilpetic spikes (IEDs) in [Gardy et

The Face Mask recognition system uses AI technology to detect the person with or without a mask.
The Face Mask recognition system uses AI technology to detect the person with or without a mask.

Face Mask Detection Face Mask Detection system built with OpenCV, Keras/TensorFlow using Deep Learning and Computer Vision concepts in order to detect

Experimenting with computer vision techniques to generate annotated image datasets from gameplay recordings automatically.

Experimenting with computer vision techniques to generate annotated image datasets from gameplay recordings automatically. The collected data will then be used to train a deep neural network that can detect enemy player models in real time, during gameplay. Finally, a virtual input device will adjust the player's crosshair based on live detections for greater accuracy.

Deep Image Search is an AI-based image search engine that includes deep transfor learning features Extraction and tree-based vectorized search.
Deep Image Search is an AI-based image search engine that includes deep transfor learning features Extraction and tree-based vectorized search.

Deep Image Search - AI-Based Image Search Engine Deep Image Search is an AI-based image search engine that includes deep transfer learning features Ex

Developed an optimized algorithm which finds the most optimal path between 2 points in a 3D Maze using various AI search techniques like BFS, DFS, UCS, Greedy BFS and A*

Developed an optimized algorithm which finds the most optimal path between 2 points in a 3D Maze using various AI search techniques like BFS, DFS, UCS, Greedy BFS and A*. The algorithm was extremely optimal running in ~15s to ~30s for search spaces as big as 10000000 nodes where a set of 18 actions could be performed at each node in the 3D Maze.

The NEOSSat is a dual-mission microsatellite designed to detect potentially hazardous Earth-orbit-crossing asteroids and track objects that reside in deep space

The NEOSSat is a dual-mission microsatellite designed to detect potentially hazardous Earth-orbit-crossing asteroids and track objects that reside in deep space

Script that receives an Image (original) and a set of images to be used as
Script that receives an Image (original) and a set of images to be used as "pixels" in reconstruction of the Original image using the set of images as "pixels"

picinpics Script that receives an Image (original) and a set of images to be used as "pixels" in reconstruction of the Original image using the set of

Python implementation of 3D facial mesh exaggeration using the techniques described in the paper: Computational Caricaturization of Surfaces.
Python implementation of 3D facial mesh exaggeration using the techniques described in the paper: Computational Caricaturization of Surfaces.

Python implementation of 3D facial mesh exaggeration using the techniques described in the paper: Computational Caricaturization of Surfaces.

Comments
  • missing files tho

    missing files tho

    can't find the notebooks u mentioned tho

    You can visualize model's learning at different intermediate layers by running visualize__humerus_fracture_detection_keras_model_cmap.ipynb Jupyter notebook.

    opened by Nao-30 0
Owner
Mohammed Hussien
Mohammed Hussien
A resource for learning about deep learning techniques from regression to LSTM and Reinforcement Learning using financial data and the fitness functions of algorithmic trading

A tour through tensorflow with financial data I present several models ranging in complexity from simple regression to LSTM and policy networks. The s

null 195 Dec 7, 2022
Vowpal Wabbit is a machine learning system which pushes the frontier of machine learning with techniques such as online, hashing, allreduce, reductions, learning2search, active, and interactive learning.

This is the Vowpal Wabbit fast online learning code. Why Vowpal Wabbit? Vowpal Wabbit is a machine learning system which pushes the frontier of machin

Vowpal Wabbit 8.1k Jan 6, 2023
A system used to detect whether a person is wearing a medical mask or not.

Mask_Detection_System A system used to detect whether a person is wearing a medical mask or not. To open the program, please follow these steps: Make

Mohamed Emad 0 Nov 17, 2022
LF-YOLO (Lighter and Faster YOLO) is used to detect defect of X-ray weld image.

This project is based on ultralytics/yolov3. LF-YOLO (Lighter and Faster YOLO) is used to detect defect of X-ray weld image. Download $ git clone http

null 26 Dec 13, 2022
Third party Pytorch implement of Image Processing Transformer (Pre-Trained Image Processing Transformer arXiv:2012.00364v2)

ImageProcessingTransformer Third party Pytorch implement of Image Processing Transformer (Pre-Trained Image Processing Transformer arXiv:2012.00364v2)

null 61 Jan 1, 2023
Image Classification - A research on image classification and auto insurance claim prediction, a systematic experiments on modeling techniques and approaches

A research on image classification and auto insurance claim prediction, a systematic experiments on modeling techniques and approaches

null 0 Jan 23, 2022
Patient-Survival - Using Python, I developed a Machine Learning model using classification techniques such as Random Forest and SVM classifiers to predict a patient's survival status that have undergone breast cancer surgery.

Patient-Survival - Using Python, I developed a Machine Learning model using classification techniques such as Random Forest and SVM classifiers to predict a patient's survival status that have undergone breast cancer surgery.

Nafis Ahmed 1 Dec 28, 2021
This is the first released system towards complex meters` detection and recognition, which is implemented by computer vision techniques.

A three-stage detection and recognition pipeline of complex meters in wild This is the first released system towards detection and recognition of comp

Yan Shu 19 Nov 28, 2022
tsai is an open-source deep learning package built on top of Pytorch & fastai focused on state-of-the-art techniques for time series classification, regression and forecasting.

Time series Timeseries Deep Learning Pytorch fastai - State-of-the-art Deep Learning with Time Series and Sequences in Pytorch / fastai

timeseriesAI 2.8k Jan 8, 2023
A program that uses computer vision to detect hand gestures, used for controlling movie players.

HandGestureDetection This program uses a Haar Cascade algorithm to detect the presence of your hand, and then passes it on to a self-created and self-

null 2 Nov 22, 2022