This repository will be a summary and outlook on all our open, medical, AI advancements.

Overview

Join us on Discord

medical by LAION

This repository will be a summary and outlook on all our open, medical, AI advancements. See the medical-general channel in the medical category on our discord server for more information!

Current projects

Project ideas

  • Fine-tune clip for pathology images [1]
  • Replicate PLOS paper with current image generation techniques

Datasets

Methods

  • Fine-tuning existing CLIP models
Comments
  • Add conda env setup

    Add conda env setup

    Adding two files to help setting up a conda environment setup that will run all of the fMRI notebooks: environment.yaml and setup.sh.

    Example usage (added to README):

    conda create -n medical-v1 python=3.10
    conda activate medical-v1
    conda env update -f environment.yaml
    # this one must be run individually since it uses git
    pip install git+https://github.com/openai/CLIP.git
    

    The setup.sh script list the conda and pip commands to create this environment.

    opened by jimgoo 1
  • feat: add better seed functionality

    feat: add better seed functionality

    This PR aims to add a better seed function for the notebook to ensure reproducibility. Instead of just setting the seed for numpy and torch we also set the seed for random, os and set the deterministic flag to True. viz.

    def seed_everything(seed=GLOBAL_SEED):
        """"
        Seed everything.
        """   
        random.seed(seed)
        os.environ['PYTHONHASHSEED'] = str(seed)
        np.random.seed(seed)
        torch.manual_seed(seed)
        torch.cuda.manual_seed(seed)
        torch.cuda.manual_seed_all(seed)
        torch.backends.cudnn.deterministic = True
    
    opened by SauravMaheshkar 1
  • style: Update `.gitignore`, delete `.DS_Store` and add README to `fMRI/` dir

    style: Update `.gitignore`, delete `.DS_Store` and add README to `fMRI/` dir

    Changes are summarised as follows:

    • Update .gitignore with global paths for ipynb checkpoints and .DS_Store.
    • Remove the previously committed .DS_Store binary.
    • Add a README to the fMRI/ dir with direct links to open the notebooks in colab.
    opened by SauravMaheshkar 1
  • added link to TCGA pathology reports.

    added link to TCGA pathology reports.

    The matching images still need to be pulled together, but they are available to the public from different sources, (e.g. by cohort from https://www.cancerimagingarchive.net/collections/), or to people with TCGA access from GDC.

    opened by dlivitz 1
  • Remove subj_01 from h5 keys

    Remove subj_01 from h5 keys

    Removing the subj_01 part from the keys for compatibility with https://huggingface.co/datasets/pscotti/naturalscenesdataset/blob/main/subj01_nsdgeneral.hdf5.

    opened by jimgoo 0
Owner
LAION AI
This is the repo of LAION, a non-profit organization to liberate machine learning research, models and datasets.
LAION AI
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
An unofficial styleguide and best practices summary for PyTorch

A PyTorch Tools, best practices & Styleguide This is not an official style guide for PyTorch. This document summarizes best practices from more than a

IgorSusmelj 1.5k Jan 5, 2023
Cross-platform CLI tool to generate your Github profile's stats and summary.

ghs Cross-platform CLI tool to generate your Github profile's stats and summary. Preview Hop on to examples for other usecases. Jump to: Installation

HackerRank 134 Dec 20, 2022
Codebase for the Summary Loop paper at ACL2020

Summary Loop This repository contains the code for ACL2020 paper: The Summary Loop: Learning to Write Abstractive Summaries Without Examples. Training

Canny Lab @ The University of California, Berkeley 44 Nov 4, 2022
Summary Explorer is a tool to visually explore the state-of-the-art in text summarization.

Summary Explorer Summary Explorer is a tool to visually inspect the summaries from several state-of-the-art neural summarization models across multipl

Webis 42 Aug 14, 2022
This repository is an unoffical PyTorch implementation of Medical segmentation in 3D and 2D.

Pytorch Medical Segmentation Read Chinese Introduction:Here! Recent Updates 2021.1.8 The train and test codes are released. 2021.2.6 A bug in dice was

EasyCV-Ellis 618 Dec 27, 2022
PyTorch implementation of our Adam-NSCL algorithm from our CVPR2021 (oral) paper "Training Networks in Null Space for Continual Learning"

Adam-NSCL This is a PyTorch implementation of Adam-NSCL algorithm for continual learning from our CVPR2021 (oral) paper: Title: Training Networks in N

Shipeng Wang 34 Dec 21, 2022
Convolutional neural network web app trained to track our infant’s sleep schedule using our Google Nest camera.

Machine Learning Sleep Schedule Tracker What is it? Convolutional neural network web app trained to track our infant’s sleep schedule using our Google

g-parki 7 Jul 15, 2022
The official pytorch implementation of our paper "Is Space-Time Attention All You Need for Video Understanding?"

TimeSformer This is an official pytorch implementation of Is Space-Time Attention All You Need for Video Understanding?. In this repository, we provid

Facebook Research 1k Dec 31, 2022
Medical-Image-Triage-and-Classification-System-Based-on-COVID-19-CT-and-X-ray-Scan-Dataset

Medical-Image-Triage-and-Classification-System-Based-on-COVID-19-CT-and-X-ray-Sc

null 2 Dec 26, 2021
This repository holds code and data for our PETS'22 article 'From "Onion Not Found" to Guard Discovery'.

From "Onion Not Found" to Guard Discovery (PETS'22) This repository holds the code and data for our PETS'22 paper titled 'From "Onion Not Found" to Gu

Lennart Oldenburg 3 May 4, 2022
This repository contains the entire code for our work "Two-Timescale End-to-End Learning for Channel Acquisition and Hybrid Precoding"

Two-Timescale-DNN Two-Timescale End-to-End Learning for Channel Acquisition and Hybrid Precoding This repository contains the entire code for our work

QiyuHu 3 Mar 7, 2022
Code for the prototype tool in our paper "CoProtector: Protect Open-Source Code against Unauthorized Training Usage with Data Poisoning".

CoProtector Code for the prototype tool in our paper "CoProtector: Protect Open-Source Code against Unauthorized Training Usage with Data Poisoning".

Zhensu Sun 1 Oct 26, 2021
CoTr: Efficiently Bridging CNN and Transformer for 3D Medical Image Segmentation

CoTr: Efficient 3D Medical Image Segmentation by bridging CNN and Transformer This is the official pytorch implementation of the CoTr: Paper: CoTr: Ef

null 218 Dec 25, 2022
Medical Image Segmentation using Squeeze-and-Expansion Transformers

Medical Image Segmentation using Squeeze-and-Expansion Transformers Introduction This repository contains the code of the IJCAI'2021 paper 'Medical Im

askerlee 172 Dec 20, 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