mnist

Can't load 'mnist-original' dataset using sklearn

半腔热情 提交于 2020-01-13 04:28:06
问题 This question is similar to what asked here and here. Unfortunately, in my case the suggested solution didn't fix the problem. I need to work with the MNIST dataset but I can't fetch it, even if I specify the address of the scikit_learn_data/mldata/ folder (see below). How can I fix this? In case it might help, I'm using Anaconda. Code: from sklearn.datasets.mldata import fetch_mldata dataset = fetch_mldata('mnist-original', data_home='/Users/michelangelo/scikit_learn_data/mldata/') mnist =

tensorflow中导入下载到本地的mnist数据集

廉价感情. 提交于 2020-01-13 01:17:08
mnist数据集获取:可从 Yann LeCun教授管网 获取; tensorflow中可使用 input_data.read_data_sets("/worker/mnistdata/", one_hot = True) 导入下载到本地的mnist数据集; "/worker/mnistdata/"为数据集存放的位置. import tensorflow as tf from tensorflow.examples.tutorials.mnist import input_data #tensorflow已经包含了mnist案例的数据 mnist = input_data.read_data_sets("/worker/mnistdata/", one_hot = True) #导入已经下载好的数据集,"/worker/mnistdata/"为存放mnist数据集的文件夹 print(mnist.train.images.shape, mnist.train.labels.shape) print(mnist.test.images.shape, mnist.test.labels.shape) print(mnist.validation.images.shape, mnist.validation.labels.shape) Extracting /worker

AutoEncoder介绍

落花浮王杯 提交于 2020-01-12 10:33:07
什么是自动编码器 自动编码器最开始作为一种数据压缩的方法,特点: 1)跟数据相关程度高 2)压缩数据是有损的 应用: 1)数据去噪 2)可视化降维 3)生成数据 4)数据压缩 自动编码器的结构 通常我们使用神经网络模型作为编码器和解码器。 PyTorch实现自动编码器 多层感知器 class autoencoder ( nn . Module ) : def __init__ ( self ) : super ( autoencoder , self ) . __init__ ( ) self . encoder = nn . Sequential ( nn . Linear ( 28 * 28 , 128 ) , nn . ReLU ( True ) , nn . Linear ( 128 , 64 ) , nn . ReLU ( True ) , nn . Linear ( 64 , 12 ) , nn . ReLU ( True ) , nn . Linear ( 12 , 3 ) ) self . decoder = nn . Sequential ( nn . Linear ( 3 , 12 ) , nn . ReLU ( True ) , nn . Linear ( 12 , 64 ) , nn . ReLU ( True ) , nn . Linear ( 64 ,

What is the structure of torch dataset?

前提是你 提交于 2020-01-12 10:16:26
问题 I am beginning to use torch 7 and I want to make my dataset for classification. I've already made pixel images and corresponding labels. However, I do not know how to feed those data to the torch. I read some codes from others and found out that they are using the dataset whose extension is '.t7' and I think it is a tensor type. Is it right? And I wonder how I can convert my pixel images(actually, I made them with Matlab by using MNIST dataset) into t7 extension compatible to the torch. There

人工智能实验四:深度学习算法及应用(DNN&CNN)

走远了吗. 提交于 2020-01-12 08:43:37
人工智能实验四报告:深度学习算法及应用 文章目录 人工智能实验四报告:深度学习算法及应用 实验目的 实验要求 实验硬件 实验软件 实验内容与步骤 MNIST数据集 具体实现 DNN(深度神经网络) 概述 具体设计 代码实现 结果输出 结果分析 为啥我又用了CNN(卷积神经网络)? CNN(卷积神经网络) 概述 具体设计 代码实现 结果输出 结果分析 思考题 实验目的 了解深度学习的基本原理 能够使用深度学习开源工具识别图像中的数字 了解图像识别的基本原理 实验要求 解释深度学习原理 对实验性能进行分析 回答思考题 实验硬件 计算机 实验软件 软件:windows操作系统 应用软件:TensorFlow、PyCharm、Python、Google Colab 实验内容与步骤 安装开源深度学习工具设计并实现一个深度学习模型,它能够学习识别图像中的数字序列。使用数据训练它,可以使用人工合成的数据(推荐),或直接使用现实数据。 MNIST数据集 通过下面的代码我们可以对其中的图片有一个大致的把握: import matplotlib . pyplot as plt # 训练集 train_images = mnist . train . images train_labels = mnist . train . labels # 验证集 validation_images = mnist

基于百度飞浆深度学习框架的各个优化算法比较(手写数字识别)

余生颓废 提交于 2020-01-10 21:51:14
# 加载相关库 import os import random import paddle import paddle.fluid as fluid from paddle.fluid.dygraph.nn import Conv2D, Pool2D, FC import numpy as np from PIL import Image import gzip import json 一、数据处理 # 声明数据集文件位置 datafile = './work/mnist.json.gz' print('loading mnist dataset from {} ......'.format(datafile)) # 加载json数据文件 data = json.load(gzip.open(datafile)) print('mnist dataset load done') # 读取到的数据区分训练集,验证集,测试集 train_set, val_set, eval_set = data # 数据集相关参数,图片高度IMG_ROWS, 图片宽度IMG_COLS IMG_ROWS = 28 IMG_COLS = 28 # 打印数据信息 imgs, label = train_set[0], train_set[1] print("训练数据集数量: ", len(imgs)) #

Fashion MNIST数据集介绍及下载

有些话、适合烂在心里 提交于 2020-01-10 07:32:03
Fashion MNIST(服饰数据集)的作用是经典MNIST数据集的简易替换,MNIST数据集包含手写数字(阿拉伯数字)的图像,两者图像格式及大小都相同。Fashion MNIST比常规 MNIST手写数据将更具挑战性。两者数据集都较小,主要适用于初学者学习或验证某个算法可否正常运行。他们是测试和调试代码的良好起点。 Fashion MNIST/服饰数据集包含70000张灰度图像,其中包含60,000个示例的训练集和10,000个示例的测试集,每个示例都是一个28x28灰度图像,分为以下几类: Label Description 0 T恤(T-shirt/top) 1 裤子(Trouser) 2 套头衫(Pullover) 3 连衣裙(Dress) 4 外套(Coat) 5 凉鞋(Sandal) 6 衬衫(Shirt) 7 运动鞋(Sneaker) 8 包(Bag) 9 靴子(Ankle boot) Fashion MNIST源地址 直接下载:分别点击图中四个蓝色Download即可下载 使用Python加载数据(需要NumPy) import mnist_reader X_train , y_train = mnist_reader . load_mnist ( 'data/fashion' , kind = 'train' ) X_test , y_test = mnist

import input_data MNIST tensorflow not working

帅比萌擦擦* 提交于 2020-01-09 19:39:25
问题 TensorFlow MNIST example not running with fully_connected_feed.py I checked this out and realized that input_data was not built-in. So I downloaded the whole folder from here. How can I start the tutorial: import input_data mnist = input_data.read_data_sets("MNIST_data/", one_hot=True) --------------------------------------------------------------------------- ImportError Traceback (most recent call last) <ipython-input-6-a5af65173c89> in <module>() ----> 1 import input_data 2 mnist = tf

tensorboard可视化

只愿长相守 提交于 2020-01-08 14:17:43
先存着 import tensorflow as tf from tensorflow.examples.tutorials.mnist import input_data #最经典的mnist手写字符识别中的数据集 max_steps = 1000 learning_rate = 0.001 dropout = 0.9 data_dir = './MNIST_data_bak' log_dir = './logs/mnist_with_summaries' mnist = input_data.read_data_sets ( data_dir, one_hot = True ) sess = tf.InteractiveSession ( ) with tf.name_scope ( 'input' ) : x = tf.placeholder ( tf.float32, [ None, 784 ] , name = 'x-input' ) y_ = tf.placeholder ( tf.float32, [ None, 10 ] , name = 'y-input' ) with tf.name_scope ( 'input_reshape' ) : # 784维度变形为图片保持到节点 # -1 代表进来的图片的数量、28,28是图片的高和宽,1是图片的颜色通道 image

Keras实现MNIST分类

本小妞迷上赌 提交于 2020-01-08 05:59:26
  仅仅为了学习Keras的使用,使用一个四层的全连接网络对MNIST数据集进行分类,网络模型各层结点数为:784: 256: 128 : 10;   使用整体数据集的75%作为训练集,25%作为测试集,最终在测试集上的正确率也就只能达到92%,太低了: precision recall f1-score support 0.0 0.95 0.96 0.96 1721 1.0 0.95 0.97 0.96 1983 2.0 0.91 0.90 0.91 1793 3.0 0.91 0.88 0.89 1833 4.0 0.92 0.93 0.92 1689 5.0 0.87 0.86 0.87 1598 6.0 0.92 0.95 0.94 1699 7.0 0.94 0.93 0.93 1817 8.0 0.89 0.87 0.88 1721 9.0 0.89 0.90 0.89 1646 micro avg 0.92 0.92 0.92 17500 macro avg 0.91 0.92 0.91 17500 weighted avg 0.92 0.92 0.92 17500 训练过程中,损失和正确率曲线: 上面使用的优化方法是SGD,下面在保持所有参数不变的情况下,使用RMSpro进行优化,最后的结果看起来好了不少啊达到98%: precision recall f1