数据集的使用

Participate in Reproducible Research


General Image Processing



OpenCV

(C/C++ code, BSD lic) Image manipulation, matrix manipulation,
transforms

Torch3Vision

(C/C++ code, BSD lic) Basic image processing, matrix manipulation and
feature extraction algorithms: rotation, flip, photometric normalisations
(Histogram Equalization, Multiscale Retinex, Self-Quotient Image or
Gross-Brajovic), edge detection, 2D DCT, 2D FFT, 2D Gabor, PCA to do
Eigen-Faces, LDA to do Fisher-Faces. Various metrics (Euclidean, Mahanalobis,
ChiSquare, NormalizeCorrelation, TangentDistance, ...)

GradientShop

(C/C++ code, GPL lic) GradientShop: A Gradient-Domain Optimization
Framework for Image and Video Filtering

ImLab

(C/C++ code, MIT lic) A Free Experimental System for Image Processing
(loading, transforms, filters, histogram, morphology, ...)

CIMG

(C/C++ code, GPL and LGPL lic) CImg Library is an open source C++ toolkit
for image processing

Generic
Image Library (GIL)
 - boost
integration

(C/C++ code, MIT lic) Adobe open source C++ Generic Image Library
(GIL)

SimpleCV a kinder, gentler
machine vision library

(python code, MIT lic) SimpleCV is a Python interface to several powerful
open source computer vision libraries in a single convenient package

PCL, The Point Cloud Library

(C/C++ code, BSD lic) The Point Cloud Library (or PCL) is a large scale,
open project for point cloud processing. The PCL framework contains numerous
state-of-the art algorithms including filtering, feature estimation, surface
reconstruction, registration, model fitting and segmentation.

Population, imaging library in
C++ for processing, analysing, modelling and visualising

(C/C++ code, CeCill lic) Population is an open-source imaging library in
C++ for processing, analysing, modelling and visualising including more than
200 algorithms designed by V. Tariel.

qcv

(C/C++ code, LGPL 3) A computer vision framework based on Qt and OpenCV
that provides an easy to use interface to display, analyze and run computer
vision algorithms. The library is provided with multiple application examples
including stereo, SURF, Sobel and and Hough transform.

Machine Vision Toolbox

(MATLAB/C, LGPL lic) image processing, segmentation, blob/line/point
features, multiview geometry, camera models, colorimetry.

BoofCV

(Java code, Apache lic) BoofCV is an open source Java library for
real-time computer vision and robotics applications. BoofCV is organized into
several packages: image processing, features, geometric vision, calibration,
visualize, and IO.

Simd

(C++ code, MIT lic) Simd is free open source library in C++. It includes
high performance image processing algorithms. The algorithms are optimized
with using of SIMD CPU extensions such as SSE2, SSSE3, SSE4.2 and
AVX2.


Free but not open source - ArrayFire (formely
LibJacket)
 is a matrix library for CUDA

(CUDA/C++, free lic) ArrayFire offers hundreds of general matrix and image
processing functions, all running on the GPU. The syntax is very Matlab-like,
with the goal of offering easy porting of Matlab code to
C++/ArrayFire.

Image Acquisition, Decoding & encoding



FFMPEG

(C/C++ code, LGPL or GPL lic) Record, convert and stream audio and video
(lot of codec)

OpenCV

(C/C++ code, BSD lic) PNG, JPEG,... images, avi video files, USB
webcam,...

Torch3Vision

(C/C++ code, BSD lic) Video file decoding/encoding (ffmpeg integration),
image capture from a frame grabber or from USB, Sony pan/tilt/zoom camera
control using VISCA interface

lib VLC

(C/C++ code, GPL lic) Used by VLC player: record, convert and stream audio
and video

Live555

(C/C++ code, LGPL lic) RTSP streams

ImageMagick

(C/C++ code, GPL lic) Loading & saving DPX, EXR, GIF, JPEG, JPEG-2000,
PDF, PhotoCD, PNG, Postscript, SVG, TIFF, and more

DevIL

(C/C++ code, LGPL lic) Loading & saving various image format

FreeImage

(C/C++ code, GPL & FPL lic) PNG, BMP, JPEG, TIFF loading

VideoMan

(C/C++ code, LGPL lic) VideoMan is trying to make the image capturing
process from cameras, video files or image sequences easier.

Segmentation



OpenCV

(C/C++ code, BSD lic) Pyramid image segmentation

Branch-and-Mincut

(C/C++ code, Microsoft Research Lic) Branch-and-Mincut Algorithm for Image
Segmentation

Efficiently
solving multi-label MRFs
 (Readme)

(C/C++ code) Segmentation, object category labelling, stereo

Machine Learning



Torch

(C/C++ code, BSD lic) Gradient machines ( multi-layered perceptrons,
radial basis functions, mixtures of experts, convolutional networks and even
time-delay neural networks), Support vector machines, Ensemble models
(bagging, adaboost), Non-parametric models (K-nearest-neighbors, Parzen
regression and Parzen density estimator), distributions (Kmeans, Gaussian
mixture models, hidden Markov models, input-output hidden Markov models, and
Bayes classifier), speech recognition tools

Object Detection



OpenCV

(C/C++ code, BSD lic) Viola-jones face detection (Haar features)

Torch3Vision

(C/C++ code, BSD lic) MLP & cascade of Haar-like classifiers face
detection

Hough
Forests

(C/C++ code, Microsoft Research Lic) Class-Specific Hough Forests for
Object Detection

Efficient
Subwindow Object Detection

(C/C++ code, Apache Lic) Christoph Lampert "Efficient Subwindow"
algorithms for Object Detection

INRIA Object Detection and
Localization Toolkit

(C/C++ code, Custom Lic) Histograms of Oriented Gradients library for
Object Detection

Object Category Labelling



Efficiently
solving multi-label MRFs
 (Readme)

(C/C++ code) Segmentation, object category labelling, stereo

Multi-label optimization

(C/C++/MATLAB code) The gco-v3.0 library is for optimizing multi-label
energies. It supports energies with any combination of unary, pairwise, and
label cost terms.

Optical flow



OpenCV

(C/C++ code, BSD lic) Horn & Schunck algorithm, Lucas & Kanade
algorithm, Lucas-Kanade optical flow in pyramids, block matching.

GPU-KLT+FLOW

(C/C++/OpenGL/Cg code, LGPL) Gain-Adaptive KLT Tracking and TV-L1 optical
flow on the GPU.

RLOF

(C/C++/Matlab code, Custom Lic.) The RLOF library provides GPU / CPU
implementation of Optical Flow and Feature Tracking method.

Features Extraction & Matching



SIFT by R. Hess

(C/C++ code, GPL lic) SIFT feature extraction & RANSAC matching

OpenSURF

(C/C++ code) SURF feature extraction algorihtm (kind of fast SIFT)

ASIFT (from IPOL)

(C/C++ code, Ecole Polytechnique and ENS Cachan for commercial Lic) Affine
SIFT (ASIFT)

VLFeat (formely Sift++)

(C/C++ code) SIFT, MSER, k-means, hierarchical k-means, agglomerative
information bottleneck, and quick shift

SiftGPU

A GPU Implementation of Scale Invariant Feature Transform (SIFT)

Groupsac

(C/C++ code, GPL lic) An enhance version of RANSAC that considers the
correlation between data points

Nearest Neighbors matching



FLANN

(C/C++ code, BSD lic) Approximate Nearest Neighbors (Fast
Approximate Nearest Neighbors with Automatic Algorithm Configuration
)

ANN

(C/C++ code, LGPL lic) Approximate Nearest Neighbor Searching

Tracking



OpenCV

(C/C++ code, BSD lic) Kalman, Condensation, CAMSHIFT, Mean shift,
Snakes

KLT: An Implementation of
the Kanade-Lucas-Tomasi Feature Tracker

(C/C++ code, public domain) Kanade-Lucas-Tomasi Feature Tracker

GPU_KLT

(C/C++/OpenGL/Cg code, ) A GPU-based Implementation of the
Kanade-Lucas-Tomasi Feature Tracker

GPU-KLT+FLOW

(C/C++/OpenGL/Cg code, LGPL) Gain-Adaptive KLT Tracking and TV-L1 optical
flow on the GPU

On-line boosting
trackers

(C/C++, LGPL) On-line boosting tracker, semi-supervised tracker, beyond
semi-supervised tracker

Simultaneous localization and mapping



Real-Time SLAM -
SceneLib

(C/C++ code, LGPL lic) Real-time vision-based SLAM with a single
camera

PTAM

(C/C++ code, Isis Innovation Limited lic) Parallel Tracking and Mapping
for Small AR Workspaces

GTSAM

(C/C++ code, BSD lic) GTSAM is a library of C++ classes that implement
smoothing and mapping (SAM) in robotics and vision, using factor graphs and
Bayes networks as the underlying computing paradigm rather than sparse
matrices

Camera Calibration & constraint



OpenCV

(C/C++ code, BSD lic) Chessboard calibration, calibration with rig or
pattern

Geometric camera constraint -
Minimal Problems in Computer Vision

Minimal problems in computer vision arise when computing geometrical
models from image data. They often lead to solving systems of algebraic
equations.

Camera
Calibration Toolbox for Matlab

(Matlab toolbox) Camera Calibration Toolbox for Matlab by Jean-Yves
Bouguet (C implementation in OpenCV)

Multi-View Reconstruction



Bundle Adjustment -
SBA

(C/C++ code, GPL lic) A Generic Sparse Bundle Adjustment Package Based on
the Levenberg-Marquardt Algorithm

Bundle Adjustment
- SSBA

(C/C++ code, LGPL lic) Simple Sparse Bundle Adjustment (SSBA)

Stereo



Efficiently
solving multi-label MRFs
 (Readme)

(C/C++ code) Segmentation, object category labelling, stereo

LIBELAS: Library for Efficient
LArge-scale Stereo Matching

(C/C++ code) Disparity maps, stereo

Structure from motion



Bundler

(C/C++ code, GPL lic) A structure-from-motion system for unordered image
collections

Patch-based
Multi-view Stereo Software
 (Windows
version
)

(C/C++ code, GPL lic) A multi-view stereo software that takes a set of
images and camera parameters, then reconstructs 3D structure of an object or a
scene visible in the images

libmv - work in
progress

(C/C++ code, MIT lic) A structure from motion library

Multicore Bundle
Adjustment

(C/C++/GPU code, GPL3 lic) Design and implementation of new inexact Newton
type Bundle Adjustment algorithms that exploit hardware parallelism for
efficiently solving large scale 3D scene reconstruction problems.

openMVG

(C/C++/GPU code, MPL2 lic) OpenMVG (Multiple View Geometry) "open Multiple
View Geometry" is a library for computer-vision scientists and especially
targeted to the Multiple View Geometry community. It is designed to provide an
easy access to the classical problem solvers in Multiple View Geometry and
solve them accurately..

Visual odometry



LIBVISO2: Library for VISual
Odometry 2

(C/C++ code, Matlab, GPL lic) Libviso 2 is a very fast cross-platfrom
(Linux, Windows) C++ library with MATLAB wrappers for computing the 6 DOF
motion of a moving mono/stereo camera.

数据集的使用

时间: 2024-08-26 13:48:54

数据集的使用的相关文章

正则化方法:L1和L2 regularization、数据集扩增、dropout

本文是<Neural networks and deep learning>概览 中第三章的一部分,讲机器学习/深度学习算法中常用的正则化方法.(本文会不断补充) 正则化方法:防止过拟合,提高泛化能力 在训练数据不够多时,或者overtraining时,常常会导致overfitting(过拟合).其直观的表现如下图所示,随着训练过程,网络在training data上的error渐渐减小,但是在验证集上的error却反而渐渐增大--因为训练出来的网络过拟合了训练集,对训练集外的数据却不work

java报表工具FineReport常见的数据集报错错误代码和解释

在使用finereport制作报表,若预览发生错误,很多朋友便手忙脚乱不知所措了,其实没什么,只要看懂报错代码和含义,可以很快的排除错误,这里我就分享一下finereport的数据集报错错误代码和解释,如果有说的不准确的地方,也请各位小伙伴纠正一下. NS-war-remote=错误代码\:1117 压缩部署不支持远程设计 NS_LayerReport_MultiDs=错误代码\:1101 行式引擎不支持多数据源展示 NS_LayerReport_RowCol=错误代码\:1102 行式引擎不支

从零到一:caffe-windows(CPU)配置与利用mnist数据集训练第一个caffemodel

一.前言 本文会详细地阐述caffe-windows的配置教程.由于博主自己也只是个在校学生,目前也写不了太深入的东西,所以准备从最基础的开始一步步来.个人的计划是分成配置和运行官方教程,利用自己的数据集进行训练和利用caffe来实现别人论文中的模型(目前在尝试的是轻量级的SqueezeNet)三步走.不求深度,但求详细.因为说实话caffe-windows的配置当初花了挺多时间的,目前貌似还真没有从头开始一步步讲起的教程,所以博主就争取试着每一步都讲清楚吧. 这里说些题外话:之所以选择Sque

18-感知机模型在经典数据集鸢尾花上的应用

今天去新宿舍打扫了一天,一切都是新的.立秋了,天气也凉爽起来,让人可以静下心来,不再那么浮躁.如果用心生活,时间是会慢下来的.你会享受多出N倍的人生.浮光掠影,追求效率,牺牲的是本该属于自己的趣味盎然的过程.自从脱离大公司的束缚,不再有周末和下班的概念.然而工作成了一种打怪升级的冒险历程,有点类似游戏.周一不再如上坟,工作和休息也不再泾渭分明.不到两年时间,比在大公司工作十年的经历更值得回忆.有时后悔在大公司呆太久了,单调的生活真的是杀时间的利器,会让你觉得逝去年华如流水,然而并没有什么值得追忆

【转载】 Faster-RCNN+ZF用自己的数据集训练模型(Matlab版本)

说明:本博文假设你已经做好了自己的数据集,该数据集格式和VOC2007相同.下面是训练前的一些修改. (做数据集的过程可以看http://blog.csdn.net/sinat_30071459/article/details/50723212) Faster-RCNN源码下载地址: Matlab版本:https://github.com/ShaoqingRen/faster_rcnn Python版本:https://github.com/rbgirshick/py-faster-rcnn 本

Tensorflow MNIST 数据集測试代码入门

本系列文章由 @yhl_leo 出品,转载请注明出处. 文章链接: http://blog.csdn.net/yhl_leo/article/details/50614444 測试代码已上传至GitHub:yhlleo/mnist 将MNIST数据集,下载后复制到目录Mnist_data中,假设已经配置好tensorflow环境,基本的四个測试代码文件,都能够直接编译执行: mnist_softmax.py: MNIST机器学习入门 mnist_deep.py: 深入MNIST fully_co

sklearn数据集

sklearn 的数据集有好多个种 自带的小数据集(packaged dataset):sklearn.datasets.load_<name> 可在线下载的数据集(Downloaded Dataset):sklearn.datasets.fetch_<name> 计算机生成的数据集(Generated Dataset):sklearn.datasets.make_<name> svmlight/libsvm格式的数据集:sklearn.datasets.load_sv

[数据集]新浪微博数据集MicroblogPCU

数据集下载地址:下载 摘要:MicroblogPCU是从新浪微博採集到的.它能够被用于研究机器学习方法和社会关系研究. 这个数据集被原作者用于探索微博中的spammers(发送垃圾信息的人).他们的demo在这里 数据集的属性信息: weibo_user.csv   -user_id: 用户ID -user_name: 用户昵称 -gender:性别,male,female.other -class:账户级别 -message:账户注冊位置或其它个人信息 -post_num: 邮政编码 -fol

Spark弹性分布式数据集RDD

RDD(Resilient Distributed Dataset)是Spark的最基本抽象,是对分布式内存的抽象使用,实现了以操作本地集合的方式来操作分布式数据集的抽象实现.RDD是Spark最核心的东西,它表示已被分区,不可变的并能够被并行操作的数据集合,不同的数据集格式对应不同的RDD实现.RDD必须是可序列化的.RDD可以cache到内存中,每次对RDD数据集的操作之后的结果,都可以存放到内存中,下一个操作可以直接从内存中输入,省去了MapReduce大量的磁盘IO操作.这对于迭代运算比

mnist的格式说明,以及在python3.x和python 2.x读取mnist数据集的不同

#!/usr/bin/env python # -*- coding: UTF-8 -*- import struct # from bp import * from datetime import datetime # 数据加载器基类 class Loader(object): def __init__(self, path, count): ''' 初始化加载器 path: 数据文件路径 count: 文件中的样本个数 ''' self.path = path self.count = co