写在分类之首-----to do list!】的更多相关文章

1.增强学习 http://www.wildml.com/2016/10/learning-reinforcement-learning/ 2.RNN 别人的博客目录: 1.学些增强学习(通过代码,练习和问题的解决方案) 2.TensorFlow中的RNN,实践指南,没有被记录的特性 TensorFlow [1] 是一个表达机器学习算法的接口,并且是执行算法的实现框架 3.DL实现的聊天机器人,Part2--基于TensorFlow中的模型实现的检索 4.DL实现的聊天机器人,Part1--简介…
simple版本nn模型 训练手写数字处理 MNIST_data数据   百度网盘链接:https://pan.baidu.com/s/19lhmrts-vz0-w5wv2A97gg 提取码:cgnx import tensorflow as tf from tensorflow.examples.tutorials.mnist import input_data #载入数据集 mnist=input_data.read_data_sets("MNIST_data", one_hot=…
线性回归 步骤 构造线性回归数据 定义输入层 设计神经网络中间层 定义神经网络输出层 计算二次代价函数,构建梯度下降 进行训练,获取预测值 画图展示 代码 import tensorflow as tf import numpy as np import matplotlib.pyplot as plt tf.compat.v1.disable_eager_execution() #3-1非线性回归 #使用numpy生成200个随机点,200行1列 x_data=np.linspace(-0.5…
手写数字digits分类,这可是深度学习算法的入门练习.而且还有专门的手写数字MINIST库.opencv提供了一张手写数字图片给我们,先来看看 这是一张密密麻麻的手写数字图:图片大小为1000*2000,有0-9的10个数字,每5行为一个数字,总共50行,共有5000个手写数字.在opencv3.0版本中,图片存放位置为 /opencv/sources/samples/data/digits.png 我们首先要做的,就是把这5000个手写数字,一个个截取出来,每个数字块大小为20*20.直接将…
from __future__ import print_function # 导入numpy库, numpy是一个常用的科学计算库,优化矩阵的运算 import numpy as np np.random.seed(1337) # 导入mnist数据库, mnist是常用的手写数字库 from keras.datasets import mnist # 导入顺序模型 from keras.models import Sequential # 导入全连接层Dense, 激活层Activation…
不兼容IE10以下的浏览器 <!DOCTYPE html> <html> <head> <meta charset=utf-> <title>Css3分类</title> <style> *{margin:0px;padding:0px;border:0px;} body{font-size:12px} a{color:#; text-decoration:none;} a:hover{color:#FF0000; tex…
使用工具 :VS2013 + OpenCV 3.1 数据集:minst 训练数据:60000张 测试数据:10000张 输出模型:HOG_SVM_DATA.xml 数据准备 train-images-idx3-ubyte.gz:  training set images (9912422 bytes) train-labels-idx1-ubyte.gz:  training set labels (28881 bytes) t10k-images-idx3-ubyte.gz:   test s…
import torch import numpy as np import torch.nn as nn from torch.autograd import Variable import torch.optim as optim from torch.utils.data import DataLoader from torchvision import datasets, transforms batch_size = 64 learning_rate = 1e-2 num_epoche…
#import <Foundation/Foundation.h> //xieyi @protocol showOn @required -(void)printOn; @end // lei @interface MyPoint : NSObject<showOn,NSCopying>{ int x; int y; } @property (nonatomic,assign)int x,y; -(id)initWithX:(int)_x andY:(int)_y; @end //…
from __future__ import print_function import numpy as np np.random.seed(1337) from keras.datasets import mnist from keras.models import Sequential from keras.layers import Dense, Dropout, Activation, Flatten from keras.layers import Convolution2D, Ma…