语音活动检测项目 关键字:Python,TensorFlow,深度学习,时间序列分类 目录 1.11.21.3 2.12.2 5.15.2将5.35.4 去做 资源 1.安装 该项目旨在: Ubuntu的20.04 的Python 3.7.3 TensorFlow 1.15.4 $ cd /path/to/project/ $ git clone https://github.com/filippogiruzzi/voice_activity_detection.git $ cd voice_activity_detection/ 1.1基本安装 $ pip3 install -r requirements.txt $ pip3 install -e . 1.2虚拟环境安装 1.3 Docker安装 构建docker镜像: $ sudo make build (这可能
1
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
作者 项目 文献资料 建置状态 代码质量 覆盖范围 NumPyNet Linux / MacOS : Windows : 编码: 编码节拍: 纯NumPy中的神经网络-NumPyNet 在神经网络模型的纯Numpy中实现。 NumPyNet支持语法非常接近Keras之一,但它使用只写了Numpy功能:这种方式很轻,快速安装和使用/修改。 理论 先决条件 安装 效率 用法 贡献 参考 作者 执照 致谢 引文 概述 NumPyNet是作为研究神经网络模型的教育框架而诞生的。 编写该指南的目的是平衡代码的可读性和计算性能,并提供大量文档,以更好地理解每个脚本的功能。 该库是用纯Python编写的,唯一使用的外部库是Numpy (科学研究的基本软件包)。 尽管所有常见的库都通过广泛的文档进行了关联,但对于新用户而言,通常很难在其中引用的许多超链接和论文中四处移动。 NumPyNet试
1
NumpyDL:Numpy深度学习库 内容描述 NumpyDL是: 基于纯Numpy / Python 对于DL教育 特征 其主要特点是: 纯洁的脾气暴躁 原生于Python 基本支持自动区分 提供了常用的模型:MLP,RNN,LSTM和CNN 几个AI任务的示例 对于玩具聊天机器人应用 文献资料 可用的在线文档: 最新文件 开发文档 稳定文档 可用的离线PDF: 最新PDF 安装 使用pip安装NumpyDL: $ > pip install npdl 从源代码安装: $ > python setup.py install 例子 NumpyDL提供了一些AI任务示例: 句子分类 示例/lstm_sentence_classification.py中的LSTM 例子中的CNN / cnn_sentence_classification.py mnist手写识
2024-02-23 17:06:34 16.61MB deep-neural-networks deep-learning
1
生成绘画火炬 根据作者的,对PyTorch重新。 先决条件 该代码已经在Ubuntu 14.04上进行了测试,以下是需要安装的主要组件: Python3 PyTorch 1.0+ 火炬视觉0.2.0+ 张量板 pyyaml 训练模型 python train.py --config configs/config.yaml 检查点和日志将保存到checkpoints 。 用训练好的模型进行测试 默认情况下,它将在检查点中加载最新保存的模型。 您也可以使用--iter通过迭代选择保存的模型。 训练有素的PyTorch模型:[ ] [] python test_single.py \ --image examples/imagenet/imagenet_patches_ILSVRC2012_val_00008210_input.png \ --mask examples/cen
1
内含Jeff Heaton的三本关于神经网络的英文书: (1)《Introduction to Neural Networks for Java, 2nd Edition》; (2)《Introduction to neural networks for c# Second Edtion》; (3)《Introduction to the Math of Neural Network》
2024-01-13 12:19:49 6.76MB Neural Networks Java/C# Jeff
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
总共1000多页,很好的资料,着重讲DL4J。
2023-10-24 12:53:43 11.53MB Java Deep Learning
1
For graduate-level neural network courses offered in the departments of Computer Engineering, Electrical Engineering, and Computer Science. Renowned for its thoroughness and readability, this well-organized and completely up-to-date text remains the most comprehensive treatment of neural networks from an engineering perspective. Refocused, revised and renamed to reflect the duality of neural networks and learning machines, this edition recognizes that the subject matter is richer when these topics are studied together. Ideas drawn from neural networks and machine learning are hybridized to perform improved learning tasks beyond the capability of either independently.
2023-10-07 23:06:25 13.71MB 机器学习 神经网络 深度学习
1
用于文档图像变形的门控和分叉堆叠式U-Net模块 捕获文档图像是记录它们的最简单,最常用的方法之一。 但是,这些图像是在手持设备的帮助下捕获的,通常会导致难以消除的不良失真。 我们提出了一个监督的门控和分叉堆叠式U-Net模块,以预测变形网格并从输入中创建无失真的图像。 在对网络进行人工合成的文档图像训练时,将根据真实世界的图像来计算结果。 我们方法的新颖性不仅存在于U-Net的分叉中,以帮助消除网格坐标的混合,而且还存在于使用门控网络的情况下,该门控网络为模型增加了边界和其他分钟线级别的细节。 我们提出的端到端流水线仅在先前方法中使用的数据的8%进行训练后,就可以在DocUNet数据集上实现最新的性能。 要求 所需的软件包: 火炬(> 1.4.0) 火炬视觉(> 0.6.0) numpy(> 1.18.4) 要安装所有必需的软件包,请使用pip install -r requir
1