Deep Learning
文章平均质量分 78
Hansry
我希望能有个明亮的落地窗,每天都晒一晒太阳。。。
展开
-
吴恩达Coursera深度学习课程 DeepLearning.ai 编程作业——Regularization(2-1.2)
如果数据集没有很大,同时在训练集上又拟合得很好,但是在测试集的效果却不是很好,这时候就要使用正则化来使得其拟合能力不会那么强。import numpy as npimport sklearnimport matplotlib.pyplot as pltimport sklearn.datasetsfrom reg_utils import load_2D_dataset,compute_co原创 2017-11-06 13:45:06 · 4121 阅读 · 1 评论 -
序列模型——循环序列模型 (理论部分)
一. 序列模型常用领域如下:Speech recognition(语音识别) Music generation (音乐生成): In this cases,only the Y is a sequence, and X can be a single integer or the empty set. Y Sentiment classification (情感分析): X is a ...原创 2018-03-05 20:57:34 · 916 阅读 · 0 评论 -
Softmax函数交叉熵及其求导
1. 简介SoftmaxSoftmaxSoftmax 函数SoftmaxSoftmaxSoftmax 函数在神经网络分类是十分常用的函数,如下所示,在神经元output layer中,可以输出一个R4R4R^{4} 维度的向量,来进行分类,例如输出层为向量 O=[0.2,0.1,0.4,0.3]O=[0.2,0.1,0.4,0.3]O=[ 0.2,0.1,0.4,0.3 ], 可根据向量中...原创 2018-04-14 23:20:08 · 1552 阅读 · 0 评论 -
Coursera深度学习课程 DeepLearning.ai 编程作业——Character level language model - Dinosaurus land
Character level language model - Dinosaurus landWelcome to Dinosaurus Island! 65 million years ago, dinosaurs existed, and in this assignment they are back. You are in charge of a special task. Lead...原创 2018-04-15 13:45:43 · 904 阅读 · 0 评论 -
Coursera深度学习课程 DeepLearning.ai 编程作业——Building your Recurrent Neural Network - Step by Step
Building your Recurrent Neural Network - Step by StepWelcome to Course 5’s first assignment! In this assignment, you will implement your first Recurrent Neural Network in numpy.Recurrent Neural Ne...原创 2018-04-13 22:56:19 · 912 阅读 · 0 评论 -
Introduction of Convolutional Neural Networks — PPT(交流使用)
昨天跟其他学院的学生交流,顺便做了个关于卷积神经网络的介绍,在这里把PPT贴出来,如果各位发现有什么问题的,欢迎指出。 ...原创 2018-05-11 13:42:27 · 1195 阅读 · 7 评论 -
神经网络和深度学习——深度学习概述
1.主要内容:1、使用房价预测的例子来建立最简单的由神经元组成的神经网络模型;2、逐步增强神经网络模型的复杂度,建立标准的神经网络模型结构;3、从监督式学习入手,介绍了不同的神经网络类型,包括Standard NN、CNN、RNN。4、数据分为结构化数据和非结构化数据。在处理非结构化数据上,深度学习的处理能力近年来提高的非常快,例如图像处理、语音识别和自动翻译等。5、深度学习飞...原创 2018-05-22 10:24:14 · 1444 阅读 · 0 评论 -
为Torch创建hdf5训练文件
Torch 是用C/CUDA作为底层实现,用LuaJIT作为接口的机器学习算法框架。HDF5是用于海量复杂数据集管理的技术,能够支持多种平台与多种语言接口(C,C++,Python等)。Torch的tutorial只提供了处理images和random tensors的方法,并没有对其他格式提供示例。本文使用将对如何创建HDF5数据集以及如何在Torch中使用HDF5文件格式做一个梳理。...原创 2018-06-04 20:53:41 · 1779 阅读 · 0 评论 -
为Torch7 在ubuntu14.04 安装GraphicsMagick
一. 官网上下载安装包https://sourceforge.net/projects/graphicsmagick/?source=typ_redirect二. 进行安装$ cd GraphicsMagick$ ./configure '--with-magick=wand/GraphicsMagickWand-config' '--enable-shared'说明:第一个wit...原创 2018-06-10 23:00:07 · 404 阅读 · 0 评论 -
Transposed Convolution arithmetic (转置卷积算法,上采样)
当我们需要将4维空间映射到16维空间的时候,我们需要用到转置卷积 (Transposed convolution)。No zero padding, unit strides, transposed原创 2018-09-27 13:47:56 · 1790 阅读 · 0 评论 -
Coursera深度学习课程 DeepLearning.ai 编程作业——Improvise a Jazz Solo with an LSTM Network
Improvise a Jazz Solo with an LSTM Network Welcome to your final programming assignment of this week! In this notebook, you will implement a model that uses an LSTM to generate music. You will eve...原创 2018-04-16 20:33:07 · 1174 阅读 · 0 评论 -
吴恩达Coursera深度学习课程 DeepLearning.ai 编程作业——Optimization Methods(2-2)
Optimization MethodsUntil now, you’ve always used Gradient Descent to update the parameters and minimize the cost. In this notebook, you will learn more advanced optimization methods that can speed up原创 2017-11-10 23:57:50 · 2789 阅读 · 2 评论 -
吴恩达Coursera深度学习课程 DeepLearning.ai 编程作业——Tensorflow+tutorial(2-3)
TensorFlow TutorialWelcome to this week’s programming assignment. Until now, you’ve always used numpy to build neural networks. Now we will step you through a deep learning framework that will allow yo原创 2017-11-21 22:37:45 · 7544 阅读 · 1 评论 -
改善深度神经网络(理论)—超参数调试、Batch正则化和程序框架(2-3)
1.调试处理关于训练神经网络,要处理的参数的数量,从学习速率αα\alpha 到momentum ββ\beta 同时还有Adam优化算法的参数 ββ\beta ,ββ\beta and εε\varepsilon,也p许还需要选择层数 layer_size, 不同层中隐藏单元的数量 layer_units ,有可能还需要选择学习率衰减 learning_rate_decay,还有需要选...原创 2017-11-11 12:09:24 · 1515 阅读 · 0 评论 -
吴恩达Coursera深度学习课程 DeepLearning.ai 编程作业——Gradients_check(2-1.3)
import numpy as npfrom testCases import *from gc_utils import sigmoid,relu,dictionary_to_vector,vector_to_dictionary,gradients_to_vectorfrom testCases import gradient_check_n_test_caseGradient_check原创 2017-11-09 19:36:01 · 2451 阅读 · 0 评论 -
Andrew Ng 深度学习课程deeplearning.ai 编程作业——shallow network for datesets classification (1-3)
Planar data classification with one hidden layer1.常用的Python Librarynumpy:is the fundamental package for scientific computing with Python sklearn:provides simple and efficient tools for data mining and原创 2017-10-26 17:16:40 · 1235 阅读 · 6 评论 -
Andrew Ng 深度学习课程Deeplearning.ai 编程作业——forward and backward propagation(1-4.1)
1.Packages1.numpy is the main package for scientific computing with Python 2.matplotlib is a library to plot graphs in Python 3.dnn_unils provides some necessary functions for this notebook such as s原创 2017-10-31 17:55:50 · 1989 阅读 · 0 评论 -
Andrew Ng 深度学习课程Deeplearning.ai 编程作业——deep Neural network for image classification(1-4.2)
1.Packageimport numpy as np #scientific compute packageimport matplotlib.pyplot as plt #graphs packageimport h5py #contact with h5 fileimport scipy from scipy import ndimage #import our image a原创 2017-11-02 23:20:51 · 1299 阅读 · 2 评论 -
吴恩达Coursera深度学习课程 DeepLearning.ai 编程作业——Initialize parameter(2-1.1)
import numpy as npimport matplotlib.pyplot as pltimport sklearnimport sklearn.datasetsfrom init_utils import sigmoid, relu, compute_loss, forward_propagation, backward_propagationfrom init_utils i原创 2017-11-05 11:33:21 · 1665 阅读 · 2 评论 -
吴恩达Coursera深度学习课程 DeepLearning.ai 编程作业——Convolution model:step by step and application (4.1)
Convolutional Neural Networks: Step by StepWelcome to Course 4’s first assignment! In this assignment, you will implement convolutional (CONV) and pooling (POOL) layers in numpy, including both forward原创 2017-11-17 23:11:47 · 9983 阅读 · 1 评论 -
吴恩达Coursera深度学习课程 DeepLearning.ai 编程作业——Keras tutorial - the Happy House (4.2)
Welcome to the first assignment of week 2. In this assignment, you will: 1. Learn to use Keras, a high-level neural networks API (programming framework), written in Python and capable of running on to原创 2017-11-30 19:58:51 · 2135 阅读 · 4 评论 -
吴恩达Coursera深度学习课程 DeepLearning.ai 编程作业——Autonomous driving - Car detection(4.3)
Autonomous driving - Car detectionWelcome to your week 3 programming assignment. You will learn about object detection using the very powerful YOLO model. Many of the ideas in this notebook are describ原创 2017-12-01 21:29:28 · 7245 阅读 · 18 评论 -
改善深度神经网络:超参数调试、正则化以及优化——实践方面(2-1)
1.测试集在配置训练、验证和测试数据集的过程中做出正确决策会更高效的创建神经网络在机器学习中,经常将样本分为训练集、验证集和测试集三部分。对于早期的机器学习的数据而言,经常使用 70%/30% 来划分验证集和测试集或者使用 60%/20%/20% 来划分训练集、验证集和测试集。 在大数据时代中,假如有1000000个数据,那么验证集就不需要太大,有10000条验证数据或者10000条测...原创 2017-10-15 22:58:27 · 3305 阅读 · 0 评论 -
改善深层神经网络:超参数调试、正则化以及优化——优化算法(2-2)
1.Mini-batch梯度下降法对于m个数据样本,在训练神经网络的时候,最常用的是向量化,如:X=[x(1),x(2),...,x(m)],x(nx,m)X=[x(1),x(2),...,x(m)],x(nx,m)X=[x^{(1)},x^{(2)},...,x^{(m)}],x(n_{x},m)(维数) ,但是当样本足够大的时候,例如5w,虽然向量化了,在back propagation的...原创 2017-10-19 17:51:00 · 966 阅读 · 0 评论 -
序列模型——自然语言处理与词嵌入(理论部分)
1.词汇表征深度学习已经给自然语言处理(Natural Language Process, NLP)带来革命性的变革。其中一个很关键的概念是词嵌入(word embedding),这是语言表示的一种方式,可以让算法自动的了解一些类似的词,例如男人对女人(man to woman),国王对王后(king to queen)等。在此前的表示中,我们用的一直都是词典的编号来表达一个词,例如Man...原创 2018-05-21 22:46:12 · 2417 阅读 · 0 评论