A tool to visualise the results of AlphaFold2 and inspect the quality of structural predictions

Overview

AlphaFold Analyser

This program produces high quality visualisations of predicted structures produced by AlphaFold. These visualisations allow the user to view the pLDDT of each residue of a protein structure and the predicted alignment error for the entire protein to rapidly infer the quality of a predicted structure.

Dependencies

  • Python 3.7
  • AlphaFold 2.0.0
  • PyMol 2.5.2
  • Matplotlib 3.4.2

Installing AlphaFold Analyser on Linux & MacOSX

At the command line, change directory to the directory where alphafold-analyser.py was downloaded, , using the full path name.

cd <download-directory>

Now move the file to where you normally keep your binaries. This directory should be in your path. Note: you may require administrative privileges to do this (either switching user to root or by using sudo).

As root:

mv alphafold-analyser.py /usr/local/bin/

As regular user:

sudo mv alphafold-analyser.py /usr/local/bin/

alphafold-analyser.py should now run from the shell or Terminal using the command alphafold-analyser.py

Alternatively, alphafold-analyser.py can be run directly from an IDE.

AlphaFold Settings for the Analyser

For the programme to function correctly, the model names parameter should label the first two models in alphafold as model_1 and model_2_ptm. An example of how this parameter should be written when running AlphaFold is shown below.

--model_names=model_1,model_2_ptm,model_3,model_4,model_5 \

model_2_ptm is used to collect the data required to plot the Predicted Alignment Error.

All files output by alphafold are stored in a single directory. However, only the ranked_0.pdb and results_model_2_ptm.pkl file are needed for analysis.

Running AlphaFold Analyser

A directory should be created containing all necessary files (see above). AlphaFold Analyser will then ask for the following inputs:

Input Directory: The file path for the directory containing the alphafold results files

Output Directory: The file path for the directory where the Analyser results will be stored.

Protein: The name of protein being analysed. This will be used to label all files and the directory created during the analysis

Outputs

AlphaFold Analyser has produces two outputs:

  • A PyMol session labelled with the protein input (e.g protein.pse). This will contain the highest confidence structure predicted by AlphaFold. The individual residues of the structure are coloured according to their pLDDT on colour spectrum from yellow to green to blue (low to high confidence).
  • A predicted alignment error plot again labelled with the protein input (e.g protein-pae.png). The plot is colored by the confidence values for each residue using the same colour scheme as the PyMol session.
  • Comments

    Future work may involve allowing for multiple inputs at once.

    You might also like...
    Code for the TIP 2021 Paper
    Code for the TIP 2021 Paper "Salient Object Detection with Purificatory Mechanism and Structural Similarity Loss"

    PurNet Project for the TIP 2021 Paper "Salient Object Detection with Purificatory Mechanism and Structural Similarity Loss" Abstract Image-based salie

    TensorFlow code for the neural network presented in the paper:
    TensorFlow code for the neural network presented in the paper: "Structural Language Models of Code" (ICML'2020)

    SLM: Structural Language Models of Code This is an official implementation of the model described in: "Structural Language Models of Code" [PDF] To ap

    Code for "Learning Structural Edits via Incremental Tree Transformations" (ICLR'21)

    Learning Structural Edits via Incremental Tree Transformations Code for "Learning Structural Edits via Incremental Tree Transformations" (ICLR'21) 1.

    [CVPR 2021] A Peek Into the Reasoning of Neural Networks: Interpreting with Structural Visual Concepts
    [CVPR 2021] A Peek Into the Reasoning of Neural Networks: Interpreting with Structural Visual Concepts

    Visual-Reasoning-eXplanation [CVPR 2021 A Peek Into the Reasoning of Neural Networks: Interpreting with Structural Visual Concepts] Project Page | Vid

    A PyTorch implementation of
    A PyTorch implementation of "Graph Classification Using Structural Attention" (KDD 2018).

    GAM ⠀⠀ A PyTorch implementation of Graph Classification Using Structural Attention (KDD 2018). Abstract Graph classification is a problem with practic

    Towards Interpretable Deep Metric Learning with Structural Matching
    Towards Interpretable Deep Metric Learning with Structural Matching

    DIML Created by Wenliang Zhao*, Yongming Rao*, Ziyi Wang, Jiwen Lu, Jie Zhou This repository contains PyTorch implementation for paper Towards Interpr

    PyTorch implementation of our ICCV2021 paper: StructDepth: Leveraging the structural regularities for self-supervised indoor depth estimation
    PyTorch implementation of our ICCV2021 paper: StructDepth: Leveraging the structural regularities for self-supervised indoor depth estimation

    StructDepth PyTorch implementation of our ICCV2021 paper: StructDepth: Leveraging the structural regularities for self-supervised indoor depth estimat

    The (Official) PyTorch Implementation of the paper
    The (Official) PyTorch Implementation of the paper "Deep Extraction of Manga Structural Lines"

    MangaLineExtraction_PyTorch The (Official) PyTorch Implementation of the paper "Deep Extraction of Manga Structural Lines" Usage model_torch.py [sourc

    A python-image-classification web application project, written in Python and served through the Flask Microframework. This Project implements the VGG16 covolutional neural network, through Keras and Tensorflow wrappers, to make predictions on uploaded images.
    Releases(v1.0.1)
    Owner
    Oliver Powell
    Biochemistry student @ UEA
    Oliver Powell
    Landmarks Recogntion Web application using Streamlit.

    Landmark Recognition Web-App using Streamlit Watch Tutorial for this project Source Trained model landmarks_classifier_asia_V1/1 is taken from the Ten

    Kushal Bhavsar 5 Dec 12, 2022
    Repository for paper "Non-intrusive speech intelligibility prediction from discrete latent representations"

    Non-Intrusive Speech Intelligibility Prediction from Discrete Latent Representations Official repository for paper "Non-Intrusive Speech Intelligibili

    Alex McKinney 5 Oct 25, 2022
    Standalone pre-training recipe with JAX+Flax

    Sabertooth Sabertooth is standalone pre-training recipe based on JAX+Flax, with data pipelines implemented in Rust. It runs on CPU, GPU, and/or TPU, b

    Nikita Kitaev 26 Nov 28, 2022
    simple_pytorch_example project is a toy example of a python script that instantiates and trains a PyTorch neural network on the FashionMNIST dataset

    simple_pytorch_example project is a toy example of a python script that instantiates and trains a PyTorch neural network on the FashionMNIST dataset

    Ramón Casero 1 Jan 07, 2022
    Vowpal Wabbit is a machine learning system which pushes the frontier of machine learning with techniques such as online, hashing, allreduce, reductions, learning2search, active, and interactive learning.

    This is the Vowpal Wabbit fast online learning code. Why Vowpal Wabbit? Vowpal Wabbit is a machine learning system which pushes the frontier of machin

    Vowpal Wabbit 8.1k Jan 06, 2023
    MAVE: : A Product Dataset for Multi-source Attribute Value Extraction

    MAVE: : A Product Dataset for Multi-source Attribute Value Extraction The dataset contains 3 million attribute-value annotations across 1257 unique ca

    Google Research Datasets 89 Jan 08, 2023
    A Sign Language detection project using Mediapipe landmark detection and Tensorflow LSTM's

    sign-language-detection A Sign Language detection project using Mediapipe landmark detection and Tensorflow LSTM. The project is built for a vocabular

    Hashim 4 Feb 06, 2022
    Camera ready code repo for the NeuRIPS 2021 paper: "Impression learning: Online representation learning with synaptic plasticity".

    Impression-Learning-Camera-Ready Camera ready code repo for the NeuRIPS 2021 paper: "Impression learning: Online representation learning with synaptic

    2 Feb 09, 2022
    [TIP2020] Adaptive Graph Representation Learning for Video Person Re-identification

    Introduction This is the PyTorch implementation for Adaptive Graph Representation Learning for Video Person Re-identification. Get started git clone h

    WuYiming 41 Dec 12, 2022
    GAN Image Generator and Characterwise Image Recognizer with python

    MODEL SUMMARY 모델의 구조는 크게 6단계로 나뉩니다. STEP 0: Input Image Predict 할 이미지를 모델에 입력합니다. STEP 1: Make Black and White Image STEP 1 은 입력받은 이미지의 글자를 흑색으로, 배경을

    Juwan HAN 1 Feb 09, 2022
    Expressive Power of Invariant and Equivaraint Graph Neural Networks (ICLR 2021)

    Expressive Power of Invariant and Equivaraint Graph Neural Networks In this repository, we show how to use powerful GNN (2-FGNN) to solve a graph alig

    Marc Lelarge 36 Dec 12, 2022
    The Face Mask recognition system uses AI technology to detect the person with or without a mask.

    Face Mask Detection Face Mask Detection system built with OpenCV, Keras/TensorFlow using Deep Learning and Computer Vision concepts in order to detect

    Rohan Kasabe 4 Apr 05, 2022
    Deepparse is a state-of-the-art library for parsing multinational street addresses using deep learning

    Here is deepparse. Deepparse is a state-of-the-art library for parsing multinational street addresses using deep learning. Use deepparse to Use the pr

    GRAAL/GRAIL 192 Dec 20, 2022
    Rafael Project- Classifying rockets to different types using data science algorithms.

    Rocket-Classify Rafael Project- Classifying rockets to different types using data science algorithms. In this project we received data base with data

    Hadassah Engel 5 Sep 18, 2021
    Guiding evolutionary strategies by (inaccurate) differentiable robot simulators @ NeurIPS, 4th Robot Learning Workshop

    Guiding Evolutionary Strategies by Differentiable Robot Simulators In recent years, Evolutionary Strategies were actively explored in robotic tasks fo

    Vladislav Kurenkov 4 Dec 14, 2021
    🐾 Semantic segmentation of paws from cute pet images (PyTorch)

    🐾 paw-segmentation 🐾 Semantic segmentation of paws from cute pet images 🐾 Semantic segmentation of paws from cute pet images (PyTorch) 🐾 Paw Segme

    Zabir Al Nazi Nabil 3 Feb 01, 2022
    Video Contrastive Learning with Global Context

    Video Contrastive Learning with Global Context (VCLR) This is the official PyTorch implementation of our VCLR paper. Install dependencies environments

    143 Dec 26, 2022
    Keras-1D-ACGAN-Data-Augmentation

    Keras-1D-ACGAN-Data-Augmentation What is the ACGAN(Auxiliary Classifier GANs) ? Related Paper : [Abstract : Synthesizing high resolution photorealisti

    Jae-Hoon Shim 7 Dec 23, 2022
    Recurrent Variational Autoencoder that generates sequential data implemented with pytorch

    Pytorch Recurrent Variational Autoencoder Model: This is the implementation of Samuel Bowman's Generating Sentences from a Continuous Space with Kim's

    Daniil Gavrilov 347 Nov 14, 2022
    [ICCV2021] Learning to Track Objects from Unlabeled Videos

    Unsupervised Single Object Tracking (USOT) 🌿 Learning to Track Objects from Unlabeled Videos Jilai Zheng, Chao Ma, Houwen Peng and Xiaokang Yang 2021

    53 Dec 28, 2022