
tensorflow2
越奋斗,越幸运
当你遇到困难时,你会如何去面对, 这将会决定你的人生最终能够走多远!
展开
专栏收录文章
- 默认排序
- 最新发布
- 最早发布
- 最多阅读
- 最少阅读
-
17.Tensorflow2.0 CIFAR与VGG实战
1. 池化和采样 Pooling Max/Avg pooling upsample nearest bilinear Relu 2. cifar100 13 layers Code import tensorflow as tf from tensorflow.keras import layers, optimizers, metrics, dat...原创 2019-12-05 08:20:34 · 549 阅读 · 0 评论 -
16. Tensorflow2.0 卷积神经网络
1. 如何通俗易懂地解释卷积? 转载自知乎,马同学 2. 2D Convolution 3. Padding & Stride 4. Channels 5. layers.Conv2D 6. 需要全套课程视频+PPT+代码资源可以私聊我 方式1:优快云私信我! 方式2:QQ邮箱:594042358@qq.com或者直接加我QQ: 594042358! ...原创 2019-12-02 17:19:05 · 238 阅读 · 0 评论 -
15.Tensorflow2.0 Keras高层接口
1. Keras.Metrics (度量指标) 1.1. Build a meter 1.2. Update data 1.3. Get Average data 1.4. Clear buffer 1.5. Code import tensorflow as tf from tensorflow.keras import datasets, layers, optimizers, Se...原创 2019-11-30 15:47:19 · 731 阅读 · 0 评论 -
14. Tensorflow2.0 梯度下降,函数优化实战,手写数字问题实战以及Tensorboard可视化!
1. 梯度下降(Gradient Descent) 1.1. What’s Gradient 1.2. What does it mean 1.3. How to Search 1.4. AutoGrad GradientTape Persistent GradientTape 2nd-order import tensorflow as tf w = tf.Var...原创 2019-11-29 12:13:57 · 567 阅读 · 0 评论 -
13.Tensorflow2.0中的误差计算
1. 均方误差MSE 2. 交叉熵损失Cross Entropy Loss 2.1. 信息熵/信息增益 2.2. Cross Entropy 2.3. Classification 2.4. Why not MSE? 2.5. svm损失函数Hinge Loss 3. logits→CrossEntropy 4. Numerical Stability import tenso...原创 2019-11-28 08:21:19 · 339 阅读 · 0 评论 -
12. Tensorflow2.0 全连接层和输出方式
1. Outline 1.1. Matmul (矩阵形式) ???????????? = ????(????@???? + ????) ???????????? = ????????????????(????@???? + ????) X@W+b 1.2. Neural Network (神经网络结构) lecun在86年89年在手写数字论文中用到的就是这个网络, 当时叫做神经网络。 3~5 layers 1.3. Deep Learning (深度学习) n 约等于 ...原创 2019-11-27 15:50:40 · 913 阅读 · 0 评论 -
11. Tensorflow2.0数据集的加载,测试,实战
1. tensorflow.keras.datasets 1.1. 常用数据集 boston housing (波士顿的房价) Boston housing price regression dataset. mnist/fashion mnist (手写数字) MNIST/Fashion-MNIST dataset. cifar10/100 (小型的图片识别数据集) smal...原创 2019-11-27 11:22:27 · 797 阅读 · 0 评论 -
10.Tensorflow2.0高阶操作汇总
123原创 2019-11-26 19:54:54 · 257 阅读 · 0 评论 -
09. Tensorflow2.0 前向传播(张量)实战
1. 前向传播案例 1.1. 代码实现 import tensorflow as tf from tensorflow import keras from tensorflow.keras import datasets # 加载数据集 # x: [60k, 28, 28] # y: [60k] 0~9 (x, y), _ = datasets.mnist.load_data() # x:[...原创 2019-11-25 11:25:32 · 171 阅读 · 0 评论 -
08. Tensorflow2.0中的数学运算
1. Outline ±*/ **, pow, square sqrt //, % exp, log @, matmul linear layer 2. Operation type element-wise ±*/ matrix-wise @, matmul dim-wise reduce_mean/max/min/sum 2.1. ±*/%// 2.2. tf.ma...原创 2019-11-25 09:02:04 · 197 阅读 · 0 评论 -
07. Tensorflow2.0中的broadcasting
1. Broadcasting 1.1. Outline expand without copying data VS tf.tile tf.broadcast_to 1.2. Key idea Insert 1 dim ahead if needed Expand dims with size 1 to same size Feature maps: [4, 32, 32, 3] B...原创 2019-11-23 17:23:36 · 196 阅读 · 0 评论 -
06. Tensorflow2.0中的维度变换
1. Outline shape, ndim reshape expand_dims/squeeze transpose 2. Reshape 2.1. Reshape is flexible 2.2. Reshape could lead to potential bugs! 3. tf.transpose 4. Squeeze VS Expand_dims 4.1. Expand ...原创 2019-11-23 15:34:43 · 168 阅读 · 0 评论 -
05. TensorFlow2.0索引和切片
1. Indexing 1.1. Basic indexing 1.2. Same With Numpy 1.2.1. Numpy-style indexing 1.2.2. start:end 1.2.3. Indexing by : 1.2.4. Indexing by :: 1.2.5. ::-1 1.2.6. …原创 2019-11-23 11:06:27 · 152 阅读 · 0 评论 -
04. TensorFlow2.0的基础知识
1. 数据类型 1.1. 数据容器 list np.array tf.Tensor 1.2. What’s Tensor scalar: 1.1 vector: [1.1],[1.1, 2.2, … ] matrix: [[1.1, 2.2],[3.3, 4.4],[5.5, 6.6]] tensor: ???????????????? > 2 (在神经网络中, tensor的范围相当广, 这里可以理解为狭义...原创 2019-11-22 15:50:56 · 767 阅读 · 0 评论 -
03. Tensorflow2 手写数字识别尝鲜
1. 手写数字识别简述 1.1. MNIST 7000 images per category train/test splitting: 60k vs 10k 1.2. Image [28,28,1] →[784] 1.3. Input and Output 1.4. Regression VS Classification ???? = ???? ∗ ???? + ???? ???? ∈ ???????? ????????????...原创 2019-11-21 17:45:34 · 841 阅读 · 0 评论 -
02. Tensorflow2线性回归实战—Numpy实现
1. 线性回归 1.1. Continuous Prediction 1.2. Linear Equation 1.3. With Noise? 1.4. For Example 1.5. Find ????′, ????′ 1.6. Gradient Descent 2. Numpy实现线性回归 2.1 Find ????′, ????′ 2.2. Solution Compute Loss Comp...原创 2019-11-20 18:50:11 · 325 阅读 · 0 评论 -
01. Tensorflow2发展历史及环境搭建
1. 发展历史 1.1. 前世今生 2015.9发布0.1版本 2017.2发布1.0版本 2019春发布2.0版本 1.2. 同一时期人工智能其他库的发展 1.2.1. 2015年 Scikit-learn Machine learning, No GPU Caffe 2013, 第一个面向深度学习的框架 No auto-grad, C++ Keras wrapper T...原创 2019-11-20 09:00:35 · 660 阅读 · 0 评论