An open-source project for applying deep learning to medical scenarios

Overview

Auto Vaidya

An open source solution for creating end-end web app for employing the power of deep learning in various clinical scenarios like implant detection, pneumonia detection, brain mri segmentation etc.

Suggestions for PR:

  • Please give your PR for the test branch unless requested otherwise by the project maintainer
  • Name your PR appropiately
  • Ensure that you had already raised an issue for this PR and the project maintainer had approved and assigned you
  • In the PR description, typically the following are expected:
    • Dataset Used:
    • Dataset Size:
    • Dataset Source:
    • Link to Colab Notebook: Please ensure you give access for view to anyone with link
    • Your Exploratory Data Analysis [Snapshots of the relevant ones and your inference from that]
    • Any Pre-Processing methods used. [Elaborate on them]
    • Your framework to train
    • Different methods used for training
    • Test/Train Split
    • Results: Please do not simply state test accuracy. Other perfomance metrics like F1 score,etc are expected
    • ** Draw a table to show the comparitive analysis of the performance of the different methods you used
    • Conclusion: Which method you think is best and why?
  • A copy of the notebook used for your training is expected inside the notebooks/ directory.
  • Please name the notebook as name_of_the_problem_your_github_username
  • The model files are expected to be inside a models\name_of_your_problem\ directory
  • If you are using TensorFlow 2.0, please give both the h5 as well as saved_model file
  • Once your PR, gets approved uptil this, proceed with a follow up pr to integrate it inside the streamlit app. Refer this if you are unaware of how to use streamlit and host it
  • For the streamlit app, it would be a good practice if you define the function for classification/prediction/regression inside a separate python file say your_problem_name.py and import it inside app.py ( Believe me this would save a lot of time otherwise wasted in debugging)
  • For the second PR, you are expected to do the above changes and provide screenshots/a small clip of the working model of the app after integrating your model from the previous PR
  • For the second PR, it should be one the test branch only, later the project maintainers will merge it with the master branch for a stable release
  • For PRs, related to frontend please give it to the frontend branch
  • Once accepted, give a follow up PR to the test branch to render your html,css files for a page using streamlit
  • As stated above you are expected to give screenshots, descriptions and other details for the PR

Entire App on Heroku: https://auto-vaidya.herokuapp.com/ Frontend on Netlify: autovaidya.netlify.app

Comments
  • Adding Feedback Page

    Adding Feedback Page

    Adding Feedback Page

    As we know that feedback plays a very good role in knowing any loopholes or how can we improve our work. I want to take up this issue by creating a feedback page for our project. @smaranjitghose I want to work on this.

    enhancement CH-20 
    opened by sharur7 9
  • Added Model for detecting Skin Cancer

    Added Model for detecting Skin Cancer

    Hello Sir, I have trained a deep learning model ( mobile-net ) to detect the type of Skin Cancer ( having 7 classes ). Data-set used is skin-cancer-mnist-ham10000. The link to colab is - link. The saved model is present in saved_models directory.

    deprecated 
    opened by SoniGarima 7
  • Add the pricing page

    Add the pricing page

    Hello there, As I can see that there is a requirement for the Pricing page but no one has actually worked on the page. image So, I would love to work on page design and development. :)

    opened by dipanshparmar 5
  • Diabetes_Prediction

    Diabetes_Prediction

    jupyter notebook link: https://colab.research.google.com/drive/1Op49nQIa-nJn42Ibczznv5IKMIlyhBXy?usp=sharing

    KNN: train accuracy 0.8206106870229007 auc 0.6750868751670676 test accuracy 0.7461538461538462 Precision 0.6666666666666666 Recall 0.46511627906976744 F1 Score 0.547945205479452 [0.81132075 0.81132075 0.69230769 0.80769231 0.80769231] 0.786066763425254

    LOGISTIC REGRESSION: Training set accuracy: 0.802 Test set accuracy: 0.723 train accuracy 0.8015267175572519 auc 0.6750868751670676 test accuracy 0.7461538461538462 Precision 0.6666666666666666 Recall 0.46511627906976744 F1 Score 0.547945205479452 [0.83018868 0.75471698 0.73076923 0.80769231 0.84615385] 0.7939042089985487

    DECISION TREE Accuracy on training set: 0.851 Accuracy on test set: 0.762 train accuracy 0.8015267175572519 auc 0.6750868751670676 test accuracy 0.7461538461538462 Precision 0.6666666666666666 Recall 0.46511627906976744 F1 Score 0.547945205479452 [0.83018868 0.75471698 0.73076923 0.80769231 0.84615385] 0.7939042089985487

    SVM : Accuracy on training set: 0.824 Accuracy on test set: 0.715 auc 0.628575247260091 Precision 0.6153846153846154 Recall 0.37209302325581395 F1 Score 0.463768115942029

    SVM Cross_val: train_accuracy: 0.7935897435897437 Test accuracy: 0.738 {'clf__C': 1000.0, 'clf__gamma': 0.001, 'clf__kernel': 'rbf'}

    deprecated 
    opened by amoghatsunil 4
  • Skin cancer detection

    Skin cancer detection

    Sir, The PR is for issue #51 The data-set I have used for training and testing the model is skin-cancer-mnist-ham10000. This data-set contains 10015 unique images of 7 types of skin cancer. The link to the data-set is here. Here's the link to colab notebook. I have used the mobilenet model with some trainable layers and some already trained on 'imagenet' database. Apart, I have trained it using 2 different ways:

    1. Simply on whole dataset with 10 epochs --> gave accuracy of about 75% on validation set.
    2. Used data augmentation ( using ImageDataGenerator API provided by Keras) on dataset with 40 epochs of training --> gave 80% accuracy on validation set.

    I have used fit_generator method of Keras API to train the model and for generating the dataset from image folders, I chose flow_from_directory method of ImageDataGenerator with many parameters for data augmentation. I have split the data into 90% train data and 10% test data using train_test_split method of sklearn module. I found second model more convincing because it is trained on more number of images and more number of times. Besides, The evaluation metrics of second model is as follows: accuracy: 0.8042 Precision = 0.81 Recall = 0.80 F1-Score = 0.804

    PR: merged CH-20 Medium 
    opened by SoniGarima 3
  • Designed the landing page

    Designed the landing page

    The PR is for issue #57 I have added the following:

    1. Logo
    2. Slogan
    3. Names of all the classifiers included in this project ( Can add more later)
    4. Video illustration on how to use this web application
    PR: reviewed-approved PR: merged Hacktoberfest 
    opened by SoniGarima 2
  • Change Font Family and Improve Navbar

    Change Font Family and Improve Navbar

    Currently, the font-families used aren't so exciting for the project. Use the appropriate combination to add some more flare to the project.

    You can use tools like :

    1. https://fontpair.co/
    2. https://fonts.google.com/

    After that design a new Navbar for the application, which satisfy the following requirements:

    1. The navbar must need to have a white background and a box-shadow on the bottom and must stick to the top at all times.
    2. Use appropriate colors (new-pallet) and set-up as CSS-Variables for people to use again.
    3. The nav links on hover need to change color and add a small underline effect.
    4. The navbar must be fully responsive on all screens.
    CH-20 Easy Medium UI/UX 
    opened by abhu-A-J 2
  • Bump pillow from 9.0.1 to 9.3.0

    Bump pillow from 9.0.1 to 9.3.0

    Bumps pillow from 9.0.1 to 9.3.0.

    Release notes

    Sourced from pillow's releases.

    9.3.0

    https://pillow.readthedocs.io/en/stable/releasenotes/9.3.0.html

    Changes

    ... (truncated)

    Changelog

    Sourced from pillow's changelog.

    9.3.0 (2022-10-29)

    • Limit SAMPLESPERPIXEL to avoid runtime DOS #6700 [wiredfool]

    • Initialize libtiff buffer when saving #6699 [radarhere]

    • Inline fname2char to fix memory leak #6329 [nulano]

    • Fix memory leaks related to text features #6330 [nulano]

    • Use double quotes for version check on old CPython on Windows #6695 [hugovk]

    • Remove backup implementation of Round for Windows platforms #6693 [cgohlke]

    • Fixed set_variation_by_name offset #6445 [radarhere]

    • Fix malloc in _imagingft.c:font_setvaraxes #6690 [cgohlke]

    • Release Python GIL when converting images using matrix operations #6418 [hmaarrfk]

    • Added ExifTags enums #6630 [radarhere]

    • Do not modify previous frame when calculating delta in PNG #6683 [radarhere]

    • Added support for reading BMP images with RLE4 compression #6674 [npjg, radarhere]

    • Decode JPEG compressed BLP1 data in original mode #6678 [radarhere]

    • Added GPS TIFF tag info #6661 [radarhere]

    • Added conversion between RGB/RGBA/RGBX and LAB #6647 [radarhere]

    • Do not attempt normalization if mode is already normal #6644 [radarhere]

    ... (truncated)

    Commits

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    • @dependabot use these labels will set the current labels as the default for future PRs for this repo and language
    • @dependabot use these reviewers will set the current reviewers as the default for future PRs for this repo and language
    • @dependabot use these assignees will set the current assignees as the default for future PRs for this repo and language
    • @dependabot use this milestone will set the current milestone as the default for future PRs for this repo and language

    You can disable automated security fix PRs for this repo from the Security Alerts page.

    PR: unreviewed dependencies 
    opened by dependabot[bot] 0
  • Bump tensorflow-cpu from 2.7.2 to 2.9.3

    Bump tensorflow-cpu from 2.7.2 to 2.9.3

    Bumps tensorflow-cpu from 2.7.2 to 2.9.3.

    Release notes

    Sourced from tensorflow-cpu's releases.

    TensorFlow 2.9.3

    Release 2.9.3

    This release introduces several vulnerability fixes:

    TensorFlow 2.9.2

    Release 2.9.2

    This releases introduces several vulnerability fixes:

    ... (truncated)

    Changelog

    Sourced from tensorflow-cpu's changelog.

    Release 2.9.3

    This release introduces several vulnerability fixes:

    Release 2.8.4

    This release introduces several vulnerability fixes:

    ... (truncated)

    Commits
    • a5ed5f3 Merge pull request #58584 from tensorflow/vinila21-patch-2
    • 258f9a1 Update py_func.cc
    • cd27cfb Merge pull request #58580 from tensorflow-jenkins/version-numbers-2.9.3-24474
    • 3e75385 Update version numbers to 2.9.3
    • bc72c39 Merge pull request #58482 from tensorflow-jenkins/relnotes-2.9.3-25695
    • 3506c90 Update RELEASE.md
    • 8dcb48e Update RELEASE.md
    • 4f34ec8 Merge pull request #58576 from pak-laura/c2.99f03a9d3bafe902c1e6beb105b2f2417...
    • 6fc67e4 Replace CHECK with returning an InternalError on failing to create python tuple
    • 5dbe90a Merge pull request #58570 from tensorflow/r2.9-7b174a0f2e4
    • Additional commits viewable in compare view

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    • @dependabot use these labels will set the current labels as the default for future PRs for this repo and language
    • @dependabot use these reviewers will set the current reviewers as the default for future PRs for this repo and language
    • @dependabot use these assignees will set the current assignees as the default for future PRs for this repo and language
    • @dependabot use this milestone will set the current milestone as the default for future PRs for this repo and language

    You can disable automated security fix PRs for this repo from the Security Alerts page.

    PR: unreviewed dependencies 
    opened by dependabot[bot] 0
  • Bump python-jwt from 3.2.4 to 3.3.4

    Bump python-jwt from 3.2.4 to 3.3.4

    Bumps python-jwt from 3.2.4 to 3.3.4.

    Commits

    Dependabot compatibility score

    Dependabot will resolve any conflicts with this PR as long as you don't alter it yourself. You can also trigger a rebase manually by commenting @dependabot rebase.


    Dependabot commands and options

    You can trigger Dependabot actions by commenting on this PR:

    • @dependabot rebase will rebase this PR
    • @dependabot recreate will recreate this PR, overwriting any edits that have been made to it
    • @dependabot merge will merge this PR after your CI passes on it
    • @dependabot squash and merge will squash and merge this PR after your CI passes on it
    • @dependabot cancel merge will cancel a previously requested merge and block automerging
    • @dependabot reopen will reopen this PR if it is closed
    • @dependabot close will close this PR and stop Dependabot recreating it. You can achieve the same result by closing it manually
    • @dependabot ignore this major version will close this PR and stop Dependabot creating any more for this major version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this minor version will close this PR and stop Dependabot creating any more for this minor version (unless you reopen the PR or upgrade to it yourself)
    • @dependabot ignore this dependency will close this PR and stop Dependabot creating any more for this dependency (unless you reopen the PR or upgrade to it yourself)
    • @dependabot use these labels will set the current labels as the default for future PRs for this repo and language
    • @dependabot use these reviewers will set the current reviewers as the default for future PRs for this repo and language
    • @dependabot use these assignees will set the current assignees as the default for future PRs for this repo and language
    • @dependabot use this milestone will set the current milestone as the default for future PRs for this repo and language

    You can disable automated security fix PRs for this repo from the Security Alerts page.

    PR: unreviewed dependencies 
    opened by dependabot[bot] 0
  • Breast Cancer Prediction

    Breast Cancer Prediction

    I would like to work on the problem of predicting the most common form of breast cancer (Invasive Ductal Carcinoma (IDC)). For this, I'll use breast histopathology images data.

    opened by SoniGarima 0
Owner
Smaranjit Ghose
Life Long Learner
Smaranjit Ghose
The Medical Detection Toolkit contains 2D + 3D implementations of prevalent object detectors such as Mask R-CNN, Retina Net, Retina U-Net, as well as a training and inference framework focused on dealing with medical images.

The Medical Detection Toolkit contains 2D + 3D implementations of prevalent object detectors such as Mask R-CNN, Retina Net, Retina U-Net, as well as a training and inference framework focused on dealing with medical images.

MIC-DKFZ 1.2k Jan 4, 2023
Build a medical knowledge graph based on Unified Language Medical System (UMLS)

UMLS-Graph Build a medical knowledge graph based on Unified Language Medical System (UMLS) Requisite Install MySQL Server 5.6 and import UMLS data int

Donghua Chen 6 Dec 25, 2022
MetaDrive: Composing Diverse Scenarios for Generalizable Reinforcement Learning

MetaDrive: Composing Diverse Driving Scenarios for Generalizable RL [ Documentation | Demo Video ] MetaDrive is a driving simulator with the following

DeciForce: Crossroads of Machine Perception and Autonomy 276 Jan 4, 2023
Breaching - Breaching privacy in federated learning scenarios for vision and text

Breaching - A Framework for Attacks against Privacy in Federated Learning This P

Jonas Geiping 139 Jan 3, 2023
TPH-YOLOv5: Improved YOLOv5 Based on Transformer Prediction Head for Object Detection on Drone-Captured Scenarios

TPH-YOLOv5 This repo is the implementation of "TPH-YOLOv5: Improved YOLOv5 Based on Transformer Prediction Head for Object Detection on Drone-Captured

cv516Buaa 439 Dec 22, 2022
CRISCE: Automatically Generating Critical Driving Scenarios From Car Accident Sketches

CRISCE: Automatically Generating Critical Driving Scenarios From Car Accident Sketches This document describes how to install and use CRISCE (CRItical

Chair of Software Engineering II, Uni Passau 2 Feb 9, 2022
Image morphing without reference points by applying warp maps and optimizing over them.

Differentiable Morphing Image morphing without reference points by applying warp maps and optimizing over them. Differentiable Morphing is machine lea

Alex K 380 Dec 19, 2022
Face2webtoon - Despite its importance, there are few previous works applying I2I translation to webtoon.

Despite its importance, there are few previous works applying I2I translation to webtoon. I collected dataset from naver webtoon 연애혁명 and tried to transfer human faces to webtoon domain.

이상윤 64 Oct 19, 2022
SparseML is a libraries for applying sparsification recipes to neural networks with a few lines of code, enabling faster and smaller models

SparseML is a toolkit that includes APIs, CLIs, scripts and libraries that apply state-of-the-art sparsification algorithms such as pruning and quantization to any neural network. General, recipe-driven approaches built around these algorithms enable the simplification of creating faster and smaller models for the ML performance community at large.

Neural Magic 1.5k Dec 30, 2022
Fuzzification helps developers protect the released, binary-only software from attackers who are capable of applying state-of-the-art fuzzing techniques

About Fuzzification Fuzzification helps developers protect the released, binary-only software from attackers who are capable of applying state-of-the-

gts3.org (SSLab@Gatech) 55 Oct 25, 2022
PaddleRobotics is an open-source algorithm library for robots based on Paddle, including open-source parts such as human-robot interaction, complex motion control, environment perception, SLAM positioning, and navigation.

简体中文 | English PaddleRobotics paddleRobotics是基于paddle的机器人开源算法库集,包括人机交互、复杂运动控制、环境感知、slam定位导航等开源算法部分。 人机交互 主动多模交互技术TFVT-HRI 主动多模交互技术是通过视觉、语音、触摸传感器等输入机器人

null 185 Dec 26, 2022
Project Aquarium is a SUSE-sponsored open source project aiming at becoming an easy to use, rock solid storage appliance based on Ceph.

Project Aquarium Project Aquarium is a SUSE-sponsored open source project aiming at becoming an easy to use, rock solid storage appliance based on Cep

Aquarist Labs 73 Jul 21, 2022
ivadomed is an integrated framework for medical image analysis with deep learning.

Repository on the collaborative IVADO medical imaging project between the Mila and NeuroPoly labs.

null 144 Dec 19, 2022
TorchIO is a Medical image preprocessing and augmentation toolkit for deep learning. Part of the PyTorch Ecosystem.

Medical image preprocessing and augmentation toolkit for deep learning. Part of the PyTorch Ecosystem.

Fernando Pérez-García 1.6k Jan 6, 2023
[MedIA2021]MIDeepSeg: Minimally Interactive Segmentation of Unseen Objects from Medical Images Using Deep Learning

MIDeepSeg: Minimally Interactive Segmentation of Unseen Objects from Medical Images Using Deep Learning [MedIA or Arxiv] and [Demo] This repository pr

Healthcare Intelligence Laboratory 92 Dec 8, 2022
A pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentation

A 3D multi-modal medical image segmentation library in PyTorch We strongly believe in open and reproducible deep learning research. Our goal is to imp

Adaloglou Nikolas 1.2k Dec 27, 2022
Useful materials and tutorials for 110-1 NTU DBME5028 (Application of Deep Learning in Medical Imaging)

Useful materials and tutorials for 110-1 NTU DBME5028 (Application of Deep Learning in Medical Imaging)

null 7 Jun 22, 2022
Medical image analysis framework merging ANTsPy and deep learning

ANTsPyNet A collection of deep learning architectures and applications ported to the python language and tools for basic medical image processing. Bas

Advanced Normalization Tools Ecosystem 118 Dec 24, 2022