gnina(发音为NEE-na)是一个分子对接程序,具有使用卷积神经网络对配体进行评分和优化的综合支持。 这是的叉子,是的叉子。 帮助 请。 提供一个示例Colab笔记本,其中显示了如何使用gnina。 引文 如果您发现gnina有用,请引用我们的论文: GNINA 1.0:分子对接与深度学习(主要应用引用) 阿McNutt,P Francoeur,R Aggarwal,T Masuda,R Meli,M Ragoza,J Sunseri,DR Koes。 ChemRxiv,2021年 卷积神经网络的蛋白质配体评分(主要方法引用) M Ragoza,J Hochuli,E Idrobo,J Sunseri,DR Koes。 J.化学。 Inf。 模型,2017 基于原子网格的卷积神经网络的配体姿态优化M Ragoza,L Turner和DR Koes。 分子与材料的机器学习NIP
1
LazyProgrammer, "Convolutional Neural Networks in Python: Master Data Science and Machine Learning with Modern Deep Learning in Python, Theano, and TensorFlow" 2016 | ASIN: B01FQDREOK | 52 pages | EPUB | 1 MB This is the 3rd part in my Data Science and Machine Learning series on Deep Learning in Python. At this point, you already know a lot about neural networks and deep learning, including not just the basics like backpropagation, but how to improve it using modern techniques like momentum and adaptive learning rates. You've already written deep neural networks in Theano and TensorFlow, and you know how to run code using the GPU. This book is all about how to use deep learning for computer vision using convolutional neural networks. These are the state of the art when it comes to image classification and they beat vanilla deep networks at tasks like MNIST. In this course we are going to up the ante and look at the StreetView House Number (SVHN) dataset - which uses larger color images at various angles - so things are going to get tougher both computationally and in terms of the difficulty of the classification task. But we will show that convolutional neural networks, or CNNs, are capable of handling the challenge! Because convolution is such a central part of this type of neural network, we are going to go in-depth on this topic. It has more applications than you might imagine, such as modeling artificial organs like the pancreas and the heart. I'm going to show you how to build convolutional filters that can be applied to audio, like the echo effect, and I'm going to show you how to build filters for image effects, like the Gaussian blur and edge detection. After describing the architecture of a convolutional neural network, we will jump straight into code, and I will show you how to extend the deep neural networks we built last time with just a few new functions to turn them into CNNs. We will then test their performance and show how convolutional neural networks written in both Theano and TensorFlow can outperform the accuracy of a plain neural network on the StreetView House Number dataset.
2023-10-26 06:03:37 1.21MB Python Neural Network
1
解开变分自编码器 PyTorch 实现的论文 团队成员: 安德烈亚斯·斯帕诺普洛斯 ( ) Demetrios Konstantinidis ( ) 存储库结构 目录包含我们迄今为止创建的模型。 一路上还会有更多。 python脚本是主要的可执行文件。 目录包含可用于训练和测试的 colab notebook。 在目录中有一个 ,其中详细解释了变分自动编码器的基本数学概念。 在目录中有一些配置文件可用于创建模型。 在目录中有我们通过使用各种配置运行模型得到的结果。 楷模 目前支持两种模型,一个简单的变分自动编码器和一个解开版本 (beta-VAE)。 模型实现可以在目录中找到。 这些模型是使用PyTorch Lightning开发的。 变分自编码器 变分自编码器是一个生成模型。 它的目标是学习数据集的分布,然后从相同的分布中生成新的(看不见的)数据点。 在下图中,我们可
1
通过卷积神经网络学习人机交互 在我在东京大学的研究实习期间保存所做工作的资料库。 日本农业技术研究院。 这项研究是关于使用卷积神经网络(CNN)通过从力传感器中学习数据模式来对人类的几种触摸交互类型进行分类(p,划痕,轻击,硬压和中性)。 该传感器将人的触觉转换为3维力数据。 数据 每0.02秒(50 fps)使用pySerial获取数据。 十个人每次对传感器进行30次触摸交互并记录数据。 从数据统计数据中推断出一个合适的阈值,以区分噪声中的正信号和一个正事件(样本)的合适数量的帧。 通过将每个数据样本内插到40帧并对它们进行归一化以减少零偏噪声的影响,对数据进行预处理。 由于该数据集属于实验室中的个人,因此此处未共享。 即将完成涵盖受试者身份以保护其隐私的过程,然后将发布数据集。 该模型 使用Python中的Keras框架使用数据训练了CNN模型。 Adam优化器用于lr = 1
1
道路分割 合作者: 目录 : 介绍 该项目是 “模式分类和机器学习”课程的一部分。 更具体地说,这是我们针对道路分割的第二个项目的解决方案。 该文件概述了我们的代码及其功能。 有关该项目本身的所有其他说明,可以在其官方文件( paper.pdf文件)中找到。 该项目的目标是通过确定哪些16x16像素斑块是道路还是不是道路来分割地球的卫星图像。 简而言之,该代码运行第一个卷积神经网络以获得基本预测。 此后,它运行第二个,即后处理一个,它使用先前计算的预测来给出最终预测。 结果 我们取得了约0.91的F1分数,下面您将看到一个图像,说明所获得的定性结果。 在图像上,每个检测到的道路补丁都以
1
Keras CNN分类器 该存储库提供代码以根据Tensorflow 2.0中Keras API提供的预训练卷积神经网络(CNN)设置和训练自己的图像分类器。 您可以利用转移学习对自己收集的数据集进行训练,或者从头开始训练网络以比较大型数据集的性能。 如何使用 这个仓库的主要代码包含在ClassifierCNN类Classifier.py 。 您真正需要做的就是导入该类,设置一个适当的实例来指定所需的数据集和模型,一切顺利。 下面提供了一些示例: # Import pre-trained Keras CNN Model from keras.applications.densenet import DenseNet169 # Import ClassifierCNN class from Classifier import ClassifierCNN # Instantiate clas
1
RNN和Temporal-ConvNet进行活动识别 ,(等额缴纳) 论文代码: (在杂志上接受,2019年) 项目: 抽象的 在这项工作中,我们使用ResNet-101演示了一个强大的基线两流ConvNet。 我们使用此基线来彻底检查RNN和Temporal-ConvNets的使用,以提取时空信息。 基于我们的实验结果,然后我们提出并研究了两个不同的网络,以进一步整合时空信息:1)时域RNN和2)初始样式的Temporal-ConvNet。 我们的分析确定了每种方法的特定局限性,这些局限性可能构成未来工作的基础。 我们在UCF101和HMDB51数据集上的实验结果分别达到了94.1%和69.0%的最新性能,而无需大量的时间增强。 我们如何解决活动识别问题? 演示版 GIF展示了我们的TS-LSTM和“时间-开始”方法的前3个预测结果。 顶部的文本是基本事实,三个文本是每种方法的预
1
Deep convolutional neural networks as an estimator of porosity i
2022-11-12 11:30:34 329KB 深度学习 卷积神经网络 岩石图像
1
Deep convolutional neural networks as a geological image classif
2022-11-12 09:31:41 4.86MB 深度学习 卷积神经网络 岩石图像
1
Most 3D shape classification and retrieval algorithms were based on rigid 3D shapes, deploying these algorithms directly to nonrigid 3D shapes may lead to poor performance due to complexity and changeability of non-rigid 3D shapes. To address this challenge, we propose a fusion view convolutional neural networks (FVCNN) framework to extract the deep fusion features for non-rigid 3D shape classification and retrieval. We first propose a projection module to transform the nonrigid 3D shape into a
2022-09-08 23:41:05 3.62MB 研究论文
1