搜索资源列表
trainingdynamicmatrixofparticlefilter
- 粒子滤波的训练部分.理论部分参考michael isard的博士论文<Visual Motion Analysis by Probabilistic Propagation of Conditional Density>learn a dynamical matrix部分.训练集合和采集需要的图片都包含了(原用于手势跟踪,故图片均为手势图片).采集代码使用另外一个代码image_demo(已上传)-Particle filter part of the training. Micha
myfacedet02
- matlab代码程序,利用Adaboost算法训练人脸图像和非人脸图像,通过迭代得到由多个弱分类器组合而成的强分类器,实现图片里的人脸检测。-Matlab code,Using Adaboost algorithm to train the face images and not face images, obtained strong classifier which is conprised of multiple weak classifiers by iteration , re
PCAPLDA
- PCA+LDA人脸识别,PCA降维到N-C,(N为训练样本数,C为类别数)使得Sw非奇异,主要是解决小样本,数据集为ORL,每类取9(可改)个图片-PCA+LDA recognition, PCA dimensionality reduction to NC, (N is the number of training samples, C is the number of categories) make Sw nonsingular, mainly to resolve the small s
PCA-matlab
- PCA-SIFT算子 训练一些图片模型 并对其进行检测-PCA-SIFT operator training some pictures of the model and its detection
picture-cut
- 大量裁剪图片,将大图片裁剪出相同大小的小图片,适用于大量样本训练。-A large number of cutting pictures, the big picture cut out the same size of the small picture, suitable for a large number of sample training.
vedio
- 目标检测与识别 1. 颜色检测 采集大量敌方机器人的图片数据,并进行训练,得到对方机器人的颜色区间, 并以此为阈值对整幅图像进行颜色检测,找到疑似敌方机器人的区域,量化 成二值图。 2. 滤除噪声点 对得到的二值图像进行开运算处理,滤除颜色检测结果中的噪声点。 3. 连通区域检测 对图像中的疑似区域进行连通区域检测,计算出每个疑似区域的外部轮廓, 用矩形近似表示。 4. 连通区域合并 根据连通区域之间的距离和颜色相似性,将距离接近且相似性高的连通区域
DB2_B
- 为指纹识别提供训练的指纹库,内含多张指纹图片(Provide fingerprint images for fingerprint identification)
神经网络 训练识别
- 1.先打开一幅图片然后按照顺序灰度化、二值化、灰度拉伸、车牌定位、二值化、倾斜校正、字符分割、训练神经网络、识别字符。 2.测试图像存储在当前目录的img下。 3.测试集、训练集、目标向量均存储在img下的文本文件中。(1. First open a picture and then follow the sequence of grayscale, binary, grayscale stretching, license plate positioning, binarization, ti
re
- 可用于 caffe环境,适于初学者,包括了五个类别,每个类别100张图片 ,有公交 恐龙 鲜花 马 大象。(it can be used in caffe environment. suitable for new learner)
SVM_Train_Predict_HOG
- 通过HOG,和SVM训练,统计出一张图片中的人数(Through the HOG, and SVM training, statistics a picture of the number of people)
Sig_fig
- 分类两组图片,利用了 PIL 和 Tensorflow 进行训练(classify two kinds of photograph)
Tesseract 一键生成字库
- 运行在Windows平台,把做好的字符图片放进去,就可以训练成Tesseract调用的字库了。(Running on the Windows platform)
k_means
- 深度学习yolo通过k_means算法初始化anchor,只要修改图片大小和训练图片路径以及个数即可。(Deep learning Yolo initializes the anchor through k_means algorithm, as long as the size of the picture and the training picture path and number can be.)
encode-xunlian(1)r
- 从给定的很多张自然图片中截取出大小为8*8的小patches图片共10000张,现在需要用sparse autoencoder的方法训练出一个隐含层网络所学习到的特征。该网络共有3层,输入层是64个节点,隐含层是25个节点,输出层当然也是64个节点了。这里只是上传了训练的部分代码,后续继续(A total of 10000 small patches pictures with size 8*8 are extracted from a lot of natural pictures. Now
adversarial.tar
- 此程序为对抗生成网络,生成图像。 生成对抗网络是一种生成模型(Generative Model),其背后基本思想是从训练库里获取很多训练样本,从而学习这些训练案例生成的概率分布。 而实现的方法,是让两个网络相互竞争,‘玩一个游戏’。其中一个叫做生成器网络( Generator Network),它不断捕捉训练库里真实图片的概率分布,将输入的随机噪声(Random Noise)转变成新的样本(也就是假数据)。另一个叫做判别器网络(Discriminator Network),它可以同时观察真实和假
SR_1
- 实现了图像基于学习的超分辨率重构,输入训练图片和待处理图片,得出超分辨率处理后的图像(Super-resolution reconstruction based on learning, Input the training picture and the image to be processed to get the image after super-resolution processing)
matlab表情识别
- Matlab表情识别,特征脸[1 ]作为面部表情分类的方法。首先,利用训练图像创建低维人脸空间(pca)。这是通过训练图像集主成分分析(PCA)及图片主成分分析(即具有较大特征值的特征向量)获得的。 结果,所有的测试图像以所选择的主成分表示,计算投影图像与所有投影列车图像的欧几里得距离,选择最小值以找出与试验图像最相似的训练图像。(The feature face [1] is used as a facial expression classification method. Firstly,
labelImg-master
- labelImg图片标签工具,用于生成训练集(labelImg is used for pic labeling)
MNIST_data
- MNIST数据集是机器学习领域中非常经典的一个数据集,由60000个训练样本和10000个测试样本组成,每个样本都是一张28 * 28像素的灰度手写数字图片。(The MNIST data set is a very classic data set in the field of machine learning. It consists of 60,000 training samples and 10,000 test samples. Each sample is a 28 * 28 p