Retinal Vessel Segmentation with Pixel-wise Adaptive Filters (ISBI 2022)

Overview

Retinal Vessel Segmentation with Pixel-wise Adaptive Filters (ISBI 2022)

Introduction

image

This is the official code of Retinal Vessel Segmentation with Pixel-wise Adaptive Filters and Consistency Training (ISBI 2022). We evaluate our methods on three datasets, DRIVE, CHASE_DB1 and STARE.

Datesets

You can download the three datasets from Google drive.
Of course, you can download the dataset from DRIVE, CHASE_DB1 and STARE respectively.

Quick start

Requirement

  1. Refer to Pytorch to install Pytorch >= 1.1.
  2. pip install -r requirements.txt

Config file

DATASET: "DRIVE"

TRAIN_DATA_PATH: ".../training/images" # modify it to your own path
TRAIN_LABEL_PATH: ".../training/1st_manual"


TEST_DATA_PATH: ".../test/images"
TEST_PRED_PATH: "results/test/DRIVE/prediction"
TEST_LABEL_PATH: ".../test/label/1st_manual"

# view
#VAL_PICTURE_PATH: "/gdata1/limx/mx/dataset/Drive19/visualization"
#VIEW_VAL_PATH: "results/val_view"
#VIEW_TRAIN_PATH: "results/train_view"

MODEL_PATH: "results/test/DRIVE/model"
LOG_PATH: "results/test/DRIVE/logging.txt"

# train
LEARNING_RATE: 0.005
BATCH_SIZE: 5
EPOCH: 6000
CHECK_BATCH: 50
multi_scale: [0.3]
INPUT_CHANNEL: 3
MAX_AFFINITY: 5
RCE_WEIGHT: 1
RCE_RATIO: 10

# inference
MODEL_NUMBER: "epoch_2750_f1_0.8261"
# load breakpoint
IS_BREAKPOINT: False
BREAKPOINT: ""


Please modify TRAIN_DATA_PATH, TRAIN_LABEL_PATH, TEST_DATA_PATH and TEST_LABEL_PATH.

Training

Please specify the configuration file.
For example, you can run .sh file to train the specific dataset.

cd rootdir
sh pbs/DRIVE_RUN.sh

After finishing the training stage, you will obtain the /results/test/DRIVE/logging.txt. The logging.txt file can log the metrics, like model number, f1, auc, acc, specificity, precision, sensitivity.

Testing

Please select the best model in loggging.txt and modify the MODEL_NUMBER in configuration file.

cd rootdir
python inference.py --lib/DRIVE.yaml 

Evaluation

To evalutate the results offline bewteen cfg['TEST_PRED_PATH'] and cfg['TEST_LABEL_PATH']. Your can run the code like it.

cd rootdir
python eval.py --lib/DRIVE.yaml 
Owner
anonymous
anonymous
A library for preparing, training, and evaluating scalable deep learning hybrid recommender systems using PyTorch.

collie Collie is a library for preparing, training, and evaluating implicit deep learning hybrid recommender systems, named after the Border Collie do

ShopRunner 96 Dec 29, 2022
Modifications of the official PyTorch implementation of StyleGAN3. Let's easily generate images and videos with StyleGAN2/2-ADA/3!

Alias-Free Generative Adversarial Networks (StyleGAN3) Official PyTorch implementation of the NeurIPS 2021 paper Alias-Free Generative Adversarial Net

Diego Porres 185 Dec 24, 2022
Semantically Contrastive Learning for Low-light Image Enhancement

Semantically Contrastive Learning for Low-light Image Enhancement Here, we propose an effective semantically contrastive learning paradigm for Low-lig

48 Dec 16, 2022
Code for EMNLP 2021 paper: "Learning Implicit Sentiment in Aspect-based Sentiment Analysis with Supervised Contrastive Pre-Training"

SCAPT-ABSA Code for EMNLP2021 paper: "Learning Implicit Sentiment in Aspect-based Sentiment Analysis with Supervised Contrastive Pre-Training" Overvie

Zhengyan Li 66 Dec 04, 2022
Interactive Image Segmentation via Backpropagating Refinement Scheme

Won-Dong Jang and Chang-Su Kim, Interactive Image Segmentation via Backpropagating Refinement Scheme, CVPR 2019

Won-Dong Jang 85 Sep 15, 2022
https://sites.google.com/cornell.edu/recsys2021tutorial

Counterfactual Learning and Evaluation for Recommender Systems (RecSys'21 Tutorial) Materials for "Counterfactual Learning and Evaluation for Recommen

yuta-saito 45 Nov 10, 2022
General Assembly Capstone: NBA Game Predictor

Project 6: Predicting NBA Games Problem Statement Can I predict the results of NBA games from the back-half of a season from the opening half of the s

Adam Muhammad Klesc 1 Jan 14, 2022
Deep Learning Interviews book: Hundreds of fully solved job interview questions from a wide range of key topics in AI.

This book was written for you: an aspiring data scientist with a quantitative background, facing down the gauntlet of the interview process in an increasingly competitive field. For most of you, the

4.1k Dec 28, 2022
RuDOLPH: One Hyper-Modal Transformer can be creative as DALL-E and smart as CLIP

[Paper] [Хабр] [Model Card] [Colab] [Kaggle] RuDOLPH 🦌 🎄 ☃️ One Hyper-Modal Transformer can be creative as DALL-E and smart as CLIP Russian Diffusio

AI Forever 232 Jan 04, 2023
PyTorch code accompanying our paper on Maximum Entropy Generators for Energy-Based Models

Maximum Entropy Generators for Energy-Based Models All experiments have tensorboard visualizations for samples / density / train curves etc. To run th

Rithesh Kumar 135 Oct 27, 2022
A custom-designed Spider Robot trained to walk using Deep RL in a PyBullet Simulation

SpiderBot_DeepRL Title: Implementation of Single and Multi-Agent Deep Reinforcement Learning Algorithms for a Walking Spider Robot Authors(s): Arijit

Arijit Dasgupta 9 Jul 28, 2022
Implementation of BI-RADS-BERT & The Advantages of Section Tokenization.

BI-RADS BERT Implementation of BI-RADS-BERT & The Advantages of Section Tokenization. This implementation could be used on other radiology in house co

1 May 17, 2022
text_recognition_toolbox: The reimplementation of a series of classical scene text recognition papers with Pytorch in a uniform way.

text recognition toolbox 1. 项目介绍 该项目是基于pytorch深度学习框架,以统一的改写方式实现了以下6篇经典的文字识别论文,论文的详情如下。该项目会持续进行更新,欢迎大家提出问题以及对代码进行贡献。 模型 论文标题 发表年份 模型方法划分 CRNN 《An End-t

168 Dec 24, 2022
This repository contains all source code, pre-trained models related to the paper "An Empirical Study on GANs with Margin Cosine Loss and Relativistic Discriminator"

An Empirical Study on GANs with Margin Cosine Loss and Relativistic Discriminator This is a Pytorch implementation for the paper "An Empirical Study o

Cuong Nguyen 3 Nov 15, 2021
A Python framework for developing parallelized Computational Fluid Dynamics software to solve the hyperbolic 2D Euler equations on distributed, multi-block structured grids.

pyHype: Computational Fluid Dynamics in Python pyHype is a Python framework for developing parallelized Computational Fluid Dynamics software to solve

Mohamed Khalil 21 Nov 22, 2022
Amazon Forest Computer Vision: Satellite Image tagging code using PyTorch / Keras with lots of PyTorch tricks

Amazon Forest Computer Vision Satellite Image tagging code using PyTorch / Keras Here is a sample of images we had to work with Source: https://www.ka

Mamy Ratsimbazafy 360 Dec 10, 2022
DeepHyper: Scalable Asynchronous Neural Architecture and Hyperparameter Search for Deep Neural Networks

What is DeepHyper? DeepHyper is a software package that uses learning, optimization, and parallel computing to automate the design and development of

DeepHyper Team 214 Jan 08, 2023
The UI as a mobile display for OP25

OP25 Mobile Control Head A 'remote' control head that interfaces with an OP25 instance. We take advantage of some data end-points left exposed for the

Sarah Rose Giddings 13 Dec 28, 2022
Python package for missing-data imputation with deep learning

MIDASpy Overview MIDASpy is a Python package for multiply imputing missing data using deep learning methods. The MIDASpy algorithm offers significant

MIDASverse 77 Dec 03, 2022
Reverse engineering recurrent neural networks with Jacobian switching linear dynamical systems

Reverse engineering recurrent neural networks with Jacobian switching linear dynamical systems This repository is the official implementation of Rever

6 Aug 25, 2022