Skip to content

ieee8023/medical-reading-group

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 
 
 
 
 
 
 

Repository files navigation

Medical Reading Group

A group to discuss methods related to genomics, imaging, or clinical data. Enumerating all successful and impactful applications of ML/DL in medicine.

Organizer: Paul Bertin (former organizer Joseph Paul Cohen)

Join the mailing list here (add a note about who you are to the join request): https://groups.google.com/forum/#!forum/montreal-medical-ai

Talks are usually given on Mondays at 2:30pm at Mila, 6666 St Urbain Montreal, QC H2S 3H1.

Date Speaker Title Reference
...
6/01/2020
5/25/2020
5/18/2020
5/11/2020
5/04/2020
4/27/2020
4/20/2020
4/14/2020 Camille Rochefort-Boulanger Feature Learning of Virus Genome Evolution With the Nucleotide Skip-Gram Neural Network Paper
4/6/2020 Cancelled
3/30/2020 Cancelled
3/23/2020 Hassan Rivaz Making sense of the data trove hidden in ultrasound signals
3/16/2020 Md Golam Kibria
Application of Convolutional Neural Network in Ultrasound Elastography

Ultrasound elastography images elastic properties of biological tissue by using ultrasound imaging technology which can provide significant diagnostic information. Ultrasound scans taken before and after the deformation of a tissue through applied pressure are used to track the displacement of the speckles of the tissue. The strain image of the tissue is obtained from the estimated displacement using least square or gradient method. Some elastography algorithms skip the displacement estimation and estimates the strain profile of the tissue directly from the corresponding ultrasound scans. In both cases, the quality of the strain images can be greatly reduced due to inherent noises such as decorrelation noise, jitter noise etc. Conventional elastography algorithms which primarily involves window-based or pixel-based cross-matching techniques suffer greatly from these types of noise compromising the quality of the estimated strain profile. Advanced machine learning techniques such as convolutional neural network (CNN) offers robust network architectures which provides wide range of depth-of-fields to the input data at different convolutional layers compared to the constant-size window-based or pixel-based conventional methods. Another noteworthy feature of CNN is that previously trained networks can be finetuned with completely new but similar datasets for analogous task; a process known as transfer learning. Incidentally, the task of optical flow estimation in computer vision is very similar to the task of displacement estimation in ultrasound elastography. Recently, CNN architecture FlowNet 2.0 has achieved notable success in optical flow estimation compared to the conventional methods. Naturally, FlowNet 2.0 becomes a prime candidate for robust displacement estimation in ultrasound elastography. At first, we process the ultrasound scans to make them suitable for input to FlowNet 2.0 and used the previously trained weights of FlowNet 2.0 for displacement estimation. The estimated displacement profile by FlowNet 2.0 was, although robust but not fine enough for quality strain image. So we finetuned the coarse displacement estimation by using a global cost function optimizer GLUE to produce fine displacement estimation for calculating strain image. We call our method GLUENet and to the best of our knowledge, this is the first application of CNN in ultrasound elastography. Amazed by the success of GLUENet, our next attempt is to use transfer learning techniques for finetuning the FlowNet 2.0 weights so that it can estimate displacement profile fine enough for calculating quality strain image. We test the performance of the networks by using computer simulated and experimental phantoms, and clinical data.

3/9/2020 Cancelled
3/2/2020 Marc-André Legault Using genetic variants for causal inference using Mendelian randomization Paper Slides
2/24/2020 - Cancelled for AI for Health Journal Club at UdeM
2/17/2020 Team Overview of projects
2/10/2020 Rupert Brooks DeepAAA: clinically applicable and generalizable detection of abdominal aortic aneurysm using deep learning Paper
2/3/2020 Paul Bertin Challenges of ML for genomics
1/27/2020 Cancelled
1/20/2020 Hao Yu Chen and Itai Magodoro Prediction of Subclinical Disease from MRI: A CARTaGENE Study Proposal
1/13/2020 Hasib Zunair
Tuberculosis severity estimation from volumetric CT scans using uniformizing techniques and 3D Convolutional Net

Mycobacterium tuberculosis is a bacteria that causes tuberculosis infection (TB), which is the second most common fatal infectious disease after HIV. In this work, we propose a unified approach, where the model can be easily deployed in developing regions not only to aid radiologists in diagnosis but also provide diagnosis in areas were medical practitioners and diagnosis equipment are scarce. The contribution of this work is twofold: introduce a 3D Convolutional Network; introduce and employ various preprocessing techniques to retain maximum information while decreasing computation cost to improve the model performance without using clinically relevant metadata. Quantitative experiments show significant improvement over our previous work which is evaluated on the Image-CLEF Tuberculosis Severity Assessment 2019. Our proposed work achieves an AUC of 73% and a binary classification accuracy of 67.5% which is an overall improvement by a margin of 12% in AUC and 6% in classification accuracy.

Paper GitHub Slides
1/6/2020 Cancelled
12/30/2019 Cancelled
12/23/2019 Cancelled
12/16/2019 Tobias Würfl
Deep Learning for Reconstruction in X-ray Computed Tomography and Novelty Detection

In the first half of the talk I will focus on reconstruction of the three-dimensional distribution of the X-ray attenuation coefficient. This is an ill-posed inverse problem if the measured data is incomplete. Analytical algorithms produce artifacts in those settings. This presentation will show how to reinterpret those analytical algorithms as known operators in a convolutional neural network. I will compare this to competing approaches in the literature and showcase the advantages and limitations of our approach. In the second half of the talk I will introduce the problem of novelty detection and review current approaches in the literature. I will review the problem of performance evaluation of such algorithms and look into future research directions for novelty detection.

Paper
12/9/2019 Cancelled for NeurIPS
12/2/2019 - Cancelled
11/25/2019 - Cancelled
11/18/2019 - Cancelled for AI for Health
11/11/2019 Zongwei Zhou Models Genesis: Generic Autodidactic Models for 3D Medical Image Analysis Paper GitHub Slides
11/4/2019 - Cancelled
10/28/2019 - Cancelled
10/21/2019 Smita Krishnaswamy Deep learning and graph signal processing yield insight into cellular state spaces under complex experimental conditions Slides
10/14/2019 - Cancelled for Thanksgiving Day (Canada)
10/7/2019
9/30/2019 Paul Bertin
Disentangled Representations of Cellular Identity

We introduce a disentangled representation for cellular identity that constructs a latent cellular state from a linear combination of condition specific basis vectors that are then decoded into gene ex- pression levels. The basis vectors are learned with a deep autoencoder model from single-cell RNA-seq data. Linear arithmetic in the disentangled representation successfully predicts nonlinear gene expression inter- actions between biological pathways in unobserved treatment conditions. We are able to recover the mean gene expression profiles of unobserved conditions with an average Pearson r = 0.73, which outperforms two linear baselines, one with an average r = 0.43 and another with an aver- age r = 0.19. Disentangled representations hold the promise to provide new explanatory power for the interaction of biological pathways and the prediction of effects of unobserved conditions for applications such as combinatorial therapy and cellular reprogramming. Our work is motivated by recent advances in deep generative models that have enabled synthesis of images and natural language with desired properties from interpolation in a latent representation of the data.

Paper
9/23/2019 - Cancelled for ICLR Submission Deadline
9/16/2019 - AI for Health Meetup at UdeM
9/9/2019 Fabian Theis
Modeling differentiation and stimulation response in single-cell genomics

Accurately modeling single cell state changes e.g. during differentiation or in response to perturbations is a central goal of computational biology. Single-cell technologies now give us easy and large-scale access to state observations on the transcriptomic and more recently also epigenomic level. In particular they allow resolving potential heterogeneities due to asynchronicity of differentiating or responding cells, and profiles across multiple conditions such as time points and replicates are being generated.
In this talk I will quickly review how to estimate lineage formation using graph abstraction as extension of pseudotemporal ordering, and how to take additional information such as RNA velocity into account. I then ask how to generalize predictions to phenomena absent from training data i.e. out-of-sample. For this, I will present scGen, a model combining variational autoencoders and latent space vector arithmetics for high-dimensional single-cell gene expression data. In benchmarks across a broad range of examples, we show that scGen accurately models dose and infection response of cells across cell types, studies and species. In particular, we demonstrate that scGen learns cell type and species specific response implying that it captures features that distinguish responding from non-responding genes and cells.

Paper
9/2/2019 - Cancelled for Labor Day (US)
8/26/2019 - Cancelled
8/19/2019 Joseph Paul Cohen
Chester: A Web Delivered Locally Computed Chest X-Ray Disease Prediction System

Deep learning has shown promise to augment radiologists and improve the standard of care globally. Two main issues that complicate deploying these systems are patient privacy and scaling to the global population. To deploy a system at scale with minimal computational cost while preserving privacy we present a web delivered (but locally run) system for diagnosing chest X-Rays. Code is delivered via a URL to a web browser (including cell phones) but the patient data remains on the users machine and all processing occurs locally. The system is designed to be used as a reference where a user can process an image to confirm or aid in their diagnosis. The system contains three main components: out-of-distribution detection, disease prediction, and prediction explanation. The system open source and freely available here: https://mlmed.org/tools/xray

Paper
Slides
8/12/2019 Becks Simpson
CARE: Class Attention to Regions of Lesion for Classification on Imbalanced Data

To date, it is still an open and challenging problem for intelligent diagnosis systems to effectively learn from imbalanced data, especially with large samples of common diseases and much smaller samples of rare ones. Inspired by the process of human learning, this paper proposes a novel and effective way to embed attention into the machine learning process, particularly for learning characteristics of rare diseases. This approach does not change architectures of the original CNN classifiers and therefore can directly plug and play for any existing CNN architecture. Comprehensive experiments on a skin lesion dataset and a pneumonia chest X-ray dataset showed that paying attention to lesion regions of rare diseases during learning not only improved the classification performance on rare diseases, but also on the mean class accuracy.

Paper
8/5/2019 Martin Weiss
Genome-wide identification of directed gene networks using large-scale population genomics data

Identification of causal drivers behind regulatory gene networks is crucial in understanding gene function. Here, we develop a method for the large-scale inference of gene–gene interactions in observational population genomics data that are both directed (using local genetic instruments as causal anchors, akin to Mendelian Randomization) and specific (by controlling for linkage disequilibrium and pleiotropy). Analysis of genotype and whole-blood RNA-sequencing data from 3072 individuals identified 49 genes as drivers of downstream transcriptional changes (Wald P < 7 × 10−10), among which transcription factors were overrepresented (Fisher’s P = 3.3 × 10−7). Our analysis suggests new gene functions and targets, including for SENP7 (zinc-finger genes involved in retroviral repression) and BCL2A1 (target genes possibly involved in auditory dysfunction). Our work highlights the utility of population genomics data in deriving directed gene expression networks. A resource of trans-effects for all 6600 genes with a genetic instrument can be explored individually using a web-based browser.

Paper
7/29/2019 Mohammad Hashir Clinical prediction on the MIMIC-III dataset: lessons learned from predicting mortality using vitals and notes (Part I) Slides
7/22/2019 Assya Trofimov
DeepKinZero: Zero-Shot Learning for Predicting Kinase-Phosphosite Associations Involving Understudied Kinases

Protein phosphorylation is a key regulator of protein function in signal transduction pathways. Kinases are the enzymes that catalyze the phosphorylation of other proteins in a target specific manner. The dysregulation of phosphorylation is associated with many diseases including cancer. Although the advances in phosphoproteomics enable the identification of phosphosites at the proteome level, most of the phosphoproteome is still in the dark: more than 95% of the reported human phosphosites have no known kinases. Determining which kinase is responsible for phosphorylating a site remains an experimental challenge. Existing computational methods require several examples of known targets of a kinase to make accurate kinase specific predictions, yet for a large body of kinases, only a few or no target sites are reported. We present DeepKinZero, the first zero-shot learning approach to predict the kinase acting on a phosphosite for kinases with no known phosphosite information. DeepKinZero transfers knowledge from kinases with many known target phosphosites to those kinases with no known sites through a zero-shot learning model. The kinase specific positional amino acid preferences are learned using a bidirectional recurrent neural network. We show that DeepKinZero achieves significant improvement in accuracy for kinases with no known phosphosites in comparison to the baseline model and other methods available. By expanding our knowledge on understudied kinases, DeepKinZero can help to chart the phosphoproteome atlas.

Paper
7/15/2019 Sreya Francis
Estimating Causal Effects from High-Dimensional Observational Data in Healthcare

Everyone wants to make better decisions. The impact of a decision on an outcome of interest is called a causal effect, and is traditionally estimated by performing randomized experiments. However, large data sources such as electronic medical records present opportunities to study causal effects of interventions that are difficult to evaluate through experiments. One example is the management of septic patients in the ICU. This typically involves performing several interventions in sequence, the choice of one depending on the outcome of others. Successfully evaluating the effect of these choices depends on strong assumptions, such as having adjusted for all confounding variables. While many argue that having high-dimensional data increases the likelihood of this assumption being true, it also introduces new challenges: the more variables we use for estimating effects, the less likely that patients who received different treatments are similar in all of them. In this talk, we will discuss causal effect estimation and treatment group overlap. We will also discuss the potential outcomes framework, classical methods for estimating causal effects, as well as new ones, tailored for working with large datasets.

Paper Slides
7/8/2019 - Cancelled for MIDL
7/1/2019 - Cancelled for Canada
6/24/2019 - Cancelled for Quebec
6/17/2019 - Cancelled for CVPR
6/10/2019 - Cancelled for ICML
6/3/2019 Li Yao
Challenges in Machine Learning with Radiology

This talk investigates three challenges in ML and radiology. Firstly, ML models trained on specialized medical data generalize poorly out-of-domain. In our recent MIDL paper (https://arxiv.org/abs/1904.01638), we empirically demonstrated the feasible of building a strong baseline for assessing such ability of neural nets. Secondly, automatic labelling with NLP from medical records only provides noisy ground truth. Our recent work (https://arxiv.org/abs/1905.02283 and https://arxiv.org/abs/1810.00967) highlights such a challenge and provides some preliminary results. Thirdly, classical non-ML models handle longitudinal data inefficiently. Some ML based recipes are presented to alleviate the computational issues (work in progress).

5/27/2019 Eugene Vorontsov
Boosting segmentation with weak supervision from image-to-image translation

In many cases, especially with medical images, it is prohibitively challenging to produce a sufficiently large training sample of pixel-level annotations to train deep neural networks for semantic image segmentation. On the other hand, some information is often known about the contents of images. We leverage information on whether an image presents the segmentation target or whether it is absent from the image to improve segmentation performance by augmenting the amount of data usable for model training. Specifically, we propose a semi-supervised framework that employs image-to-image translation between weak labels (e.g., presence vs. absence of cancer), in addition to fully supervised segmentation on some examples. We conjecture that this translation objective is well aligned with the segmentation objective as both require the same disentangling of image variations. Building on prior image-to-image translation work, we re-use the encoder and decoders for translating in either direction between two domains, employing a strategy of selectively decoding domain-specific variations. For presence vs. absence domains, the encoder produces variations that are common to both and those unique to the presence domain. Furthermore, we successfully re-use one of the decoders used in translation for segmentation. We validate the proposed method on synthetic tasks of varying difficulty as well as on the real task of brain tumor segmentation in magnetic resonance images, where we show significant improvements over standard semi-supervised training with autoencoding.

Paper
Slides
5/21/2019 (Tuesday) Paul Bertin &
Mohammad Hashir
Analysis of Gene Interaction Graphs for Biasing Machine Learning Models

Gene interaction graphs aim to capture various relationships between genes and can be used to create more biologically-intuitive models for machine learning. There are many such graphs available which can differ in the number of genes and edges covered. In this work, we attempt to evaluate the biases provided by those graphs through utilizing them for 'Single Gene Inference' (SGI) which serves as, what we believe is, a proxy for more relevant prediction tasks. The SGI task assesses how well a gene's neighbors in a particular graph can 'explain' the gene itself in comparison to the baseline of using all the genes in the dataset. We evaluate seven major gene interaction graphs created by different research groups on two distinct datasets, TCGA and GTEx. We find that some graphs perform on par with the unbiased baseline for most genes with a significantly smaller feature set.

Paper
5/13/2019 - Cancelled for McGill BBMESS
5/6/2019 - Cancelled for ICLR
4/29/2019 Julien Cohen-Adad &
Mathieu Lavallée-Adam
AI for Health at Mila!
4/23/2019
Tuesday!
Georgy Derevyanko
Protein-protein docking using learned three-dimensional representations

Abstract: Proteins are the cogs of cellular machinery. Understanding how these molecules interact and predicting structures of their complexes is unavoidable step we need to pass to understand emergence of the phenotype of an organism from its genotype. Rigid-body docking approaches the problem by assuming two proteins rigid and sampling rotations and translations of the ligand with respect to the receptor. The key idea, that allows the sampling to be performed in a reasonable timeframe is representation of the interaction energy between the two proteins as correlations of 3d protein representations. However, these representations themselves are either pretrained or handcrafted. In this work we present an algorithm that allows learning protein representations for docking in the end-to-end fashion.

4/15/2019 Phil Novosad Self-ensembling for domain adaptation: application to neuroanatomical segmentation in MRI
4/8/2019 Maxime Thibault
Prediction of the next medication order to assist prescription verification by pharmacists in a health care center

In North American hospitals, pharmacists review all medication orders to ensure adequate medication use. As pharmacists move to a practice model involving direct patient care, the activity of drug order verification could benefit from a certain degree of automation to free up resources to perform clinical tasks. Potential applications of machine learning include detecting atypical orders and focusing pharmacist attention on unusual patterns instead of verifying every single order. We prototyped a machine learning model to predict the next prescribed drug during hospitalization, and we compared model predictions with pharmacist ratings on a sample of orders. This presentation will discuss health system pharmacy and the data it generates, the clinical problem we faced, how we developed a model that shows potential at helping pharmacists detect atypical orders, and how the predictions of this model correlate with pharmacist ratings.

Slides Repo
4/4/2019
Thursday!
Joseph Paul Cohen
Deep Learning Tools for Medicine: Perspectives for Impact

Machine learning research has had and will continue to have impact in healthcare and medicine. This talk will discuss a few directions which can potentially have a transformative impact. Including clinical decision support, biased feature construction/representations, and unsupervised representation learning. With each area I will consider a pragmatic approach for any method gaining adoption. The intricacies of each potential use case and the climate of adoption all need to be considered in order to maximize impact.

4/1/2019 Becks Simpson Model Agnostic Saliency for Weakly Supervised Lesion Detection from Breast DCE-MRI
3D Context Enhanced Region-based Convolutional Neural Network for End-to-End Lesion Detection
3/25/2019 Cancelled
3/18/2019 Frederic Leblond
Towards a Multimodal Spectroscopy Imaging Plateform for Intraoperative Tissue Characterization

Abstract: We are developing multimodal intraoperative imaging tools based on an imaging platform combining Raman, fluorescence and diffuse reflectance (multi-spectral and SFDI) with the objective of gathering large spectral datasets across organ sites/pathologies and patients for the development of classification models using machine learning techniques. The combinaison of Raman, fluorescence and diffuse reflectance spectroscopic images offers the potential to provide a breadth of molecular features that can be employed for surface as well as for depth-resolved tissue characterisation. Using a versatile wide-field spectroscopic imaging plateform, databases of tissue-specific spectroscopic information can be acquired for future artificial intelligence applications. Here we will present recent results relating with the development of each imaging modality as well as progress towards the development of the multimodal imaging plateform and the wide-field intraoperative imaging probes to be used for data gathering in the scope of clinical studies.

3/11/2019 Thomas Rademaker
Attack and defence in cellular decision-making: lessons from machine learning

Abstract: Machine learning algorithms are sensitive to meaningless (or "adversarial") perturbations. This is reminiscent of cellular decision-making where ligands (called "antagonists") prevent correct signalling, like in early immune recognition. We draw a formal analogy between neural networks used in machine learning and models of cellular decision-making (adaptive proofreading). We apply attacks from machine learning to simple decision-making models, and show explicitly the correspondence to antagonism by weakly bound ligands. Such antagonism is absent in more nonlinear models, which inspired us to implement a biomimetic defence in neural networks filtering out adversarial perturbations. We then apply a gradient-descent approach from machine learning to different cellular decision-making models, and we reveal the existence of two regimes characterized by the presence or absence of a critical point. The critical point causes the strongest antagonists to lie close to the threshold. This is validated in the loss landscapes of robust neural networks and cellular decision-making models, and observed experimentally for immune cells. For both regimes, we explain how associated defence mechanisms shape the geometry of the loss landscape, and why different adversarial attacks are effective in different regimes. Our work connects evolved cellular decision-making to machine learning, and motivates the design of a general theory of adversarial perturbations, both for in vivo and in silico systems.

Paper
3/4/2019 Geneviève Boucher
DeepSynergy: predicting anti-cancer drug synergy with Deep Learning

Abstract: In this paper, the authors applied a deep learning approach for predicting the synergy of drug combinations. DeepSynergy uses compound information as well as genomic information as inputs to a regression task in order to find specific drug combinations that have maximal efficacy in specific genomic context, in their case in given cancer cell lines.

Paper
2/25/2019 - Cancelled for AI for Health Event at UdeM
2/18/2019 Camille Rochefort-Boulanger
Comprehensive functional genomic resource and integrative model for the human brain

Abstract: In this study, they build a gene regulatory network (GRN) for the brain, linking transcription factors, enhancers, and target genes from merging of the QTLs, generalized element-activity correlations, and Hi-C data. They integrate this GRN to a deep Boltzmann machine, by manually adding links between the visible nodes of the network given the relations from the GRN, to perform disease prediction for psychiatric disorders.

Paper
2/11/2019 Louis Collins MRI basics: short presentation, questions + answers
2/4/2019 Baptiste Goujaud Use of the adversarial training in medical imaging across examples
1/28/2019 Alex Zabbal DL applications for Neuroscience
1/21/2019 Mandana Samiei Training Medical Image Analysis Systems like Radiologists Paper
1/14/2019 Martin Weiss and Paul Bertin Gene Graph Convolutions
12/12/2018 Mohammed AlQuraishi End-to-End Differentiable Learning of Protein Structure Paper
11/28/2018 Georgy Derevyanko Predicting protein complexes: classical approaches and deep learning
11/14/2018 Julien Cohen Connecting MRI physics and A.I. to advance neuroimaging Slides gSlides
11/7/2018 Georgy Derevyanko Learning Protein Structure with a Differentiable Simulator
10/31/2018 Suzanne Tamang Clinical tools: A survey of Suzanne Tamang's work
10/24/2018 Martin Weiss A Survey of Mobile Computing for the Visually Impaired Paper
10/17/2018 Paul Bertin Uncertainty measures for Multiple Sclerosis Lesion Segmentation Paper
10/10/2018 Abdou Mousas Genome-wide polygenic scores for common diseases identify individuals with risk equivalent to monogenic mutations
10/3/2018 Vincent Frappier Lessons from Natural Language Inference in the Clinical Domain Slides
9/12/2018 Assya Trofimov dna2vec: Consistent vector representations of variable-length k-mers Paper
9/5/2018 Lucie Blais Medication adherence as a predictor of morbidity and mortality in patients with chronic respiratory diseases
8/22/2018 Francis Dutil DeepSEA Predicting effects of noncoding variants with deep learning–based sequence model
8/8/2018 Vincent Frappier Recomendation of ICD codes literature review
8/1/2018 Martin Weiss Syntax-Directed Variational Autoencoder for Structured Data gSlides Video
6/27/2018 Martin Weiss Recurrent Neural Networks for Multivariate Time Series with Missing Values
6/20/2018 Vincent Frappier Exploring sequence binding space using coevolution and structural tertiary motifs
6/13/2018 Joseph Paul Cohen A survey of clinical data successes using machine learning Slides
5/30/2018 Georgy Derevyanko Prediction of toxicity from chemical composition of a drug
5/16/2018 Georgy Derevyanko End2end differentiable protein structure learning
4/25/2018 Everyone Project updates
4/18/2018 Everyone Project updates
4/11/2018 Georgy Derevyanko Inverse Statistical Physics of Protein Sequences: A Key Issues Review
4/4/2018 Joseph Cohen Generative adversarial networks uncover epidermal regulators and predict single cell perturbations Slides
3/28/2018 Everyone Slide Karaoke
3/21/2018 Martin Weiss Network-based machine learning and graph theory algorithms for precision oncology
3/14/2018 Everyone Project updates
3/7/2018 Francis Dutil So you are presenting Convolutional Networks on Graphs for Learning Molecular Fingerprints Paper
2/28/2018 Christopher Beckham Automatic Chemical Design Using a Data-Driven Continuous Representation of Molecules
2/21/2018 Christopher Beckham & Geneviève Boucher The cornucopia of meaningful leads: Applying deep adversarial autoencoders for new molecule development in oncology Paper & Near-optimal probabilistic RNA-seq quantification Paper
2/14/2018 Everyone Project updates

About

No description, website, or topics provided.

Resources

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published