PSP - 蛋白质与蛋白质的扩散对接 DiffDock-PP 算法

2023-12-21 03:28

本文主要是介绍PSP - 蛋白质与蛋白质的扩散对接 DiffDock-PP 算法,希望对大家解决编程问题提供一定的参考价值,需要的开发者们随着小编来一起学习吧!

欢迎关注我的CSDN:https://spike.blog.csdn.net/
本文地址:https://spike.blog.csdn.net/article/details/135115528

DiffDock-PP

DiffDock-PP is a new approach to rigid-body protein-protein docking that is based on a diffusion generative model that learns to translate and rotate unbound protein structures into their bound conformations, and a confidence model that learns to rank different poses generated by the score model and select the best one.

DiffDock-PP 是一种新的刚体蛋白质-蛋白质对接方法,基于扩散生成模型,该模型学习将未结合的蛋白质结构翻译和旋转为其结合构象,基于置信模型,该模型学习对评分模型生成的不同姿势,进行排序并选择最佳姿势。

  • Paper:DiffDock-PP: Rigid Protein-Protein Docking with Diffusion Models
  • Github:https://github.com/ketatam/DiffDock-PP

算法整体思路与 DiffDock 接近,Paper:DiffDock: Diffusion Steps, Twists, and Turns for Molecular Docking

Conda 环境配置:

conda create -n diffdock_pp python=3.10.8
conda activate diffdock_ppconda install pytorch=1.13.0 pytorch-cuda=11.6 -c pytorch -c nvidia

验证 PyTorch 是否安装成功:

import torch
print(torch.__version__)  # 1.13.0
print(torch.cuda.is_available())  # True

安装其他包:

pip install --no-cache-dir  torch-scatter==2.0.9 torch-sparse==0.6.15 torch-cluster torch-spline-conv torch-geometric -f https://data.pyg.org/whl/torch-1.13.0+cu116.htmlpip install numpy dill tqdm pyyaml pandas biopandas scikit-learn biopython e3nn wandb tensorboard tensorboardX matplotlib

下载数据,具体数据路径 datasets/DIPS/pairs_pruned,即:

bypy downfile /psp_data/diffdock_pp/DIPS.zip DIPS.zip

具体使用位于 src/inference.sh,参考 dips_esm_inference.yaml

 data:dataset: dipsdata_file: datasets/DIPS/data_file_100_test.csvdata_path: datasets/DIPS/pairs_pruned
...

其中,数据文件 data_file_100_test.csv,即:

path,split
eb/1ebo.pdb2_1.dill,test
dm/3dmp.pdb3_2.dill,test
kq/1kq1.pdb1_1.dill,test
b2/2b24.pdb1_8.dill,test
cf/3cf0.pdb1_6.dill,test
...

还需要下载 ESM 的 650M 模型,位于 torchhub/checkpoints,否则下载很慢,即:

esm2_t33_650M_UR50D-contact-regression.pt
esm2_t33_650M_UR50D.pt

其中数据类型是 dill 类型,PDB 转换成 dill 类型,参考 https://github.com/octavian-ganea/equidock_public#dips-data

运行推理脚本:

sh src/inference.sh

其中,在运行时,在 src/geom_utils/so3.py 中,需要预处理 npy ,耗时较长,即:

.so3_cdf_vals2.npy
.so3_exp_score_norms2.npy
.so3_omegas_array2.npy
.so3_score_norms2.npy

运行日志:

SCORE_MODEL_PATH: checkpoints/large_model_dips/fold_0/
CONFIDENCE_MODEL_PATH: checkpoints/large_model_dips/fold_0/
SAVE_PATH: ckpts/test_large_model_dips
09:50:16 Starting Inference
data loading: 100%|| 100/100 [00:00<00:00, 561486
09:50:18 Computing ESM embeddings
Using cache found in torchhub/facebookresearch_esm_main
ESM: 100%|██████████| 4/4 [00:10<00:00,  2.70s/it]
ESM: 100%|██████████| 4/4 [00:06<00:00,  1.61s/it]
09:50:50 finished tokenizing residues with ESM
09:50:50 finished tokenizing all inputs
09:50:50 100 entries loaded
09:50:50 finished loading raw data
09:50:50 running inference
09:50:50 finished creating data splits
miniconda3/envs/diffdock_pp/lib/python3.10/site-packages/torch/jit/_check.py:181: UserWarning: The TorchScript type system doesn't support instance-level annotations on empty non-base types in `__init__`. Instead, either 1) use a type annotation in the class body, or 2) wrap the type in `torch.jit.Attribute`.warnings.warn("The TorchScript type system doesn't support "
09:50:52 loaded model with kwargs: 
checkpoint checkpoints/large_model_dips/fold_0/model_best_338669_140_31.084_30.347.pth
09:50:52 loaded checkpoint from checkpoints/large_model_dips/fold_0/model_best_338669_140_31.084_30.347.pth
09:50:53 loaded model with kwargs: 
checkpoint checkpoints/confidence_model_dips/fold_0/model_best_0_6_0.241_0.887.pth
09:50:53 loaded checkpoint from checkpoints/confidence_model_dips/fold_0/model_best_0_6_0.241_0.887.pth
09:50:53 finished loading model
args.temp_sampling: 2.4390%|                                                                                                       | 0/100 [00:00<?, ?it/s]09:53:42 Completed 0 out of 40 steps
09:53:44 Completed 1 out of 40 steps
09:53:46 Completed 2 out of 40 steps
09:53:48 Completed 3 out of 40 steps
...

预测结果,1B26 Receptor 和 Ligand,即:
Img

NVCC Bug,参考 GitHub - Failed building wheel for torch-cluster:

      In file included from csrc/cuda/graclus_cuda.cu:3:0:diffdock_pp/lib/python3.10/site-packages/torch/include/ATen/cuda/CUDAContext.h:10:10: fatal error: cusolverDn.h: No such file or directory#include <cusolverDn.h>^~~~~~~~~~~~~~compilation terminated.error: command 'diffdock_pp/bin/nvcc' failed with exit code 1[end of output]note: This error originates from a subprocess, and is likely not a problem with pip.ERROR: Failed building wheel for torch-clusterRunning setup.py clean for torch-cluster
Failed to build torch-cluster
ERROR: Could not build wheels for torch-cluster, which is required to install pyproject.toml-based projects

解决方案,参考 [BUG] fatal error: cusolverDn.h: No such file or directory:

export PATH=/usr/local/cuda/bin:$PATH

这篇关于PSP - 蛋白质与蛋白质的扩散对接 DiffDock-PP 算法的文章就介绍到这儿,希望我们推荐的文章对编程师们有所帮助!



http://www.chinasem.cn/article/518489

相关文章

不懂推荐算法也能设计推荐系统

本文以商业化应用推荐为例,告诉我们不懂推荐算法的产品,也能从产品侧出发, 设计出一款不错的推荐系统。 相信很多新手产品,看到算法二字,多是懵圈的。 什么排序算法、最短路径等都是相对传统的算法(注:传统是指科班出身的产品都会接触过)。但对于推荐算法,多数产品对着网上搜到的资源,都会无从下手。特别当某些推荐算法 和 “AI”扯上关系后,更是加大了理解的难度。 但,不了解推荐算法,就无法做推荐系

康拓展开(hash算法中会用到)

康拓展开是一个全排列到一个自然数的双射(也就是某个全排列与某个自然数一一对应) 公式: X=a[n]*(n-1)!+a[n-1]*(n-2)!+...+a[i]*(i-1)!+...+a[1]*0! 其中,a[i]为整数,并且0<=a[i]<i,1<=i<=n。(a[i]在不同应用中的含义不同); 典型应用: 计算当前排列在所有由小到大全排列中的顺序,也就是说求当前排列是第

csu 1446 Problem J Modified LCS (扩展欧几里得算法的简单应用)

这是一道扩展欧几里得算法的简单应用题,这题是在湖南多校训练赛中队友ac的一道题,在比赛之后请教了队友,然后自己把它a掉 这也是自己独自做扩展欧几里得算法的题目 题意:把题意转变下就变成了:求d1*x - d2*y = f2 - f1的解,很明显用exgcd来解 下面介绍一下exgcd的一些知识点:求ax + by = c的解 一、首先求ax + by = gcd(a,b)的解 这个

综合安防管理平台LntonAIServer视频监控汇聚抖动检测算法优势

LntonAIServer视频质量诊断功能中的抖动检测是一个专门针对视频稳定性进行分析的功能。抖动通常是指视频帧之间的不必要运动,这种运动可能是由于摄像机的移动、传输中的错误或编解码问题导致的。抖动检测对于确保视频内容的平滑性和观看体验至关重要。 优势 1. 提高图像质量 - 清晰度提升:减少抖动,提高图像的清晰度和细节表现力,使得监控画面更加真实可信。 - 细节增强:在低光条件下,抖

【数据结构】——原来排序算法搞懂这些就行,轻松拿捏

前言:快速排序的实现最重要的是找基准值,下面让我们来了解如何实现找基准值 基准值的注释:在快排的过程中,每一次我们要取一个元素作为枢纽值,以这个数字来将序列划分为两部分。 在此我们采用三数取中法,也就是取左端、中间、右端三个数,然后进行排序,将中间数作为枢纽值。 快速排序实现主框架: //快速排序 void QuickSort(int* arr, int left, int rig

poj 3974 and hdu 3068 最长回文串的O(n)解法(Manacher算法)

求一段字符串中的最长回文串。 因为数据量比较大,用原来的O(n^2)会爆。 小白上的O(n^2)解法代码:TLE啦~ #include<stdio.h>#include<string.h>const int Maxn = 1000000;char s[Maxn];int main(){char e[] = {"END"};while(scanf("%s", s) != EO

秋招最新大模型算法面试,熬夜都要肝完它

💥大家在面试大模型LLM这个板块的时候,不知道面试完会不会复盘、总结,做笔记的习惯,这份大模型算法岗面试八股笔记也帮助不少人拿到过offer ✨对于面试大模型算法工程师会有一定的帮助,都附有完整答案,熬夜也要看完,祝大家一臂之力 这份《大模型算法工程师面试题》已经上传CSDN,还有完整版的大模型 AI 学习资料,朋友们如果需要可以微信扫描下方CSDN官方认证二维码免费领取【保证100%免费

Kubernetes PodSecurityPolicy:PSP能实现的5种主要安全策略

Kubernetes PodSecurityPolicy:PSP能实现的5种主要安全策略 1. 特权模式限制2. 宿主机资源隔离3. 用户和组管理4. 权限提升控制5. SELinux配置 💖The Begin💖点点关注,收藏不迷路💖 Kubernetes的PodSecurityPolicy(PSP)是一个关键的安全特性,它在Pod创建之前实施安全策略,确保P

dp算法练习题【8】

不同二叉搜索树 96. 不同的二叉搜索树 给你一个整数 n ,求恰由 n 个节点组成且节点值从 1 到 n 互不相同的 二叉搜索树 有多少种?返回满足题意的二叉搜索树的种数。 示例 1: 输入:n = 3输出:5 示例 2: 输入:n = 1输出:1 class Solution {public int numTrees(int n) {int[] dp = new int

Codeforces Round #240 (Div. 2) E分治算法探究1

Codeforces Round #240 (Div. 2) E  http://codeforces.com/contest/415/problem/E 2^n个数,每次操作将其分成2^q份,对于每一份内部的数进行翻转(逆序),每次操作完后输出操作后新序列的逆序对数。 图一:  划分子问题。 图二: 分而治之,=>  合并 。 图三: 回溯: