论文链接: https://arxiv.org/pdf/1703.04247.pdf FM原理参考: Factorization Machines with libFM 论文阅读  https://www.cnblogs.com/yaoyaohust/p/10225055.html GBDT,FM,FFM推导  https://www.cnblogs.com/yaoyaohust/p/7865379.html 类别型特征one-hot编码,连续型特征直接表示或者离散化后one-hot编码. 核心…
论文笔记系列-Neural Network Search :A Survey 论文 笔记 NAS automl survey review reinforcement learning Bayesian Optimization evolutionary algorithm  注:本文主要是结合自己理解对原文献的总结翻译,有的部分直接翻译成英文不太好理解,所以查阅原文会更直观更好理解. 本文主要就Search Space.Search Strategy.Performance Estimatio…
I am using pybrain on my Linuxmint 13 x86_64 PC. As what it is described: PyBrain is a modular Machine Learning Library for Python. Its goal is to offer flexible, easy-to-use yet still powerful algorithms for Machine Learning Tasks and a variety of p…
整理自Andrew Ng的machine learning课程week 4. 目录: 为什么要用神经网络 神经网络的模型表示 1 神经网络的模型表示 2 实例1 实例2 多分类问题 1.为什么要用神经网络 当我们有大量的features时:如$x_1, x_2,x_3.......x_{100}$ 假设我们现在使用一个非线性的模型,多项式最高次为2次,那么对于非线性分类问题而言,如果使用逻辑回归的话: $g(\theta_0+\theta_1x_1+\theta_2x_2+\theta_3x_1…
整理自Andrew Ng的machine learning 课程 week5. 目录: Neural network and classification Cost function Backpropagation (to minimize cost function) Backpropagation in practice Gradient checking Random initialization Assure structure and Train a neural network 前提…
整理自Andrew Ng的machine learning课程week6. 目录: Advice for applying machine learning (Decide what to do next) Debugging a learning algorithm machine learning diagnostic Evaluating a hypothesis Model selection and Train / validation / test set Bias and Vari…
ReNet: A Recurrent Neural Network Based Alternative to Convolutional Networks2018-03-05  11:13:05   1. 引言: 本文尝试用 基于四个方向的 RNN 来替换掉 CNN中的 convolutional layer(即:卷积+Pooling 的组合).通过在前一层的 feature 上进行四个方向的扫描,完成特征学习的过程. The recurrent layer ensures that each…
A NEW HYPERSPECTRAL BAND SELECTION APPROACH BASED ON CONVOLUTIONAL NEURAL NETWORK 文章地址:https://ieeexplore.ieee.org/stamp/stamp.jsp?tp=&arnumber=8127792 写在前面:各位朋友好,这是本人第一篇博客,为了不打击自己,决定从一篇易懂的paper的阅读笔记开始写起,写的不好不对的地方望各位朋友不吝赐教,在此先行谢过. 1.文章简介: 这是一篇运用卷积神经网…
郑重声明:原文参见标题,如有侵权,请联系作者,将会撤销发布! Abstract: 在深度学习的最新进展的启发下,我们提出了一种基于卷积神经网络(CNN)的视频压缩框架DeepCoder.我们分别对预测信号和残差信号应用独立的CNN网络.采用标量量化和哈夫曼编码将量化后的特征映射编码为二进制流.本文采用固定的32×32块来证明我们的想法,并与已知的H.264/AVC视频编码标准进行了性能比较,具有可比较的率失真性能.这里使用结构相似性(SSIM)来测量失真,因为它更接近感知响应. I. INTRO…
目录 摘要 一.引言 二.相关工作 基于体素网格的特征学习 直接从非结构化点云中学习特征 从多视图模型中学习特征 几何深度学习的学习特征 三.GAPNet架构 3.1 GAPLayer 局部结构表示 单头GAPLayer 多头机制 3.2注意力池化层 3.3 GAPNet架构 四.实验 4.1分类 数据集 网络结构 训练细节 结果 消融研究 4.2 语义部件分割 数据集 模型结构 训练细节 结果 五.结论 GAPNet: Graph Attention based Point Neural Ne…
论文翻译:https://arxiv.53yu.com/abs/2009.13931 基于高效多任务卷积神经网络的残余回声抑制 摘要 在语音通信系统中,回声会降低用户体验,需要对其进行彻底抑制.提出了一种利用卷积神经网络实现实时残余回声抑制(RAES)的方法.在多任务学习的背景下,采用双语音检测器作为辅助任务来提高性能.该训练准则基于一种新的损失函数,我们称之为抑制损失,以平衡残余回声的抑制和近端信号的失真.实验结果表明,该方法能有效抑制不同情况下的残余回声. 关键字:残余回声抑制,卷积神经网络…
论文地址:一种新的基于循环神经网络的远场语音通信实时噪声抑制算法 引用格式:Chen B, Zhou Y, Ma Y, et al. A New Real-Time Noise Suppression Algorithm for Far-Field Speech Communication Based on Recurrent Neural Network[C]//2021 IEEE International Conference on Signal Processing, Communica…
1. Feedforward and cost function; 2.Regularized cost function: 3.Sigmoid gradient The gradient for the sigmoid function can be computed as: where: 4.Random initialization randInitializeWeights.m function W = randInitializeWeights(L_in, L_out) %RANDIN…
Handwritten digits recognition (0-9) Multi-class Logistic Regression 1. Vectorizing Logistic Regression (1) Vectorizing the cost function (2) Vectorizing the gradient (3) Vectorizing the regularized cost function (4) Vectorizing the regularized gradi…
论文地址:TCNN:时域卷积神经网络用于实时语音增强 论文代码:https://github.com/LXP-Never/TCNN(非官方复现) 引用格式:Pandey A, Wang D L. TCNN: Temporal convolutional neural network for real-time speech enhancement in the time domain[C]//ICASSP 2019-2019 IEEE International Conference on Ac…
作者:zhbzz2007 出处:http://www.cnblogs.com/zhbzz2007 欢迎转载,也请保留这段声明.谢谢! 本文翻译自 RECURRENT NEURAL NETWORKS TUTORIAL, PART 1 – INTRODUCTION TO RNNS . Recurrent Neural Networks(RNNS) ,循环神经网络,是一个流行的模型,已经在许多NLP任务上显示出巨大的潜力.尽管它最近很流行,但是我发现能够解释RNN如何工作,以及如何实现RNN的资料很少…
转自:http://www.asimovinstitute.org/neural-network-zoo/ THE NEURAL NETWORK ZOO POSTED ON SEPTEMBER 14, 2016 BY FJODOR VAN VEEN   With new neural network architectures popping up every now and then, it's hard to keep track of them all. Knowing all the a…
LSTM NEURAL NETWORK FOR TIME SERIES PREDICTION Wed 21st Dec 2016   Neural Networks these days are the "go to" thing when talking about new fads in machine learning. As such, there's a plethora of courses and tutorials out there on the basic vani…
How Transformers Work --- The Neural Network used by Open AI and DeepMind Original English Version link:https://towardsdatascience.com/transformers-141e32e69591 Chinese version by 量子位. 本文的主要内容:RNN, LSTM, Attention, CNN, Transformer, Self-Attention, M…
0.引言 我们发现传统的(如前向网络等)非循环的NN都是假设样本之间无依赖关系(至少时间和顺序上是无依赖关系),而许多学习任务却都涉及到处理序列数据,如image captioning,speech synthesis,music generation是基于模型输出序列数据:如time series prediction,video analysis,musical information retrieval是基于模型输入需要序列数据:而如translating natural language…
Recurrent Neural Network 2016年07月01日  Deep learning  Deep learning 字数:24235   this blog from: http://jxgu.cc/blog/recent-advances-in-RNN.html    References Robert Dionne Neural Network Paper Notes Baisc Improvements 20170326 Learning Simpler Language…
LSTM Neural Network for Time Series Prediction Wed 21st Dec 2016 Neural Networks these days are the “go to” thing when talking about new fads in machine learning. As such, there’s a plethora of courses and tutorials out there on the basic vanilla neu…
Recurrent Neural Network Language Modeling Toolkit  工具使用点击打开链接 本博客地址:http://blog.csdn.net/wangxinginnlp/article/details/38385471 依照训练的进度学习代码: RNN训练过程(摘自Mikolov的博士论文): 1. Set time counter t = 0, initialize state of the neurons in the hidden layer s(t)…
作者简介: 吴天龙  香侬科技researcher 公众号(suanfarensheng) 导言 图(graph)是一个非常常用的数据结构,现实世界中很多很多任务可以描述为图问题,比如社交网络,蛋白体结构,交通路网数据,以及很火的知识图谱等,甚至规则网格结构数据(如图像,视频等)也是图数据的一种特殊形式,因此图是一个很值得研究的领域. 针对graph的研究可以分为三类: 1.经典的graph算法,如生成树算法,最短路径算法,复杂一点的二分图匹配,费用流问题等等: 2.概率图模型,将条件概率表达为…
提出了模型和损失函数 论文名称:扩展卷积密集连接神经网络用于时域实时语音增强 论文代码:https://github.com/ashutosh620/DDAEC 引用:Pandey A, Wang D L. Densely connected neural network with dilated convolutions for real-time speech enhancement in the time domain[C]//ICASSP 2020-2020 IEEE Internati…
论文地址:PACDNN:一种用于语音增强的相位感知复合深度神经网络 引用格式:Hasannezhad M,Yu H,Zhu W P,et al. PACDNN: A phase-aware composite deep neural network for speech enhancement[J]. Speech Communication,2022,136:1-13. 摘要 目前,利用深度神经网络(DNN)进行语音增强的大多数方法都面临着一些限制:它们没有利用相位谱中的信息,同时它们的高计算…
Weilin Huang--[TIP2015]Text-Attentional Convolutional Neural Network for Scene Text Detection) 目录 作者和相关链接 方法概括 创新点和贡献 方法细节 实验结果 问题讨论 总结与收获点 作者补充信息 参考文献 作者和相关链接 论文下载 作者: tong he, 黄伟林,乔宇,姚剑 方法概括 使用改进版的MSER(CE-MSERs,contrast-enhancement)提取候选字符区域: 使用新的CN…
Reference:   Alex Graves的[Supervised Sequence Labelling with RecurrentNeural Networks] Alex是RNN最著名变种,LSTM发明者Jürgen Schmidhuber的高徒,现加入University of Toronto,拜师Hinton. 统计语言模型与序列学习 1.1 基于频数统计的语言模型 NLP领域最著名的语言模型莫过于N-Gram. 它基于马尔可夫假设,当然,这是一个2-Gram(Bi-Gram)模…
Convolutional Neural Networks are great: they recognize things, places and people in your personal photos, signs, people and lights in self-driving cars, crops, forests and traffic in aerial imagery, various anomalies in medical images and all kinds…
A Neural Network in 11 lines of Python A bare bones neural network implementation to describe the inner workings of backpropagation. Posted by iamtrask on July 12, 2015 Summary: I learn best with toy code that I can play with. This tutorial teaches b…