All Projects → lehgtrung → egfr-att

lehgtrung / egfr-att

Licence: other
Drug effect prediction using neural network

Programming Languages

python
139335 projects - #7 most used programming language
Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to egfr-att

Text classification
all kinds of text classification models and more with deep learning
Stars: ✭ 7,179 (+42129.41%)
Mutual labels:  classification, attention-mechanism
Structured Self Attention
A Structured Self-attentive Sentence Embedding
Stars: ✭ 459 (+2600%)
Mutual labels:  classification, attention-mechanism
Scopy
An integrated negative design python library for desirable HTS/VS database design
Stars: ✭ 28 (+64.71%)
Mutual labels:  drug-discovery
mmrazor
OpenMMLab Model Compression Toolbox and Benchmark.
Stars: ✭ 644 (+3688.24%)
Mutual labels:  classification
Point2Sequence
Point2Sequence: Learning the Shape Representation of 3D Point Clouds with an Attention-based Sequence to Sequence Network
Stars: ✭ 34 (+100%)
Mutual labels:  classification
onelearn
Online machine learning methods
Stars: ✭ 14 (-17.65%)
Mutual labels:  classification
Fraud-Detection-in-Online-Transactions
Detecting Frauds in Online Transactions using Anamoly Detection Techniques Such as Over Sampling and Under-Sampling as the ratio of Frauds is less than 0.00005 thus, simply applying Classification Algorithm may result in Overfitting
Stars: ✭ 41 (+141.18%)
Mutual labels:  classification
ML4K-AI-Extension
Use machine learning in AppInventor, with easy training using text, images, or numbers through the Machine Learning for Kids website.
Stars: ✭ 18 (+5.88%)
Mutual labels:  classification
NIPS-Global-Paper-Implementation-Challenge
Selective Classification For Deep Neural Networks.
Stars: ✭ 11 (-35.29%)
Mutual labels:  classification
3HAN
An original implementation of "3HAN: A Deep Neural Network for Fake News Detection" (ICONIP 2017)
Stars: ✭ 29 (+70.59%)
Mutual labels:  attention-mechanism
Multigrid-Neural-Architectures
Multigrid Neural Architecture
Stars: ✭ 28 (+64.71%)
Mutual labels:  attention-mechanism
domain-attention
codes for paper "Domain Attention Model for Multi-Domain Sentiment Classification"
Stars: ✭ 22 (+29.41%)
Mutual labels:  attention-mechanism
simpleAICV-pytorch-ImageNet-COCO-training
SimpleAICV:pytorch training example on ImageNet(ILSVRC2012)/COCO2017/VOC2007+2012 datasets.Include ResNet/DarkNet/RetinaNet/FCOS/CenterNet/TTFNet/YOLOv3/YOLOv4/YOLOv5/YOLOX.
Stars: ✭ 276 (+1523.53%)
Mutual labels:  classification
YOLOv1 tensorflow
YOLOv1 tensorflow
Stars: ✭ 14 (-17.65%)
Mutual labels:  classification
abcnn pytorch
Implementation of ABCNN(Attention-Based Convolutional Neural Network) on Pytorch
Stars: ✭ 35 (+105.88%)
Mutual labels:  attention-mechanism
supervised-machine-learning
This repo contains regression and classification projects. Examples: development of predictive models for comments on social media websites; building classifiers to predict outcomes in sports competitions; churn analysis; prediction of clicks on online ads; analysis of the opioids crisis and an analysis of retail store expansion strategies using…
Stars: ✭ 34 (+100%)
Mutual labels:  classification
ros tensorflow
This repo introduces how to integrate Tensorflow framework into ROS with object detection API.
Stars: ✭ 39 (+129.41%)
Mutual labels:  classification
ml-workflow-automation
Python Machine Learning (ML) project that demonstrates the archetypal ML workflow within a Jupyter notebook, with automated model deployment as a RESTful service on Kubernetes.
Stars: ✭ 44 (+158.82%)
Mutual labels:  classification
classification
Catalyst.Classification
Stars: ✭ 35 (+105.88%)
Mutual labels:  classification
ssj
Social Signal Processing for Android
Stars: ✭ 24 (+41.18%)
Mutual labels:  classification

Attention-based Multi-input Neural network

PWC

How to install

Using conda:

conda env create -n egfr -f environment.yml
conda activate egfr

Usage

The working folder is egfr-att/egfr for the below instruction.

To train with Train/Test scheme, use:

python single_run.py --mode train

The original data will be splitted into training/test parts with ratio 8:2. When training completed, to evaluate on test data, use:

python single_run.py --mode test --model_path <MODEL-IN-TRAINED_MODELS-FOLDER>
# For example:
python single_run.py --mode test --model_path data/trained_models/model_TEST_BEST

ROC curve plot for test data will be placed in egfr/vis folder.

To train with 5-fold cross validation scheme, use:

python cross_val.py --mode train

When training completed, to evaluate on test data, use:

python cross_val.py --mode test --model_path <MODEL-IN-TRAINED_MODELS-FOLDER>
# For example:
python cross_val.py --mode test --model_path data/trained_models/model_TEST_BEST

ROC curve plot for test data will be placed in egfr/vis/ folder.

Attention weight visualization

To visualized attention weight of the model, use:

python weight_vis.py --dataset <PATH-TO-DATASET> --modelpath <PATH-TO-MODEL>
# For example:
python weight_vis.py --dataset data/egfr_10_full_ft_pd_lines.json --modelpath data/trained_models/model_TEST_BEST

By default, all data will be used to to extract attention weights. However, only samples with prediction output over a threshold (0.2) are chosen.

Citation

Please cite our study:

Pham, H.N., & Le, T.H. (2019). Attention-based Multi-Input Deep Learning Architecture for Biological Activity Prediction: An Application in EGFR Inhibitors. ArXiv, abs/1906.05168.

Bibtex:

@article{Pham2019AttentionbasedMD,
  title={Attention-based Multi-Input Deep Learning Architecture for Biological Activity Prediction: An Application in EGFR Inhibitors},
  author={Huy Ngoc Pham and Trung Hoang Le},
  journal={2019 11th International Conference on Knowledge and Systems Engineering (KSE)},
  year={2019},
  pages={1-9}
}
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].