语音活动检测项目 关键字: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
A step-by-step gentle journey through the mathematics of neural networks, and making your own using the Python computer language. Neural networks are a key element of deep learning and artificial intelligence, which today is capable of some truly impressive feats. Yet too few really understand how neural networks actually work. This guide will take you on a fun and unhurried journey, starting from very simple ideas, and gradually building up an understanding of how neural networks work. You won't need any mathematics beyond secondary school, and an accessible introduction to calculus is also included. The ambition of this guide is to make neural networks as accessible as possible to as many readers as possible - there are enough texts for advanced readers already! You'll learn to code in Python and make your own neural network, teaching it to recognise human handwritten numbers, and performing as well as professionally developed networks. Part 1 is about ideas. We introduce the mathematical ideas underlying the neural networks, gently with lots of illustrations and examples. Part 2 is practical. We introduce the popular and easy to learn Python programming language, and gradually builds up a neural network which can learn to recognise human handwritten numbers, easily getting it to perform as well as networks made by professionals. Part 3 extends these ideas further. We push the performance of our neural network to an industry leading 98% using only simple ideas and code, test the network on your own handwriting, take a privileged peek inside the mysterious mind of a neural network, and even get it all working on a Raspberry Pi. All the code in this has been tested to work on a Raspberry Pi Zero.
2024-01-13 11:04:46 4.97MB neural netwo machine lear
1
歌词条件下的神经旋律生成(在演示)。 2020年9月19日,@@@:可以从下载完整的歌词旋律源。 2020年9月17日,@@@:更新了读者的答案,并发布了此工作的更新版本在多媒体计算中ACM交易接受了共享通信与应用(TOMCCAP),2021年。@ 2020年2月14日:发布了用于歌词生成的常规LSTM-GAN编码, 为 如果您使用我们的歌词旋律数据集和歌词嵌入(包括在我们的歌词数据集中经过专门训练的跳码mdoel和BERT模型),请引用我们的论文“用于从歌词生成旋律的有条件LSTM-GAN”,网址为 ,在2021年被ACM多媒体计算通信和应用交易记录(TOMCCAP)接受。您可以找到我们在本文的主观评估中使用的12种旋律(melodies_experiment.zip)。 这12种旋律分别通过基线方法,LSTM-GAN和基本事实生成。 -基线方法:bas1-4--; --LSTM-GA
2023-12-06 17:18:57 583.79MB JupyterNotebook
1
墨西哥帽子matlab代码神经网络算法 用MATLAB编写的神经网络算法 hebbian.m 该代码采用输入向量,权重,学习常数,并在每个阶段绘制更新后的权重 净额 代码将两个矩阵相乘 BAM_network.m 这个Matlab代码在以5x3的矩阵制作时为英语alphabects训练了双向联想存储网络的权重。 max_net.m 基于竞争的神经网络的具体示例。 可以用作子网来选择输入量最大的节点。 max_hat.m 该matlab代码采用以下参数输入n个输入神经元:->互连区域的半径->具有正互连的区域的半径->恒定c1->恒定c2->外部信号。 该代码对这些输入神经元执行墨西哥帽算法,并执行所需的次数。 hamming_net.m 这些网络可用于查找最接近双极性输入向量x的示例。 索姆 此代码已演示了Kohonen自组织图,也称为拓扑保留图算法。 lvq.m 该代码显示了线性向量量化算法的工作原理。 目前,代码将2类分类。 将对代码进行进一步的改进。 感知器 该代码显示了用于逻辑门的感知器学习算法的实现。 在最初阶段,已实现了“与门”,其输入值和目标输出可在代码中轻松修改。 它采
2023-11-26 17:31:59 7KB 系统开源
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