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
    Byzantine-robust decentralized learning via self-centered clipping

    Byzantine-robust decentralized learning via self-centered clipping In this paper, we study the challenging task of Byzantine-robust decentralized trai

    EPFL Machine Learning and Optimization Laboratory 4 Aug 27, 2022
    A proof of concept ai-powered Recaptcha v2 solver

    Recaptcha Fullauto I've decided to open source my old Recaptcha v2 solver. My latest version will be opened sourced this summer. I am hoping this proj

    Nate 60 Dec 20, 2022
    Yolo ros - YOLO-ROS for HUAWEI ATLAS200

    YOLO-ROS YOLO-ROS for NVIDIA YOLO-ROS for HUAWEI ATLAS200, please checkout for b

    ChrisLiu 5 Oct 18, 2022
    Implementation of H-UCRL Algorithm

    Implementation of H-UCRL Algorithm This repository is an implementation of the H-UCRL algorithm introduced in Curi, S., Berkenkamp, F., & Krause, A. (

    Sebastian Curi 25 May 20, 2022
    Implements an infinite sum of poisson-weighted convolutions

    An infinite sum of Poisson-weighted convolutions Kyle Cranmer, Aug 2018 If viewing on GitHub, this looks better with nbviewer: click here Consider a v

    Kyle Cranmer 26 Dec 07, 2022
    MagFace: A Universal Representation for Face Recognition and Quality Assessment

    MagFace MagFace: A Universal Representation for Face Recognition and Quality Assessment in IEEE Conference on Computer Vision and Pattern Recognition

    Qiang Meng 523 Jan 05, 2023
    Awesome-AI-books - Some awesome AI related books and pdfs for learning and downloading

    Awesome AI books Some awesome AI related books and pdfs for downloading and learning. Preface This repo only used for learning, do not use in business

    luckyzhou 1k Jan 01, 2023
    A curated list of awesome open source libraries to deploy, monitor, version and scale your machine learning

    Awesome production machine learning This repository contains a curated list of awesome open source libraries that will help you deploy, monitor, versi

    The Institute for Ethical Machine Learning 12.9k Jan 04, 2023
    PyTorch implementation of "Learning to Discover Cross-Domain Relations with Generative Adversarial Networks"

    DiscoGAN in PyTorch PyTorch implementation of Learning to Discover Cross-Domain Relations with Generative Adversarial Networks. * All samples in READM

    Taehoon Kim 1k Jan 04, 2023
    Pcos-prediction - Predicts the likelihood of Polycystic Ovary Syndrome based on patient attributes and symptoms

    PCOS Prediction 🥼 Predicts the likelihood of Polycystic Ovary Syndrome based on

    Samantha Van Seters 1 Jan 10, 2022
    This repository contains a toolkit for collecting, labeling and tracking object keypoints

    This repository contains a toolkit for collecting, labeling and tracking object keypoints. Object keypoints are semantic points in an object's coordinate frame.

    ETHZ ASL 13 Dec 12, 2022
    Sign Language is detected in realtime using video sequences. Our approach involves MediaPipe Holistic for keypoints extraction and LSTM Model for prediction.

    RealTime Sign Language Detection using Action Recognition Approach Real-Time Sign Language is commonly predicted using models whose architecture consi

    Rishikesh S 15 Aug 20, 2022
    A simple code to perform canny edge contrast detection on images.

    CECED-Canny-Edge-Contrast-Enhanced-Detection A simple code to perform canny edge contrast detection on images. A simple code to process images using c

    Happy N. Monday 3 Feb 15, 2022
    Galactic and gravitational dynamics in Python

    Gala is a Python package for Galactic and gravitational dynamics. Documentation The documentation for Gala is hosted on Read the docs. Installation an

    Adrian Price-Whelan 101 Dec 22, 2022
    A Gura parser implementation for Python

    Gura Python parser This repository contains the implementation of a Gura (compliant with version 1.0.0) format parser in Python. Installation pip inst

    Gura Config Lang 19 Jan 25, 2022
    The world's simplest facial recognition api for Python and the command line

    Face Recognition You can also read a translated version of this file in Chinese 简体中文版 or in Korean 한국어 or in Japanese 日本語. Recognize and manipulate fa

    Adam Geitgey 46.9k Jan 03, 2023
    [SIGGRAPH 2020] Attribute2Font: Creating Fonts You Want From Attributes

    Attr2Font Introduction This is the official PyTorch implementation of the Attribute2Font: Creating Fonts You Want From Attributes. Paper: arXiv | Rese

    Yue Gao 200 Dec 15, 2022
    Offline Multi-Agent Reinforcement Learning Implementations: Solving Overcooked Game with Data-Driven Method

    Overcooked-AI We suppose to apply traditional offline reinforcement learning technique to multi-agent algorithm. In this repository, we implemented be

    Baek In-Chang 14 Sep 16, 2022
    Face Recognition Attendance Project

    Face-Recognition-Attendance-Project In This Project You will learn how to mark attendance using face recognition, Hello Guys This is Gautam Kumar, Thi

    Gautam Kumar 1 Dec 03, 2022
    A PyTorch Implementation of Gated Graph Sequence Neural Networks (GGNN)

    A PyTorch Implementation of GGNN This is a PyTorch implementation of the Gated Graph Sequence Neural Networks (GGNN) as described in the paper Gated G

    Ching-Yao Chuang 427 Dec 13, 2022