Skip to content

Commit

Permalink
upload ch09 files.
Browse files Browse the repository at this point in the history
  • Loading branch information
RedstoneWill committed Jul 10, 2019
1 parent 69d1c00 commit 3aa6fea
Show file tree
Hide file tree
Showing 713 changed files with 713 additions and 1 deletion.
419 changes: 419 additions & 0 deletions 09_rnn_pytorch.ipynb

Large diffs are not rendered by default.

289 changes: 289 additions & 0 deletions 09_rnn_tensorflow.ipynb
Original file line number Diff line number Diff line change
@@ -0,0 +1,289 @@
{
"cells": [
{
"cell_type": "markdown",
"metadata": {},
"source": [
"# 循环神经网络—TensorFlow"
]
},
{
"cell_type": "code",
"execution_count": 1,
"metadata": {},
"outputs": [],
"source": [
"from tensorflow.examples.tutorials.mnist import input_data\n",
"import tensorflow as tf\n",
"import matplotlib.pyplot as plt"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 导入 MNIST 数据集"
]
},
{
"cell_type": "code",
"execution_count": 2,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"WARNING:tensorflow:From <ipython-input-2-3f5d8b810895>:1: read_data_sets (from tensorflow.contrib.learn.python.learn.datasets.mnist) is deprecated and will be removed in a future version.\n",
"Instructions for updating:\n",
"Please use alternatives such as official/mnist/dataset.py from tensorflow/models.\n",
"WARNING:tensorflow:From C:\\ProgramData\\Anaconda3\\envs\\tensorflow\\lib\\site-packages\\tensorflow\\contrib\\learn\\python\\learn\\datasets\\mnist.py:260: maybe_download (from tensorflow.contrib.learn.python.learn.datasets.base) is deprecated and will be removed in a future version.\n",
"Instructions for updating:\n",
"Please write your own downloading logic.\n",
"WARNING:tensorflow:From C:\\ProgramData\\Anaconda3\\envs\\tensorflow\\lib\\site-packages\\tensorflow\\contrib\\learn\\python\\learn\\datasets\\mnist.py:262: extract_images (from tensorflow.contrib.learn.python.learn.datasets.mnist) is deprecated and will be removed in a future version.\n",
"Instructions for updating:\n",
"Please use tf.data to implement this functionality.\n",
"Extracting ./datasets/ch08/tensorflow/MNIST\\train-images-idx3-ubyte.gz\n",
"WARNING:tensorflow:From C:\\ProgramData\\Anaconda3\\envs\\tensorflow\\lib\\site-packages\\tensorflow\\contrib\\learn\\python\\learn\\datasets\\mnist.py:267: extract_labels (from tensorflow.contrib.learn.python.learn.datasets.mnist) is deprecated and will be removed in a future version.\n",
"Instructions for updating:\n",
"Please use tf.data to implement this functionality.\n",
"Extracting ./datasets/ch08/tensorflow/MNIST\\train-labels-idx1-ubyte.gz\n",
"WARNING:tensorflow:From C:\\ProgramData\\Anaconda3\\envs\\tensorflow\\lib\\site-packages\\tensorflow\\contrib\\learn\\python\\learn\\datasets\\mnist.py:110: dense_to_one_hot (from tensorflow.contrib.learn.python.learn.datasets.mnist) is deprecated and will be removed in a future version.\n",
"Instructions for updating:\n",
"Please use tf.one_hot on tensors.\n",
"Extracting ./datasets/ch08/tensorflow/MNIST\\t10k-images-idx3-ubyte.gz\n",
"Extracting ./datasets/ch08/tensorflow/MNIST\\t10k-labels-idx1-ubyte.gz\n",
"WARNING:tensorflow:From C:\\ProgramData\\Anaconda3\\envs\\tensorflow\\lib\\site-packages\\tensorflow\\contrib\\learn\\python\\learn\\datasets\\mnist.py:290: DataSet.__init__ (from tensorflow.contrib.learn.python.learn.datasets.mnist) is deprecated and will be removed in a future version.\n",
"Instructions for updating:\n",
"Please use alternatives such as official/mnist/dataset.py from tensorflow/models.\n"
]
}
],
"source": [
"mnist = input_data.read_data_sets('./datasets/ch08/tensorflow/MNIST',one_hot=True)"
]
},
{
"cell_type": "code",
"execution_count": 3,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"(55000, 784)\n",
"(55000, 10)\n"
]
}
],
"source": [
"print(mnist.train.images.shape)\n",
"print(mnist.train.labels.shape)"
]
},
{
"cell_type": "code",
"execution_count": 4,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"(5000, 784)\n",
"(5000, 10)\n"
]
}
],
"source": [
"print(mnist.validation.images.shape)\n",
"print(mnist.validation.labels.shape)"
]
},
{
"cell_type": "code",
"execution_count": 5,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"(10000, 784)\n",
"(10000, 10)\n"
]
}
],
"source": [
"print(mnist.test.images.shape)\n",
"print(mnist.test.labels.shape)"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 定义占位符 placeholder"
]
},
{
"cell_type": "code",
"execution_count": 6,
"metadata": {},
"outputs": [],
"source": [
"# 参数设置\n",
"batch_size = 100 # BATCH 的大小,相当于一次处理100个image\n",
"time_step = 28 # 一个LSTM中,输入序列的长度Tx,image有28行\n",
"input_size = 28 # 单个x向量长度,image有28列\n",
"lr = 0.001 # 学习率\n",
"num_units = 100 # 隐藏层多少个LTSM单元\n",
"iterations =1000 # 迭代训练次数\n",
"classes =10 # 输出大小,0-9十个数字的概率\n",
"\n",
"# 定义 placeholders\n",
"# 维度是[batch_size,time_step * input_size]\n",
"x = tf.placeholder(tf.float32, [None, time_step * input_size]) \n",
"# 输入的是二维数据,将其还原为三维,维度是[batch_size, time_step, input_size]\n",
"x_image = tf.reshape(x, [-1, time_step, input_size]) \n",
"y = tf.placeholder(tf.int32, [None, classes]) "
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 定义RNN(LSTM)结构"
]
},
{
"cell_type": "code",
"execution_count": 7,
"metadata": {},
"outputs": [],
"source": [
"rnn_cell = tf.contrib.rnn.BasicLSTMCell(num_units=num_units) \n",
"outputs,final_state = tf.nn.dynamic_rnn(\n",
" cell=rnn_cell, # 选择传入的cell\n",
" inputs=x_image, # 传入的数据\n",
" initial_state=None, # 初始状态\n",
" dtype=tf.float32, # 数据类型\n",
" time_major=False, # False: (batch, time_step, input); True: (time_step, batch, input),这里根据x_image结构选择False\n",
")\n",
"output = tf.layers.dense(inputs=outputs[:, -1, :], units=classes) "
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 定义损失函数与优化算法"
]
},
{
"cell_type": "code",
"execution_count": 8,
"metadata": {},
"outputs": [],
"source": [
"cross_entropy = tf.losses.softmax_cross_entropy(onehot_labels=y, logits=output) # 计算loss\n",
"train_step = tf.train.AdamOptimizer(lr).minimize(cross_entropy) #选择优化方法"
]
},
{
"cell_type": "code",
"execution_count": 9,
"metadata": {},
"outputs": [],
"source": [
"#判断预测标签和实际标签是否匹配\n",
"correct_prediction = tf.equal(tf.argmax(y, axis=1),tf.argmax(output, axis=1))\n",
"accuracy = tf.reduce_mean(tf.cast(correct_prediction,'float')) #计算正确率"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## 训练并验证准确率"
]
},
{
"cell_type": "code",
"execution_count": 10,
"metadata": {},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"train accuracy 0.560\n",
"train accuracy 0.740\n",
"train accuracy 0.900\n",
"train accuracy 0.810\n",
"train accuracy 0.940\n",
"train accuracy 0.890\n",
"train accuracy 0.880\n",
"train accuracy 0.910\n",
"train accuracy 0.910\n",
"train accuracy 0.930\n",
"train accuracy 0.870\n",
"train accuracy 0.960\n",
"train accuracy 0.960\n",
"train accuracy 0.940\n",
"train accuracy 0.930\n",
"train accuracy 0.960\n",
"train accuracy 0.940\n",
"train accuracy 0.980\n",
"train accuracy 0.920\n",
"train accuracy 0.980\n",
"test accuracy 0.958\n"
]
}
],
"source": [
"sess = tf.Session()\n",
"init = tf.global_variables_initializer()\n",
"sess.run(init)\n",
"\n",
"for i in range(iterations):\n",
" batch_x, batch_y = mnist.train.next_batch(batch_size)\n",
" sess.run(train_step, feed_dict={x: batch_x, y: batch_y})\n",
" if (i+1) % 50 == 0:\n",
" print(\"train accuracy %.3f\" % accuracy.eval(session = sess,\n",
" feed_dict = {x:batch_x, y:batch_y}))\n",
"print(\"test accuracy %.3f\" % accuracy.eval(session = sess,\n",
" feed_dict = {x:mnist.test.images, y:mnist.test.labels}))"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": []
}
],
"metadata": {
"kernelspec": {
"display_name": "Python 3",
"language": "python",
"name": "python3"
},
"language_info": {
"codemirror_mode": {
"name": "ipython",
"version": 3
},
"file_extension": ".py",
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
"version": "3.5.6"
}
},
"nbformat": 4,
"nbformat_minor": 2
}
6 changes: 5 additions & 1 deletion README.md
Original file line number Diff line number Diff line change
Expand Up @@ -14,4 +14,8 @@

- ## [08_cnn_pytorch.ipynb](https://github.com/RedstoneWill/dl-from-scratch/blob/master/08_cnn_pytorch.ipynb)

- ## [08_cnn_tensorflow.ipynb](https://github.com/RedstoneWill/dl-from-scratch/blob/master/08_cnn_tensorflow.ipynb)
- ## [08_cnn_tensorflow.ipynb](https://github.com/RedstoneWill/dl-from-scratch/blob/master/08_cnn_tensorflow.ipynb)

- ## [09_rnn_pytorch.ipynb](https://github.com/RedstoneWill/dl-from-scratch/blob/master/09_rnn_pytorch.ipynb)

- ## [09_rnn_tensorflow.ipynb](https://github.com/RedstoneWill/dl-from-scratch/blob/master/09_rnn_tensorflow.ipynb)
Binary file added datasets/ch06/test/0.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/1.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/10.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/100.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/101.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/102.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/103.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/104.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/105.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/106.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/107.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/108.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/109.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/11.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/110.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/111.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/112.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/113.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/114.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/115.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/116.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/117.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/118.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/119.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/12.jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added datasets/ch06/test/120.jpg
Binary file added datasets/ch06/test/121.jpg
Binary file added datasets/ch06/test/122.jpg
Binary file added datasets/ch06/test/123.jpg
Binary file added datasets/ch06/test/124.jpg
Binary file added datasets/ch06/test/125.jpg
Binary file added datasets/ch06/test/126.jpg
Binary file added datasets/ch06/test/127.jpg
Binary file added datasets/ch06/test/128.jpg
Binary file added datasets/ch06/test/129.jpg
Binary file added datasets/ch06/test/13.jpg
Binary file added datasets/ch06/test/130.jpg
Binary file added datasets/ch06/test/131.jpg
Binary file added datasets/ch06/test/132.jpg
Binary file added datasets/ch06/test/133.jpg
Binary file added datasets/ch06/test/134.jpg
Binary file added datasets/ch06/test/135.jpg
Binary file added datasets/ch06/test/136.jpg
Binary file added datasets/ch06/test/137.jpg
Binary file added datasets/ch06/test/138.jpg
Binary file added datasets/ch06/test/139.jpg
Binary file added datasets/ch06/test/14.jpg
Binary file added datasets/ch06/test/140.jpg
Binary file added datasets/ch06/test/141.jpg
Binary file added datasets/ch06/test/142.jpg
Binary file added datasets/ch06/test/143.jpg
Binary file added datasets/ch06/test/144.jpg
Binary file added datasets/ch06/test/145.jpg
Binary file added datasets/ch06/test/146.jpg
Binary file added datasets/ch06/test/147.jpg
Binary file added datasets/ch06/test/148.jpg
Binary file added datasets/ch06/test/149.jpg
Binary file added datasets/ch06/test/15.jpg
Binary file added datasets/ch06/test/150.jpg
Binary file added datasets/ch06/test/151.jpg
Binary file added datasets/ch06/test/152.jpg
Binary file added datasets/ch06/test/153.jpg
Binary file added datasets/ch06/test/154.jpg
Binary file added datasets/ch06/test/155.jpg
Binary file added datasets/ch06/test/156.jpg
Binary file added datasets/ch06/test/157.jpg
Binary file added datasets/ch06/test/158.jpg
Binary file added datasets/ch06/test/159.jpg
Binary file added datasets/ch06/test/16.jpg
Binary file added datasets/ch06/test/160.jpg
Binary file added datasets/ch06/test/161.jpg
Binary file added datasets/ch06/test/162.jpg
Binary file added datasets/ch06/test/163.jpg
Binary file added datasets/ch06/test/164.jpg
Binary file added datasets/ch06/test/165.jpg
Binary file added datasets/ch06/test/166.jpg
Binary file added datasets/ch06/test/167.jpg
Binary file added datasets/ch06/test/168.jpg
Binary file added datasets/ch06/test/169.jpg
Binary file added datasets/ch06/test/17.jpg
Binary file added datasets/ch06/test/170.jpg
Binary file added datasets/ch06/test/171.jpg
Binary file added datasets/ch06/test/172.jpg
Binary file added datasets/ch06/test/173.jpg
Binary file added datasets/ch06/test/174.jpg
Binary file added datasets/ch06/test/175.jpg
Binary file added datasets/ch06/test/176.jpg
Binary file added datasets/ch06/test/177.jpg
Binary file added datasets/ch06/test/178.jpg
Binary file added datasets/ch06/test/179.jpg
Binary file added datasets/ch06/test/18.jpg
Binary file added datasets/ch06/test/180.jpg
Binary file added datasets/ch06/test/181.jpg
Binary file added datasets/ch06/test/182.jpg
Binary file added datasets/ch06/test/183.jpg
Binary file added datasets/ch06/test/184.jpg
Binary file added datasets/ch06/test/185.jpg
Binary file added datasets/ch06/test/186.jpg
Binary file added datasets/ch06/test/187.jpg
Binary file added datasets/ch06/test/188.jpg
Binary file added datasets/ch06/test/189.jpg
Binary file added datasets/ch06/test/19.jpg
Binary file added datasets/ch06/test/190.jpg
Binary file added datasets/ch06/test/191.jpg
Binary file added datasets/ch06/test/192.jpg
Binary file added datasets/ch06/test/193.jpg
Binary file added datasets/ch06/test/194.jpg
Binary file added datasets/ch06/test/195.jpg
Binary file added datasets/ch06/test/196.jpg
Binary file added datasets/ch06/test/197.jpg
Binary file added datasets/ch06/test/198.jpg
Binary file added datasets/ch06/test/199.jpg
Binary file added datasets/ch06/test/2.jpg
Binary file added datasets/ch06/test/20.jpg
Binary file added datasets/ch06/test/21.jpg
Binary file added datasets/ch06/test/22.jpg
Binary file added datasets/ch06/test/23.jpg
Binary file added datasets/ch06/test/24.jpg
Binary file added datasets/ch06/test/25.jpg
Binary file added datasets/ch06/test/26.jpg
Binary file added datasets/ch06/test/27.jpg
Binary file added datasets/ch06/test/28.jpg
Binary file added datasets/ch06/test/29.jpg
Binary file added datasets/ch06/test/3.jpg
Binary file added datasets/ch06/test/30.jpg
Binary file added datasets/ch06/test/31.jpg
Binary file added datasets/ch06/test/32.jpg
Binary file added datasets/ch06/test/33.jpg
Binary file added datasets/ch06/test/34.jpg
Binary file added datasets/ch06/test/35.jpg
Binary file added datasets/ch06/test/36.jpg
Binary file added datasets/ch06/test/37.jpg
Binary file added datasets/ch06/test/38.jpg
Binary file added datasets/ch06/test/39.jpg
Binary file added datasets/ch06/test/4.jpg
Binary file added datasets/ch06/test/40.jpg
Binary file added datasets/ch06/test/41.jpg
Binary file added datasets/ch06/test/42.jpg
Binary file added datasets/ch06/test/43.jpg
Binary file added datasets/ch06/test/44.jpg
Binary file added datasets/ch06/test/45.jpg
Binary file added datasets/ch06/test/46.jpg
Binary file added datasets/ch06/test/47.jpg
Binary file added datasets/ch06/test/48.jpg
Binary file added datasets/ch06/test/49.jpg
Binary file added datasets/ch06/test/5.jpg
Binary file added datasets/ch06/test/50.jpg
Binary file added datasets/ch06/test/51.jpg
Binary file added datasets/ch06/test/52.jpg
Binary file added datasets/ch06/test/53.jpg
Binary file added datasets/ch06/test/54.jpg
Binary file added datasets/ch06/test/55.jpg
Binary file added datasets/ch06/test/56.jpg
Binary file added datasets/ch06/test/57.jpg
Binary file added datasets/ch06/test/58.jpg
Binary file added datasets/ch06/test/59.jpg
Binary file added datasets/ch06/test/6.jpg
Binary file added datasets/ch06/test/60.jpg
Binary file added datasets/ch06/test/61.jpg
Binary file added datasets/ch06/test/62.jpg
Binary file added datasets/ch06/test/63.jpg
Binary file added datasets/ch06/test/64.jpg
Binary file added datasets/ch06/test/65.jpg
Binary file added datasets/ch06/test/66.jpg
Binary file added datasets/ch06/test/67.jpg
Binary file added datasets/ch06/test/68.jpg
Binary file added datasets/ch06/test/69.jpg
Binary file added datasets/ch06/test/7.jpg
Binary file added datasets/ch06/test/70.jpg
Binary file added datasets/ch06/test/71.jpg
Binary file added datasets/ch06/test/72.jpg
Binary file added datasets/ch06/test/73.jpg
Binary file added datasets/ch06/test/74.jpg
Binary file added datasets/ch06/test/75.jpg
Binary file added datasets/ch06/test/76.jpg
Binary file added datasets/ch06/test/77.jpg
Binary file added datasets/ch06/test/78.jpg
Binary file added datasets/ch06/test/79.jpg
Binary file added datasets/ch06/test/8.jpg
Binary file added datasets/ch06/test/80.jpg
Binary file added datasets/ch06/test/81.jpg
Binary file added datasets/ch06/test/82.jpg
Binary file added datasets/ch06/test/83.jpg
Binary file added datasets/ch06/test/84.jpg
Binary file added datasets/ch06/test/85.jpg
Binary file added datasets/ch06/test/86.jpg
Binary file added datasets/ch06/test/87.jpg
Binary file added datasets/ch06/test/88.jpg
Binary file added datasets/ch06/test/89.jpg
Binary file added datasets/ch06/test/9.jpg
Binary file added datasets/ch06/test/90.jpg
Binary file added datasets/ch06/test/91.jpg
Binary file added datasets/ch06/test/92.jpg
Binary file added datasets/ch06/test/93.jpg
Binary file added datasets/ch06/test/94.jpg
Binary file added datasets/ch06/test/95.jpg
Binary file added datasets/ch06/test/96.jpg
Binary file added datasets/ch06/test/97.jpg
Binary file added datasets/ch06/test/98.jpg
Binary file added datasets/ch06/test/99.jpg
Binary file added datasets/ch06/train/0.jpg
Binary file added datasets/ch06/train/1.jpg
Binary file added datasets/ch06/train/10.jpg
Binary file added datasets/ch06/train/100.jpg
Binary file added datasets/ch06/train/101.jpg
Binary file added datasets/ch06/train/102.jpg
Binary file added datasets/ch06/train/103.jpg
Binary file added datasets/ch06/train/104.jpg
Binary file added datasets/ch06/train/105.jpg
Binary file added datasets/ch06/train/106.jpg
Binary file added datasets/ch06/train/107.jpg
Binary file added datasets/ch06/train/108.jpg
Binary file added datasets/ch06/train/109.jpg
Binary file added datasets/ch06/train/11.jpg
Binary file added datasets/ch06/train/110.jpg
Binary file added datasets/ch06/train/111.jpg
Binary file added datasets/ch06/train/112.jpg
Binary file added datasets/ch06/train/113.jpg
Binary file added datasets/ch06/train/114.jpg
Binary file added datasets/ch06/train/115.jpg
Binary file added datasets/ch06/train/116.jpg
Binary file added datasets/ch06/train/117.jpg
Binary file added datasets/ch06/train/118.jpg
Binary file added datasets/ch06/train/119.jpg
Binary file added datasets/ch06/train/12.jpg
Binary file added datasets/ch06/train/120.jpg
Binary file added datasets/ch06/train/121.jpg
Binary file added datasets/ch06/train/122.jpg
Binary file added datasets/ch06/train/123.jpg
Binary file added datasets/ch06/train/124.jpg
Binary file added datasets/ch06/train/125.jpg
Binary file added datasets/ch06/train/126.jpg
Binary file added datasets/ch06/train/127.jpg
Binary file added datasets/ch06/train/128.jpg
Binary file added datasets/ch06/train/129.jpg
Binary file added datasets/ch06/train/13.jpg
Binary file added datasets/ch06/train/130.jpg
Binary file added datasets/ch06/train/131.jpg
Binary file added datasets/ch06/train/132.jpg
Binary file added datasets/ch06/train/133.jpg
Binary file added datasets/ch06/train/134.jpg
Binary file added datasets/ch06/train/135.jpg
Binary file added datasets/ch06/train/136.jpg
Binary file added datasets/ch06/train/137.jpg
Binary file added datasets/ch06/train/138.jpg
Binary file added datasets/ch06/train/139.jpg
Binary file added datasets/ch06/train/14.jpg
Binary file added datasets/ch06/train/140.jpg
Binary file added datasets/ch06/train/141.jpg
Binary file added datasets/ch06/train/142.jpg
Binary file added datasets/ch06/train/143.jpg
Binary file added datasets/ch06/train/144.jpg
Binary file added datasets/ch06/train/145.jpg
Binary file added datasets/ch06/train/146.jpg
Binary file added datasets/ch06/train/147.jpg
Binary file added datasets/ch06/train/148.jpg
Binary file added datasets/ch06/train/149.jpg
Binary file added datasets/ch06/train/15.jpg
Binary file added datasets/ch06/train/150.jpg
Binary file added datasets/ch06/train/151.jpg
Binary file added datasets/ch06/train/152.jpg
Binary file added datasets/ch06/train/153.jpg
Binary file added datasets/ch06/train/154.jpg
Binary file added datasets/ch06/train/155.jpg
Binary file added datasets/ch06/train/156.jpg
Binary file added datasets/ch06/train/157.jpg
Binary file added datasets/ch06/train/158.jpg
Binary file added datasets/ch06/train/159.jpg
Binary file added datasets/ch06/train/16.jpg
Binary file added datasets/ch06/train/160.jpg
Binary file added datasets/ch06/train/161.jpg
Binary file added datasets/ch06/train/162.jpg
Binary file added datasets/ch06/train/163.jpg
Binary file added datasets/ch06/train/164.jpg
Binary file added datasets/ch06/train/165.jpg
Binary file added datasets/ch06/train/166.jpg
Binary file added datasets/ch06/train/167.jpg
Binary file added datasets/ch06/train/168.jpg
Binary file added datasets/ch06/train/169.jpg
Binary file added datasets/ch06/train/17.jpg
Binary file added datasets/ch06/train/170.jpg
Binary file added datasets/ch06/train/171.jpg
Binary file added datasets/ch06/train/172.jpg
Binary file added datasets/ch06/train/173.jpg
Binary file added datasets/ch06/train/174.jpg
Binary file added datasets/ch06/train/175.jpg
Binary file added datasets/ch06/train/176.jpg
Binary file added datasets/ch06/train/177.jpg
Binary file added datasets/ch06/train/178.jpg
Binary file added datasets/ch06/train/179.jpg
Binary file added datasets/ch06/train/18.jpg
Binary file added datasets/ch06/train/180.jpg
Binary file added datasets/ch06/train/181.jpg
Binary file added datasets/ch06/train/182.jpg
Binary file added datasets/ch06/train/183.jpg
Binary file added datasets/ch06/train/184.jpg
Binary file added datasets/ch06/train/185.jpg
Loading

0 comments on commit 3aa6fea

Please sign in to comment.