Welcome![Sign In][Sign Up]
Location:
Search - hog adaboost

Search list

[WEB CodeHOG

Description: 基于hog人体识别的很好的文章,既有基于adaboost的又有svm的分类器。
Platform: | Size: 306358 | Author: 孙兆辉 | Hits:

[DocumentsHOG

Description: 基于hog人体识别的很好的文章,既有基于adaboost的又有svm的分类器。-Hog human identification based on a very good article, both based on the AdaBoost and the SVM classifier.
Platform: | Size: 3606528 | Author: 孙兆辉 | Hits:

[Otherhogvec

Description: hog算法进行人的检测,生成vector向量,即原始的数据。-hog human detection algorithm to generate a vector vector, that is, the original data.
Platform: | Size: 5186560 | Author: xiehongtao | Hits:

[VC/MFC3-70

Description: 基于Adaboost算法的行人检测方法,用于汽车驾驶-Adaboost
Platform: | Size: 203776 | Author: bbsx | Hits:

[Special EffectsAdaboostHumanDetection

Description: Adaboost算法的行人检测,这是一篇硕士学位论文-Adaboost algorithm of pedestrian detection, which is a master' s degree thesis
Platform: | Size: 5785600 | Author: jencolTang | Hits:

[matlabHOG

Description: Image descriptor based on Histogram of Orientated Gradients for gray-level images. This code was developed for the work: O. Ludwig, D. Delgado, V. Goncalves, and U. Nunes, Trainable Classifier-Fusion Schemes: An Application To Pedestrian Detection, In: 12th International IEEE Conference On Intelligent Transportation Systems, 2009, St. Louis, 2009. V. 1. P. 432-437. In case of publication with this code, please cite the paper above.- Image descriptor based on Histogram of Orientated Gradients for gray-level images. This code was developed for the work: O. Ludwig, D. Delgado, V. Goncalves, and U. Nunes, Trainable Classifier-Fusion Schemes: An Application To Pedestrian Detection, In: 12th International IEEE Conference On Intelligent Transportation Systems, 2009, St. Louis, 2009. V. 1. P. 432-437. In case of publication with this code, please cite the paper above.
Platform: | Size: 2048 | Author: Arij | Hits:

[matlabCODE

Description: 1.GeometricContext文件是完成图片中几何方向目标分类。 参考文献《Automatic Photo Pop-up》Hoiem 2005 2 GrabCut文件是完成图像中目标交互式分割 参考文献《“GrabCut” — Interactive Foreground Extraction using Iterated Graph Cuts》 C. Rother 2004 3 HOG文件是自己编写的根据HOG特征检测行人的matlab代码 4 虹膜识别程序是下载的一个通用的虹膜识别程序,可以运行 5 GML_AdaBoost_Matlab_Toolbox是一个很好用的adaboost matlab工具箱 6 libsvm-mat-2.91-1 是用C编写的改进的SVM程序,代码质量很高,提供了matlab接口 7 SIFT_Matlab 是编写的利用sift特征进行的宽基线匹配,代码质量高 8 FLDfisher 是利用fisher 线性降维方法进行人脸识别-1.GeometricContext file is complete the picture in the geometric direction of target classification. References " Automatic Photo Pop-up" Hoiem 2005 2 GrabCut the target file is an interactive segmentation of image reference " " GrabCut " - Interactive Foreground Extraction using Iterated Graph Cuts" C. Rother 2004 3 HOG documents prepared under their own HOG Characteristics of pedestrian detection matlab code 4 iris recognition process is to download a general iris recognition program, you can run 5 GML_AdaBoost_Matlab_Toolbox is a good use of adaboost matlab toolbox 6 libsvm-mat-2.91-1 is written in C to improve the SVM procedures, code of high quality, provides a matlab interface to 7 SIFT_Matlab is prepared for the use of sift features a wide baseline matching, the code is the use of high quality 8 FLDfisher fisher linear dimension reduction method for face recognition
Platform: | Size: 6918144 | Author: 张数 | Hits:

[Software EngineeringMonocular-Pedestrian-Detection-__-survey-and-expe

Description: The objective of this paper is to provide an overview of the current state of the art from both methodologicaland experimental perspectives. The first part of the paper consists of a survey. We cover the main components of a pedestrian detection system and the underlying models. The second (and larger) part of the paper contains a corresponding experimental study. We consider a diverse set of state-of-the-art systems: wavelet-based AdaBoost cascade, HOG/linSVM, NN/LRF, and combined shape-texture detection. Experiments are performed on an extensive data set captured onboard a vehicle driving through urban environment.
Platform: | Size: 2726912 | Author: linuszhao | Hits:

[Graph RecognizeHOGadaboost

Description: 用matla实现的行人检测,使用hog+adaboost的方法,内附程序运行时所需的大量训练及检测图片-Pedestrian Detection with matla achieved, the use of hog+ adaboost the method, enclosing the program is running a lot of training and testing images...
Platform: | Size: 51777536 | Author: 王龙 | Hits:

[Mathimatics-Numerical algorithmslunwen

Description: 提出一种多尺度方向(multi-scale orientation,简称 MSO)特征描述子用于静态图片中的人体目标检 测.MSO 特征由随机采样的图像方块组成,包含了粗特征集合与精特征集合.其中,粗特征是图像块的方向,而精特征 由 Gabor 小波幅值响应竞争获得.对于两种特征,分别采用贪心算法进行选择,并使用级联 Adaboost 算法及 SVM 训 练检测模型.基于粗特征的 Adaboost 分类器能够保证高的检测速度,而基于精特征的 SVM 分类器则保证了检测精 度.另外,通过 MSO 特征块的平移,使得所提算法能够检测多视角的人体.通过对于 MSO 特征块的装配,使得算法能 够检测人群中相互遮挡的人体目标.在INRIA公共测试集合及SDL多视角测试集合上的实验结果表明,算法具有对视角与遮挡的鲁棒性和较高的检测速度. -The multi-scale orientation (MSO) features for pedestrian detection in still images are put forwarded in this paper. Extracted on randomly sampled square image blocks (units), MSO features are made up of coarse and fine features, which are calculated with a unit gradient and the Gabor wavelet magnitudes respectively. Greedy methods are employed respectively to select the features. Furthermore, the selected features are inputted into a cascade classifier with Adaboost and SVM for classification. In addition, the spatial location of MSO units can be shifted, are used to the handle multi-view problem and assembled therefore, the occluded features are completed with average features of training positives, given an occlusion model, which enable the proposed approach to work in crowd scenes. Experimental results on INRIA testset and SDL multi-view testset report the state-of-arts results on INRIA include it is 12.4 times the faster than SVM+HOG method.
Platform: | Size: 1868800 | Author: 尹世荣 | Hits:

[Software EngineeringImprovements-of-object-detection

Description: 通过fisher对hog特征降维,并用于物体检测-We present a method for object detection that combines AdaBoost learning with local histogram features. On the side of learning we improve the performance by designing a weak learner for multi-valued features based on Weighted Fisher Linear Discriminant.
Platform: | Size: 917504 | Author: ljj | Hits:

[Graph programadaboost-train-test

Description: 级联分类器学习,训练,测试过程 选择了HOG特征和LBP特征-adaboost train learn test hog feature lbp feature
Platform: | Size: 1272832 | Author: xujin | Hits:

[File FormatFusing-Multiple-Feature

Description: 通过改进基于Haar-like特征和Adaboost的级联分类器,提出一种融合Haar-like特征和 HOG特征的道路车辆检测方法-By improving based on Haar-like features and Adaboost cascade classifier, presents a fusion of Haar-like features and characteristics of HOG road vehicle detection method
Platform: | Size: 951296 | Author: hengluo | Hits:

[Special EffectsHOG-adaboost

Description: HOG adaboost pedestrian-detect
Platform: | Size: 10044416 | Author: su_ching_de | Hits:

[matlabDeepLearnToolbox_CNN_lzbV2.0

Description: DeepLearnToolbox_CNN_lzbV2.0 深度学习,卷积神经网络,Matlab工具箱 参考文献: [1] Notes on Convolutional Neural Networks. Jake Bouvrie. 2006 [2] Gradient-Based Learning Applied to Document Recognition. Yann LeCun. 1998 [3] https://github.com/rasmusbergpalm/DeepLearnToolbox 作者:陆振波 电子邮件:luzhenbo2@qq.com 个人博客: http://blog.sina.com.cn/luzhenbo2 毕业院校:海军工程大学,船舶与海洋工程(水声工程),博士 精通方向:数据挖掘,数字信号(图像、视频)处理,人工智能与模式识别,群体智能优化,非线性与混沌,支持向量机,Matlab与VC++混编 擅长技能:战略规划,团队管理,C,C++,Matlab,OpenCV,DSP,并行计算,图像处理,模式识别,机器学习,智能视觉,神经网络,人脸检测,行人检测,车牌识别,机器视觉,特征提取,支持向量机,无人驾驶,自动驾驶,智能眼镜,辅助驾驶,ADAS,AdaBoost,LBP,HOG,MeanShift,目标检测,目标识别,目标跟踪,数据挖掘,大数据 -DeepLearnToolbox CNN lzbV2.0 Deep Learning, convolution neural network, Matlab toolbox reference: [1] Notes on Convolutional Neural Networks. Jake Bouvrie. 2006 [2] Gradient-Based Learning Applied to Document Recognition. Yann LeCun. 1998 [3] https://github.com/rasmusbergpalm/DeepLearnToolbox Author: Lu Zhenbo E-mail: luzhenbo2@qq.com Personal blog: http://blog.sina.com.cn/luzhenbo2 Graduated: Naval University of Engineering, Naval Architecture and Marine Engineering (Underwater Acoustic), Dr. Proficient direction: data mining, digital signal (image, video) processing, artificial intelligence and pattern recognition, swarm intelligence optimization, nonlinear and chaotic, support vector machines, Matlab and VC++ mixed Good skills: strategic planning, team management, C, C++, Matlab, OpenCV, DSP, parallel computing, image processing, pattern recognition, machine learning, intelligent vision, neural networks, face detection, pedestrian detection, lice
Platform: | Size: 980992 | Author: 陆振波 | Hits:

[AI-NN-PRDeepLearnToolbox_CNN_lzbV3.0

Description: CNN - 主程序 参考文献: [1] Notes on Convolutional Neural Networks. Jake Bouvrie. 2006 [2] Gradient-Based Learning Applied to Document Recognition. Yann LeCun. 1998 [3] https://github.com/rasmusbergpalm/DeepLearnToolbox 作者:陆振波 电子邮件:luzhenbo2@qq.com 个人博客: http://blog.sina.com.cn/luzhenbo2 毕业院校:海军工程大学,船舶与海洋工程(水声工程),博士 精通方向:信号处理,图像处理,人工智能,模式识别,支持向量机,深度学习,机器学习,机器视觉,群体智能,Matlab与VC++混编 擅长技能:战略规划,团队管理,C,C++,Matlab,OpenCV,DSP,并行计算,图像处理,智能视觉,卷积神经网络,人脸检测,行人检测,车牌识别,特征提取,智能眼镜,辅助驾驶,ADAS,AdaBoost,LBP,HOG,MeanShift,目标检测,目标识别,目标跟踪,大数据 - CNN- the main program reference: [1] Notes on Convolutional Neural Networks. Jake Bouvrie. 2006 [2] Gradient-Based Learning Applied to Document Recognition. Yann LeCun. 1998 [3] https://github.com/rasmusbergpalm/DeepLearnToolbox Author: Lu Zhenbo E-mail: luzhenbo2@qq.com Personal blog: http://blog.sina.com.cn/luzhenbo2 Graduated: Naval University of Engineering, Naval Architecture and Marine Engineering (Underwater Acoustic), Dr. Proficient direction: signal processing, image processing, artificial intelligence, pattern recognition, support vector machines, deep learning, machine learning, machine vision, swarm intelligence, Matlab and VC++ mixed Good skills: strategic planning, team management, C, C++, Matlab, OpenCV, DSP, parallel computing, image processing, intelligent vision, convolution neural network, face detection, pedestrian detection, license plate recognition, feature extraction, smart glasses, driver assistance, ADAS, AdaBoost, LBP, H
Platform: | Size: 982016 | Author: 陆振波 | Hits:

[Software EngineeringPedestrian-Detection

Description: ICCV2013: 简 称UDN算法,从文中描述的检测效果来看,该方法是所有方法中最好的,并且,效果远超过其他方法。经过对论文和该算法源码的研究,该算法是与作者另外一篇 论文的方法 ,另外的论文算法做图片扫描,得到矩形框,然后用该方法对矩形框进行进一步确认,以及降低误警率和漏警率。另外的论文是:Multi-Stage Contextual Deep Learning for Pedestrian Detection 说得难听一点,这篇文章对行人检测没有多大的贡献。仅仅是用深度学习的CNN做candidate window的确认。而主要的行人检测的算法还是HOG+CSS+adaboost-ICCV2013: UDN algorithm, described in the paper the detection results, the method is the best of all the methods, and the effect is far more than other methods. Through the research of the thesis and the source code of the algorithm, the algorithm is and author also a paper method, also the algorithm do scan pictures and get the rectangular box, then by the method of rectangular box for further confirmation, and reduce the false alarm rate and false alarm rate. Another paper is: Contextual Deep Learning for Pedestrian Multi-Stage Detection To put it bluntly, this article does not have much contribution to the pedestrian detection. Just use deep learning s CNN to do window candidate s confirmation. And the main pedestrian detection algorithm is HOG+CSS+adaboost
Platform: | Size: 6100992 | Author: 韩梦阁 | Hits:

[AI-NN-PROpenCode_luzhenbo

Description: [原创]混沌分析,聚类分析,支持向量机,群体智能优化,深度学习(卷积神经网络)Matlab工具箱全开源版本下载 作者: 陆振波 毕业院校:海军工程大学,船舶与海洋工程(水声工程),博士 精通方向:信号处理,图像处理,人工智能,模式识别,支持向量机,深度学习,机器学习,机器视觉,群体智能,非线性与混沌,Matlab与VC++混编,大数据 擅长技能:团队激励,战略规划,企业文化,组织架构,C,C++,Matlab,OpenCV,并行计算,图像处理,智能视觉,卷积神经网络,人脸检测,行人检测,车牌识别,特征提取,无人驾驶,自动驾驶,毫米波雷达,激光雷达,辅助驾驶,ADAS,AdaBoost,LBP,HOG,MeanShift,目标检测,目标识别,目标跟踪,数据挖掘,大数据 电子邮件:41670240@qq.com 微信:luzhenbo2 个人博客: http://blog.sina.com.cn/luzhenbo2 欢迎同行切磋交流,同时请自我介绍,内容包括:姓名、所在城市、所在单位,工作职责等。-[Original] chaos analysis, cluster analysis, support vector machine, group intelligent optimization, depth learning (convolution neural network) Matlab toolbox full open source version Download Author: Lu Zhenbo Graduated from: Naval University of Engineering, Marine and Marine Engineering (Underwater Engineering), Ph.D. Depth of learning, machine learning, machine vision, group intelligence, nonlinear and chaos, Matlab and VC++ mixed, large data (1), and a large number of data processing, Image processing, intelligent vision, convolutional neural network, face detection, pedestrian detection, license plate recognition, feature extraction, image processing, image processing, image processing, ADAS, AdaBoost, LBP, HOG, MeanShift, target detection, target recognition, target tracking, data mining, large data, radar, radar, autopilot, millimeter wave radar E-mail: 41670240@qq.com WeChat: luzhenbo2 Personal blog: http://blog.sina.com.cn/luzhenbo2 Welcome to peer exchange, and pleas
Platform: | Size: 1847296 | Author: 陆振波 | Hits:

[Special EffectsHOG

Description: 求取任意图片的HOG特征,一共提取360个梯度特征,可用于ADABoost,SVM中。(Seek the HOG feature of any picture)
Platform: | Size: 18432 | Author: 阳明子许0905 | Hits:

[matlabda

Description: 基于码本(codebook)的背景建模的背景差分法+级联基于LBK或haar的adaboost和基于hog的svm分类器+快速hough圆变换进行人头识别+基于区域特征的目标跟踪算法。(编程) AdaBoost是一种增强性机器学习算法,它用于把弱分类器联合成强分类器;SVM本身就是(Background modeling based on codebook (codebook) background difference method + cascade based on LBK or Haar AdaBoost and hog based SVM Classifier + fast Hough circle transform for human head recognition + target tracking algorithm based on regional characteristics.)
Platform: | Size: 1024 | Author: 神万心 | Hits:
« 12 »

CodeBus www.codebus.net