介绍神经网络

It is time to set our goals and introduce the framework for creating a machine learning algorithm; it means building a model that outputs correct information.

现在是设定目标并介绍用于创建机器学习算法的框架的时候了。 这意味着建立一个输出正确信息的模型。

Generally, a machine learning algorithm can be thought of as a black box. It takes inputs and gives outputs.

通常,机器学习算法可以被视为黑匣子。 它接受输入并给出输出。

For instance, we may want to create a model that predicts the weather tomorrow given meteorological information for the past few days.

例如,我们可能想要创建一个模型,该模型根据过去几天的气象信息来预测明天的天气。

The input will feed to the model could be metrics such as temperature humidity and precipitation.

输入到模型的输入可能是诸如温度湿度和降水量的度量。

The output we will obtain would be the weather forecast for tomorrow.

我们将获得的输出将是明天的天气预报。

Before we get comfortable and confident about the model’s output we must train the model.

在对模型的输出感到满意和自信之前,我们必须训练模型。

Training is a fundamental concept in machine learning as this is the process through which the model learns; how to make sense of the input data? Once we have trained our model we can simply feed it with data and obtain an output.

训练是机器学习的基本概念,因为这是模型学习的过程。 如何理解输入数据? 一旦我们训练了模型,我们就可以简单地将其输入数据并获得输出。

训练和算法背后的逻辑涉及四个要素。 (The logic behind training and algorithm involves four ingredients.)

  1. Data数据
  2. Model模型
  3. Objective function目标功能
  4. An optimization algorithm.优化算法。

Let’s explore each of them.

让我们探索每个。

First, we must prepare a certain amount of data to train with. Normally, this is historical data which is easily available. Second, we need a model. The simplest model we can train is a linear model in the weather forecast example.

首先,我们必须准备一定数量的数据进行训练。 通常,这是历史数据,很容易获得。 其次,我们需要一个模型。 在天气预报示例中,我们可以训练的最简单模型是线性模型。

That would mean to find some coefficients multiply each variable with them and sum everything to get the output.

这意味着要找到一些系数,将每个变量与它们相乘,并对所有变量求和以得到输出。

Moving on the linear model deep, machine learning allows us to create complicated non-linear models. They usually fit the data much better than a simple linear relationship. The third ingredient is the objective function. We have data, we fed it to the model and obtained an output, we want this output to be as close to reality as possible. Objective function checks, how correct the model’s outputs are?.

深入学习线性模型,机器学习使我们能够创建复杂的非线性模型 。 它们通常比简单的线性关系更好地拟合数据。 第三个要素是目标函数。 我们有数据,将其提供给模型并获得了输出,我们希望该输出尽可能接近实际情况。 目标函数检查,模型输出的正确性如何?

On average the entire machine learning framework boils down to optimizing this function. For example, if our function is measuring the prediction error of the model we would want to minimize the error or minimize the objective function.

平均而言,整个机器学习框架归结为优化此功能。 例如,如果我们的函数正在测量模型的预测误差,则我们希望将误差最小化或将目标函数最小化。

The last ingredient is the optimization algorithm. It consists of the mechanics through which we can vary the parameters of the model to optimize the objective function. For example, if the weather forecast model is, the weather tomorrow equals w1 times temperature plus W2 times humidity the optimization algorithm may go through values like 1.05 * temperature + 1.2 * humidity or 1.05 * temperature — 1.2 * humidity or 1.04 * temperature — 1.1 * humidity and so on.

最后一个因素是优化算法。 它由机制组成,通过这些机制我们可以更改模型的参数以优化目标函数。 例如,如果天气预报模型是,明天的天气等于w1乘以温度加W2乘以湿度,则优化算法可能会经过1.05 *温度+ 1.2 *湿度或1.05 *温度-1.2 *湿度或1.04 *温度-1.1的值*湿度等。

W 1 and w 2 are the parameters that will change for each set of parameters.

W 1和w 2是随每组参数而变化的参数。

We would calculate the objective function then choose the model with the highest predictive power. How do we know which one is the best? It would be the one with an optimal objective function

我们将计算目标函数,然后选择具有最高预测能力的模型。 我们怎么知道哪个最好? 这将是具有最佳目标函数的那个

The machine learning process is iterative. We feed data into the model and compare the accuracy through the objective function. Then we vary the model’s parameters and repeat the operation.

机器学习过程是迭代的。 我们将数据输入模型,并通过目标函数比较准确性。 然后,我们更改模型的参数并重复操作。

模型 (MODEL)

线性模型 (Linear Model)

The linear model display appearing oversimplified, it is extremely important as it is the basis for more complicated models including non-linear ones. In the linear model world f(x) = x *w + b

线性模型的显示显得过于简单,这是非常重要的,因为它是包括非线性模型在内的更复杂模型的基础。 在线性模型世界中f(x)= x * w + b

x is the input

x是输入

w the coefficient of x

w x的系数

B would be the intercept

B将是截距

In machine learning W is called Weight or weights when we have more than one parameter b is called the bias or biases.

在机器学习中,当我们有多个参数b时,W被称为权重或权重。

There are many ways to define the linear model

有很多定义线性模型的方法

The goal of the machine learning algorithm would be to find such values for W and B. So the output of X*w + B is as close to the observed values as possible.

机器学习算法的目标是找到W和B的此类值。因此X * w + B的输出尽可能接近观测值。

For example, our goal is to predict the price of an apartment based on its size.

例如,我们的目标是根据公寓的大小预测公寓的价格。

So the input X is the size

所以输入X是大小

X * w + B is the model

X * w + B是模型

we are using the calculation of this expression gives us the price or the output y.

我们正在使用此表达式的计算得出价格或输出y。

The size of an apartment is 743 square feet. A possible model for predicting its price is X * 336.1–3237.51. If we calculate the output following this model for 743 square feet apartment we would obtain a price of $246,484.79.

公寓的面积为743平方英尺。 预测其价格的可能模型是X * 336.1–3237.51。 如果我们按照此模型为743平方英尺的公寓计算输出,我们将获得246,484.79美元的价格。

Let’s extend our real estate valuation model to multiple inputs if we had additional information say the apartments we are located by the sea. The closer an apartment is to the beach the higher the price should be.

如果我们还有其他信息说我们位于海边的公寓,那么让我们将房地产评估模型扩展到多个输入 。 公寓距离海滩越近,价格应该越高。

The linear model would predict a price based on both size and proximity to the beach. If we want to state this expression in linear algebraic terms we can use the same framework as before x * w + B. X and W are both vectors.

线性模型将根据海滩的大小和邻近程度来预测价格。 如果我们想用线性代数来表示该表达式,则可以使用与x * w + B之前相同的框架。X和W都是向量。

Let’s continue our housing example with the two input variables the output y is equal to x times w plus B. X has two elements a size of 743 and a distance from the beach of 1.2 1 miles. W has two elements to one for each input.

让我们继续我们的住房示例,使用两个输入变量,输出y等于x乘以W加上B。X有两个元素,大小为743,距海滩的距离为1.2 1英里。 对于每个输入,W有两个元素。

The greater the distance from the beach the lower the price.

离海滩的距离越远,价格越低。

The new situation we may be interested in predicting not only the price of the apartment when buying it but also the price for which we can rent it out.

在这种新情况下,我们可能不仅希望预测购买公寓时的价格,而且还要预测我们可以出租的价格。

Our inputs are unchanged. Therefore we can create two linear models.

我们的输入没有改变。 因此,我们可以创建两个线性模型。

The price as a function of the size and proximity to the beach and the rent as a function of the size and proximity to the beach.

价格与海滩的大小和距离有关,而租金与海滩的大小和距离有关。

Y1 = x1 * w11 + x2 * w21 + B1

Y1 = x1 * w11 + x2 * w21 + B1

Y2 =x 1*w12 + x2 * w22 + B2

Y2 = x 1 * w12 + x2 * w22 + B2

Notice the indices of the weights the first number refers to the respective input while the second to the output.

注意权重的索引,第一个数字表示相应的输入,第二个数字表示输出。

We have two outputs two inputs for weights and two bias’s the number of weights depends on the inputs and outputs.

我们有两个输出,两个输入用于权重,两个偏置用于权重的数量取决于输入和输出。

There is a different weight for each input in each equation.

每个方程式中每个输入的权重都不同。

In general, if we have k inputs and outputs the number of weights would be k times M. The number of biases is equal to the number of outputs.

通常,如果我们有k个输入和输出,则权重的数量将是k乘以M。偏差的数量等于输出的数量。

Finally, an example of many inputs outputs and observations. The output matrix will be entered by N where N is the number of observations an M is the number of output variables.

最后,是许多输入输出和观察结果的示例。 输出矩阵将由N输入,其中N是观察数,M是输出变量数。

The input matrix will be n by k where k is the number of input variables.

输入矩阵将为n×k,其中k为输入变量的数量。

The weights matrix remains the same as the weights don’t change depending on the number of observations. The same applies to the biases.

权重矩阵保持不变,权重不随观察次数而变化。 偏见也是如此。

Let's discuss two situations in which machine learning and neural networks come in handy.

让我们讨论一下机器学习和神经网络派上用场的两种情况。

How a linear model can solve our cats and dogs photo problem?

线性模型如何解决我们的猫和狗的拍照问题?

Here is a scatterplot of a dataset consisting of animal photos.

这是由动物照片组成的数据集的散点图。

The blue dots be the dogs is photos from one of our previous examples and the orange ones the cats a linear model or a straight line can solve this problem fairly easily.

蓝点是狗,是我们先前示例之一的照片,橙点是猫的线性模型或直线可以很容易地解决此问题。

Everything below the line is one category and above it is the other in this situation we have a classification problem.

在这种情况下,该行下方的所有内容都是一个类别,而在其上方的其他类别则是分类问题。

We are trying to classify the photos into dogs and cats.

我们正在尝试将照片分类为猫和猫。

Such a model is called a linear classifier. The data represented in the graph is linearly separable.

这种模型称为线性分类器。 图中表示的数据是线性可分离的。

But what about this case we have only several categories but we can’t fit a straight line through them. This data is not linearly separable. Therefore we must use a non-linear model.

但是,在这种情况下,我们只有几个类别,但是我们无法通过它们来拟合一条直线。 该数据不是线性可分离的。 因此,我们必须使用非线性模型。

We will learn how to handle such problems in the section where we will learn about deep neural networks.

我们将在学习深度神经网络的部分中学习如何处理此类问题。

Here is the graph of our apartment price example. Each point represents an apartment a linear model explains the data. This is one of the well known linear relationships

这是我们的公寓价格示例的图表。 每个点代表一个公寓,线性模型解释了数据。 这是众所周知的线性关系之一

however different regression problems may not necessarily be solved by linear model.

但是,线性模型不一定可以解决不同的回归问题。

Totally not linear.

完全不是线性的。

In the next blog, we will cover the objective function and optimization algorithm. Stay tuned!

在下一个博客中,我们将介绍目标函数和优化算法。 敬请关注!

翻译自: https://medium.com/ai-in-plain-english/introduction-to-neural-nets-8c7b26ee9ee1

介绍神经网络


http://www.taodudu.cc/news/show-863470.html

相关文章:

  • 人物肖像速写_深度视频肖像
  • 奇异值值分解。svd_推荐系统-奇异值分解(SVD)和截断SVD
  • 机器学习 对模型进行惩罚_使用Streamlit对机器学习模型进行原型制作
  • 神经网络实现xor_在神经网络中实现逻辑门和XOR解决方案
  • sagan 自注意力_请使用英语:自我注意生成对抗网络(SAGAN)
  • pytorch 音频分类_Pytorch中音频的神经风格转换
  • 变压器 5g_T5:文本到文本传输变压器
  • 演示方法:有抱负的分析师
  • 机器学习 模型性能评估_如何评估机器学习模型的性能
  • 深度学习将灰度图着色_通过深度学习为视频着色
  • 工业机器人入门实用教程_机器学习实用入门
  • facebook 图像比赛_使用Facebook的Detectron进行图像标签
  • 营销大数据分析 关键技术_营销分析的3个最关键技能
  • ue4 gpu构建_待在家里吗 为什么不构建GPU Box!
  • 使用机器学习预测天气_使用机器学习的二手车价格预测
  • python集群_使用Python集群文档
  • 马尔可夫的营销归因
  • 使用Scikit-learn,Spotify API和Tableau Public进行无监督学习
  • 街景图像分割_借助深度学习和街景图像进行城市的大规模树木死亡率研究
  • 多目标分类的混淆矩阵_用于目标检测的混淆矩阵
  • 检测和语义分割_分割和对象检测-第2部分
  • watson软件使用_使用Watson Assistant进行多语言管理
  • keras核心已转储_转储Keras-ImageDataGenerator。 开始使用TensorFlow-tf.data(第2部分)
  • 闪亮蔚蓝_在R中构建第一个闪亮的Web应用
  • 亚马逊训练alexa的方法_Alexa对话是AI驱动的对话界面新方法
  • nlp文本相似度_用几行代码在Python中搜索相似文本:一个NLP项目
  • 爬虫goodreads数据_使用Python从Goodreads数据中预测好书
  • opengl层次建模_层次建模简介
  • 如何用dds实现线性调频_用神经网络生成线性调频
  • azure_Azure ML算法备忘单

介绍神经网络_神经网络介绍相关推荐

  1. cnn神经网络_神经网络之CNN和RNN

    点击上方"认知计算与云安全",然后点击"关注"关键时刻,第一时间送达! 卷积神经网络(CNN)和递归神经网络(RNN)如今在ML中普遍使用.但是,它们通常用于完 ...

  2. 神经网络与卷积神经网络_神经网络与人的思想

    神经网络与卷积神经网络 If you are familiar with the terms Artificial Intelligence, Machine Learning , Deep Lear ...

  3. acc定义代码 神经网络_神经网络的这几个坑,你都躲过了吗

    因为AI这两年的火爆,大家拿着锤子到处找钉子,锤子当然也砸到了我头上,有很多做业务的同事尝试通过AI的方法解决需要一些很复杂的业务逻辑算法,同时需要很多参数组合才能搞定的问题.但因为都是非科班出身也没 ...

  4. 曲线 神经网络_神经网络的数学基础-8(完结)

    详细内容请阅读<Deep Learning with Python> 中文翻译为:<Python深度学习> [美] 弗朗索瓦·肖莱 著 张亮 译 1.随机梯度下降 给定一个可微 ...

  5. 径向基函数神经网络_神经网络

    本文主要参考周志华老师的<机器学习>和Tom M. Mitchell老师的<机器学习>. 神经网络是一种模拟人脑的神经网络以期能够实现类人工智能的机器学习技术. 一.神经网络的 ...

  6. java开发面试自我介绍模板_(自我介绍范文)java面试自我介绍

    1 java 面试自我介绍 java 技术具有卓越的通用性,高效性,平台移植性和安全性,当今已广泛应用于各种电子设备和互联网, 因此 java 公司具备了广泛的优势和广阔的发展前景.下面百分网为大家整 ...

  7. gan神经网络_神经联觉:当艺术遇见GAN

    gan神经网络 Neural Synesthesia is an AI art project that aims to create new and unique audiovisual exper ...

  8. 卷积神经网络超详细介绍

    文章目录 1.卷积神经网络的概念 2. 发展过程 3.如何利用CNN实现图像识别的任务 4.CNN的特征 5.CNN的求解 6.卷积神经网络注意事项 7.CNN发展综合介绍 8.LeNet-5结构分析 ...

  9. BP神经网络原理简单介绍以及公式推导(矩阵形式和分量形式)

    BP神经网络原理简单介绍以及公式推导 标签(空格分隔): 神经网络 \def\net(#1){net^{(#1)}} \def\Y(#1){Y^{(#1)}} \def\part(#1){\parti ...

最新文章

  1. python调用c静态库,静态库(.lib)到Python项目
  2. 【持续更新】C++中string类使用总结
  3. 谷歌退出后百度首发财报 李彦宏称获益不少(转)
  4. 《代码大全2》读书笔记 Week2
  5. egg.js ajax上传文件,上传图片功能不会使用
  6. 驱动_Input输入子系统
  7. 面试中 项目遇见的难点答案_5月6日周一晚八点CCtalk直播2019年江苏省考公务员面试冲刺类型题难点解析突破举一反三...
  8. java 图形界面---字体的设置
  9. 独辟蹊径品内核 轻松领悟读书高境界
  10. YAML 有漏洞被弃用?网友:YAML 不背锅!
  11. 五子棋c语言开题报告,基于Java语言的五子棋游戏设计开题报告.doc
  12. 使用EasyExcel读取excel文件案例
  13. uniapp发布苹果IOS测试版 下载无法安装
  14. 单片机实验报告实验七:定时器实验
  15. gvim 安装pathogen
  16. 注意PHP的下一个千年虫:Y2K38
  17. 内网域横向PTHPTKPTT哈希票据传递
  18. python socket
  19. Python中如何将浮点型数据转换成整型
  20. endnote修改正文中参考文献标注_Endnote修改参考文献格式

热门文章

  1. 第4件事 产品经理必须“入戏”, 与用户交朋友
  2. WPF:Graphics绘图--Shapes形状
  3. Android USB转串口通信开发基本流程
  4. 《数据整理实践指南》一第1章 从头说起:什么是噪音数据
  5. 编码之道:取个好名字很重要(转)
  6. 2011斯坦福大学iOS应用开发教程学习笔记(第二课)My First iOS App
  7. 女鬼之阴魂不散(C#版)
  8. 最近微信方面的更新   getUserInfo:fail scope unauthorized
  9. 手机连接蓝牙扫码枪_原来手机蓝牙的隐藏功能这么多,你不会还只用来连接耳机吧?...
  10. ubuntu MySQL安装指南