This is a collection of various GitHub repositories I have discovered, interacted with or found interesting over the years, organized by the dominant programming language of the repository. It features libraries, tech demos, algorithm implementations, snippets and other hacks. A mention here does not necessarily imply an endorsement. Navigation through the page is best with Ctrl+F.
Generated by starred
- C
- C#
- C++
- CSS
- Cuda
- Cython
- Dockerfile
- Fortran
- Go
- HTML
- Java
- JavaScript
- Jupyter Notebook
- Kotlin
- Lua
- MATLAB
- Matlab
- Others
- PHP
- Python
- R
- Rust
- Shell
- TeX
- TypeScript
- XSLT
- AIBluefisher/DAGSfM - Distributed and Graph-based Structure from Motion. This project includes the official implementation of our Pattern Recognition 2020 paper: Graph-Based Parallel Large Scale Structure from Motion.
- microsoft/Azure-Kinect-Samples - Samples for Azure Kinect
- ramakarl/just_math - Just Math - A collection of pure math demos for computer graphics.
- vlfeat/vlfeat - An open library of computer vision algorithms
- serban/kmeans - A CUDA implementation of the k-means clustering algorithm
- embotech/ecos - A lightweight conic solver for second-order cone programming.
- AcademySoftwareFoundation/openexr - The OpenEXR project provides the specification and reference implementation of the EXR file format, the professional-grade image storage format of the motion picture industry.
- snavely/bundler_sfm - Bundler Structure from Motion Toolkit
- lucasb-eyer/libheatmap - High performance C heatmap generation library. Supposed to be wrapped by higher-level languages.
- cvxopt/cvxopt - CVXOPT -- Python Software for Convex Optimization
- gphoto/libgphoto2 - The libgphoto2 camera access and control library.
- Cyan4973/FiniteStateEntropy - New generation entropy codecs : Finite State Entropy and Huff0
- facebook/zstd - Zstandard - Fast real-time compression algorithm
- cvxgrp/scs - Splitting Conic Solver
- AravisProject/aravis - A vision library for genicam based cameras
- AprilRobotics/apriltag - AprilTag is a visual fiducial system popular for robotics research.
- sai-bi/ImageSmoothing - A collection of image smoothing algorithms.
- jluttine/suitesparse - PLEASE SEE THE OFFICIAL REPOSITORY. THIS IS NOT MAINTAINED ANYMORE.
- serge-rgb/TinyJPEG - Single header lib for JPEG encoding. Public domain. C99. stb style.
- Forceflow/trimesh2 - C++ library and set of utilities for input, output, and basic manipulation of 3D triangle meshes
- gpg/libgpg-error - Error codes used by GnuPG et al. NOTE: Maintainers are not tracking this mirror. Do not make pull requests here, nor comment any commits, submit them usual way to bug tracker (https://www.gnupg.org/documentation/bts.html) or to the mailing list (https://www.gnupg.org/documentation/mailing-lists.html).
- gpg/libgcrypt - The GNU crypto library. NOTE: Maintainers are not tracking this mirror. Do not make pull requests here, nor comment any commits, submit them usual way to bug tracker (https://www.gnupg.org/documentation/bts.html) or to the mailing list (https://www.gnupg.org/documentation/mailing-lists.html).
- wireshark/wireshark - Read-only mirror of Wireshark's Git repository at https://gitlab.com/wireshark/wireshark. GitHub won't let us disable pull requests. ☞ THEY WILL BE IGNORED HERE ☜ Please upload them at GitLab.
- steppobeck/rgbd-calib - A calibration software for RGBD-sensors like the Kinect. Please cite our work when using our software in your own research or publication.
- g-truc/ogl-samples - The OpenGL Samples Pack
- CameraKit/camerakit-android - Library for Android Camera 1 and 2 APIs. Massively increase stability and reliability of photo and video capture on all Android devices.
- keijiro/Swarm - An example of use of compute shaders and procedural instancing.
- mworchel/xatlas-python - Python bindings for xatlas
- colmap/colmap - COLMAP - Structure-from-Motion and Multi-View Stereo
- chrdiller/KinectFusionApp - Sample implementation of an application using KinectFusionLib
- mihaibujanca/dynamicfusion - Implementation of Newcombe et al. CVPR 2015 DynamicFusion paper
- jpcy/xatlas - Mesh parameterization / UV unwrapping library
- perdoch/hesaff - Hessian Affine detector with SIFT descriptor, CMP implementation
- ducha-aiki/pydegensac - Advanced RANSAC (DEGENSAC) with bells and whistles for H and F estimation
- NVIDIA/nvcomp - Repository for nvCOMP docs and examples. nvCOMP is a library for fast lossless compression/decompression on the GPU that can be downloaded from https://developer.nvidia.com/nvcomp.
- floe/surfacecast - SurfaceCast: send background-subtracted depth camera video via GStreamer (with optional perspective correction)
- microsoft/LightGBM - A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks.
- dgrzech/sobfu - real-time 3D reconstruction of non-rigidly deforming scenes using depth data
- facebookresearch/faiss - A library for efficient similarity search and clustering of dense vectors.
- dmlc/xgboost - Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Dask, Flink and DataFlow
- michaelchughes/KMeansRex - Fast, vectorized C++ implementation of K-Means using the Eigen matrix template library. Includes Matlab and Python interfaces.
- polatory/polatory - Fast, memory-efficient 3D spline interpolation and global kriging, via RBF (radial basis function) interpolation.
- osqp/osqp - The Operator Splitting QP Solver
- fzi-forschungszentrum-informatik/gpu-voxels - GPU-Voxels is a CUDA based library which allows high resolution volumetric collision detection between animated 3D models and live pointclouds from 3D sensors of all kinds.
- carolinepacheco/lbp-library - LBP Library - A Collection of LBP algorithms for background subtraction in videos.
- gabyx/ApproxMVBB - Fast algorithms to compute an approximation of the minimal volume oriented bounding box of a point cloud in 3D.
- yorsh87/nicp - Normal Iterative Closest Point (NICP) Algorithm C++ Library
- hjwdzh/ManifoldPlus - ManifoldPlus: A Robust and Scalable Watertight Manifold Surface Generation Method for Triangle Soups
- chzach/SSBA - Sparse Levenberg-Marquardt based non-linear least squares optimizer and bundle adjustment implementation
- fixstars/cuda-bundle-adjustment - A CUDA implementation of Bundle Adjustment
- apache/arrow - Apache Arrow is a multi-language toolbox for accelerated data interchange and in-memory processing
- CNES/Pandora_libSGM -
- youkely/InfrasCal - InfrasCal: Automatic Infrastructure-based Intrinsic and Extrinsic Calibration of a Multi-camera System
- AmokHuginnsson/replxx - A readline and libedit replacement that supports UTF-8, syntax highlighting, hints and Windows and is BSD licensed.
- mkazhdan/PoissonRecon - Poisson Surface Reconstruction
- emilk/loguru - A lightweight C++ logging library
- ethz-asl/kalibr - The Kalibr visual-inertial calibration toolbox
- fmtlib/fmt - A modern formatting library
- google/glog - C++ implementation of the Google logging module
- theICTlab/3DUNDERWORLD-SLS-GPU_CPU - A structured light scanner
- jhdewitt/sltk - An OpenCV-based structured light processing toolkit.
- Algy/fast-slic - 20x Real-time superpixel SLIC Implementation with CPU
- cnr-isti-vclab/meshlab - The open source mesh processing system
- cvxpy/cvxpy - A Python-embedded modeling language for convex optimization problems.
- microsoft/UVAtlas - UVAtlas isochart texture atlas
- mitsuba-renderer/mitsuba2 - Mitsuba 2: A Retargetable Forward and Inverse Renderer
- Nerei/kinfu_remake - Optimized and reworked version of Kinfu
- laurentkneip/opengv - OpenGV is a collection of computer vision methods for solving geometric vision problems. It is hosted and maintained by the Mobile Perception Lab of ShanghaiTech.
- foges/pogs - Proximal Operator Graph Solver
- puzzlepaint/camera_calibration - Accurate geometric camera calibration with generic camera models
- riccardomarin/FARM - FARM: Functional Automatic Registration Method for 3D Human Bodies
- kzampog/cilantro - A lean C++ library for working with point cloud data
- flashlight/flashlight - A C++ standalone library for machine learning
- MIT-SPARK/TEASER-plusplus - A fast and robust point cloud registration library
- google/draco - Draco is a library for compressing and decompressing 3D geometric meshes and point clouds. It is intended to improve the storage and transmission of 3D graphics.
- xtensor-stack/xtensor - C++ tensors with broadcasting and lazy computing
- LibRaw/LibRaw - LibRaw is a library for reading RAW files from digital cameras
- niessner/VoxelHashing - [Siggraph Asia 2013] Large-Scale, Real-Time 3D Reconstruction
- tum-vision/fastfusion - Volumetric 3D Mapping in Real-Time on a CPU
- p-ranav/indicators - Activity Indicators for Modern C++
- lagadic/visp - Open Source Visual Servoing Platform
- CloudCompare/CloudCompare - CloudCompare main repository
- stevenlovegrove/Sophus - C++ implementation of Lie Groups using Eigen.
- structureio/OpenNI2 - OpenNI2
- mp3guy/Stopwatch - Easy to use simple benchmarking tool
- mp3guy/ElasticFusion - Real-time dense visual SLAM system
- mp3guy/Kintinuous - Real-time large scale dense visual SLAM system
- mdcnn/Depth-Image-Quality-Enhancement -
- leonzfa/iResNet -
- alicevision/AliceVision - Photogrammetric Computer Vision Framework
- puzzlepaint/surfelmeshing - Real-time surfel-based mesh reconstruction from RGB-D video.
- isl-org/Open3D - Open3D: A Modern Library for 3D Data Processing
- arpg/vicalib - Visual-Inertial Calibration Tool
- roboception/cvkit - Computer Vision Toolkit. cvkit is available for Linux as well as for Windows. It offers useful tools for viewing and analyzing images and 3d models.
- martinus/robin-hood-hashing - Fast & memory efficient hashtable based on robin hood hashing for C++11/14/17/20
- cartographer-project/cartographer - Cartographer is a system that provides real-time simultaneous localization and mapping (SLAM) in 2D and 3D across multiple platforms and sensor configurations.
- gperftools/gperftools - Main gperftools repository
- dhernandez0/sgm - Semi-Global Matching on the GPU
- visionworkbench/visionworkbench - The NASA Vision Workbench is a general purpose image processing and computer vision library developed by the Autonomous Systems and Robotics (ASR) Area in the Intelligent Systems Division at the NASA Ames Research Center.
- shichaoy/pop_up_slam - Pop-up SLAM: Semantic Monocular Plane SLAM for Low-texture Environments
- NVlabs/intrinsic3d - Intrinsic3D - High-Quality 3D Reconstruction by Joint Appearance and Geometry Optimization with Spatially-Varying Lighting (ICCV 2017)
- YuePanEdward/GH-ICP - GH-ICP: Iterative Closest Point algorithm with global optimal matching and hybrid metric [3DV' 18]
- fixstars/libSGM - Stereo Semi Global Matching by cuda
- danini/magsac - The MAGSAC algorithm for robust model fitting without using an inlier-outlier threshold
- drsrinathsridhar/GRANSAC - Multi-threaded generic RANSAC implemetation
- dthuerck/mapmap_cpu - A high-performance general-purpose MRF MAP solver, heavily exploiting SIMD instructions.
- jshun/ligra - Ligra: A Lightweight Graph Processing Framework for Shared Memory
- gunrock/gunrock - Programmable CUDA/C++ GPU Graph Analytics
- t-taniai/LocalExpStereo - Continuous 3D Label Stereo Matching using Local Expansion Moves (TPAMI 2018)
- carlren/gSLICr - gSLICr: Real-time super-pixel segmentation
- ahban/gGMMSP-superpixels - GMMSP on GPU: a real-time implementation of a high accuracy superpixel algorithm
- davidstutz/superpixels-revisited - Library containing 7 state-of-the-art superpixel algorithms with a total of 9 implementations used for evaluation purposes in [1] utilizing an extended version of the Berkeley Segmentation Benchmark.
- nebula-beta/PatchMatch - PathMatch is the state-of-the-art stereo match algorithm framework.
- ethz-asl/robust_point_cloud_registration - Robust Point Cloud Registration Using Iterative Probabilistic Data Associations ("Robust ICP")
- tum-vision/online_photometric_calibration - Implementation of online photometric calibration (https://vision.in.tum.de/research/vslam/photometric-calibration)
- TingmanYan/SDR - Code for 'Segment-based Disparity Refinement with Occlusion Handling for Stereo Matching'
- src-d/lapjv - Linear Assignmment Problem solver using Jonker-Volgenant algorithm - Python 3 native module.
- pytorch/pytorch - Tensors and Dynamic neural networks in Python with strong GPU acceleration
- opencv/opencv_contrib - Repository for OpenCV's extra modules
- opencv/opencv - Open Source Computer Vision Library
- openMVG/openMVG - open Multiple View Geometry library. Basis for 3D computer vision and Structure from Motion.
- coin-or/Clp - COIN-OR Linear Programming Solver
- gflags/gflags - The gflags package contains a C++ library that implements commandline flags processing. It includes built-in support for standard types such as string and the ability to define flags in the source file in which they are used. Online documentation available at:
- lensfun/lensfun - The Lensfun project Git repository
- PRiME-project/PRiMEStereoMatch - A heterogeneous and fully parallel stereo matching algorithm for depth estimation, implementing a local adaptive support weight (ADSW) Guided Image Filter (GIF) cost aggregation stage. Developed in both C++ and OpenCL.
- YinlinHu/CPM - CPM-Flow, CVPR 2016
- rookiepig/CrossScalePatchMatch - Cross-Scale Cost Aggregation for Stereo Matching (CVPR 2014 + TCSVT 2015)
- facebookarchive/UETorch - A Torch plugin for Unreal Engine 4.
- unrealcv/unrealcv - UnrealCV: Connecting Computer Vision to Unreal Engine
- stevenlovegrove/Pangolin - Pangolin is a lightweight portable rapid development library for managing OpenGL display / interaction and abstracting video input.
- raulmur/ORB_SLAM2 - Real-Time SLAM for Monocular, Stereo and RGB-D Cameras, with Loop Detection and Relocalization Capabilities
- ETH3D/badslam - Bundle Adjusted Direct RGB-D SLAM
- tensorflow/tensorflow - An Open Source Machine Learning Framework for Everyone
- CGAL/cgal - The public CGAL repository, see the README below
- libigl/libigl - Simple C++ geometry processing library.
- tumic0/GPXSee - GPS log file viewer and analyzer with support for GPX, TCX, KML, FIT, IGC, NMEA, SLF, SML, LOC, GPI, GeoJSON and OziExplorer files.
- vkocheryzhkin/gpujpeg - Mirror JPEG compression and decompression accelerated on GPU
- brofield/simpleini - Cross-platform C++ library providing a simple API to read and write INI-style configuration files
- ceres-solver/ceres-solver - A large scale non-linear optimization library
- flann-lib/flann - Fast Library for Approximate Nearest Neighbors
- eigenteam/eigen-git-mirror - THIS MIRROR IS DEPRECATED -- New url: https://gitlab.com/libeigen/eigen
- PointCloudLibrary/pcl - Point Cloud Library (PCL)
- kbinani/colormap-shaders - A collection of shaders to draw color maps.
- ddemidov/mba - Scattered data interpolation with multilevel B-Splines
- thomasmoelhave/TerraNNI - TerraNNI interpolates grid DEMs from large 2D and 3D point clouds using a variant of natural neighbor interpolation.
- thomasmoelhave/tpie - Templated Portable I/O Environment
- strasdat/Sophus - C++ implementation of Lie Groups using Eigen.
- niessner/BundleFusion - [Siggraph 2017] BundleFusion: Real-time Globally Consistent 3D Reconstruction using Online Surface Re-integration
- tttamaki/cuda_emicp_softassign - CUDA-based implementations of Softassign and EM-ICP
- mp3guy/ICPCUDA - Super fast implementation of ICP in CUDA for compute capable devices 3.5 or higher
- roman-kashitsyn/text-csv - C++ library for csv manipulations
- google/googletest - GoogleTest - Google Testing and Mocking Framework
- apitrace/apitrace - Tools for tracing OpenGL, Direct3D, and other graphics APIs
- sintefmath/hpmc - HPMC is a small OpenGL/C/C++-library that extractes iso-surfaces of volumetric data directly on the GPU.
- cnr-isti-vclab/vcglib - The VCGlib is a C++, templated, no dependency, library for manipulation, processing and cleaning of triangle meshes
- ddiakopoulos/tinyply - 🌍 C++11 ply 3d mesh format importer & exporter
- ocornut/imgui - Dear ImGui: Bloat-free Graphical User interface for C++ with minimal dependencies
- lucasb-eyer/pydensecrf - Python wrapper to Philipp Krähenbühl's dense (fully connected) CRFs with gaussian edge potentials.
- pitzer/SiftGPU -
- gpufit/Gpufit - GPU-accelerated Levenberg-Marquardt curve fitting in CUDA
- cginternals/glbinding - A C++ binding for the OpenGL API, generated using the gl.xml specification.
- cginternals/globjects - C++ library strictly wrapping OpenGL objects.
- xaf-cv/rgbd-recon - Real-time 3D-reconstruction from multiple RGBD-sensor streams. Please cite our work when using our software in your own research or publication.
- Forceflow/libmorton - C++ header-only library with methods to efficiently encode/decode Morton codes in/from 2D/3D coordinates
- Fabi3nn3/lamure - LAMURE - C++-library for processing, level-of-detail management and visualization of large data sets. Please cite our work when using our software in your own research or publication.
- open-source-parsers/jsoncpp - A C++ library for interacting with JSON.
- bkaradzic/bgfx - Cross-platform, graphics API agnostic, "Bring Your Own Engine/Framework" style rendering library.
- wjakob/nanogui - Minimalistic GUI library for OpenGL
- mayanklahiri/easyexif - Tiny ISO-compliant C++ EXIF parsing library, third-party dependency free.
- lballabio/QuantLib - The QuantLib C++ library
- GPUOpen-Archive/CodeXL - CodeXL is a comprehensive tool suite that enables developers to harness the benefits of CPUs, GPUs and APUs.
- jbeder/yaml-cpp - A YAML parser and emitter in C++
- bamos/reading-list - My reading list.
- NVlabs/instant-ngp - Instant neural graphics primitives: lightning fast NeRF and more
- facebookresearch/dietgpu - GPU implementation of a fast generalized ANS (asymmetric numeral system) entropy encoder and decoder, with extensions for lossless compression of numerical and other data types in HPC/ML applications.
- unlimblue/KNN_CUDA - pytorch knn [cuda version]
- farkhor/CuSha - CuSha is a CUDA-based vertex-centric graph processing framework that uses G-Shards and CW representations.
- fderue/SLIC_CUDA - Superpixel SLIC for GPU (CUDA)
- nebula-beta/PatchMatchCuda - The PatchMatch stereo match algorithm implemented by CUDA.
- jzbontar/mc-cnn - Stereo Matching by Training a Convolutional Neural Network to Compare Image Patches
- feihuzhang/GANet - GA-Net: Guided Aggregation Net for End-to-end Stereo Matching
- GhiXu/ACMM - Multi-Scale Geometric Consistency Guided Multi-View Stereo
- chrdiller/KinectFusionLib - Implementation of the KinectFusion approach in modern C++14 and CUDA
- linchaobao/EPPM - CUDA implementation of the paper "Fast Edge-Preserving PatchMatch for Large Displacement Optical Flow" in CVPR 2014.
- Celebrandil/CudaSift - A CUDA implementation of SIFT for NVidia GPUs (1.2 ms on a GTX 1060)
- letmaik/lensfunpy - 📷 Lens distortion correction for Python, a wrapper for lensfun
- KopanevPavel/SLAM-Dockers - Dockerized SOTA SLAM algorithms
- ralna/RALFit - A non-linear least squares solver
- junegunn/fzf - 🌸 A command-line fuzzy finder
- gradio-app/gradio - Create UIs for your machine learning model in Python in 3 minutes
- alshedivat/al-folio - A beautiful, simple, clean, and responsive Jekyll theme for academics
- 3dgv/3dgv.github.io -
- FreeCAD/FreeCAD-library - A library of Parts for FreeCAD. WARNING - This library is huge. It might take a long time to download and make the addons manager unresponsive for many minutes.
- arduino/Arduino - Arduino IDE 1.x
- JabRef/jabref - Graphical Java application for managing BibTeX and biblatex (.bib) databases
- AprilRobotics/apriltag-generation - Generate AprilTags in custom layouts
- klinker24/twitter4j - Twitter4J is an open-sourced, mavenized and Google App Engine safe Java library for the Twitter API which is released under the Apache License 2.0.
- tumblr/Backboard - A motion-driven animation framework for Android.
- Twitter4J/Twitter4J - Twitter4J is an open-source Java library for the Twitter API.
- georgegach/flowiz - Converts Optical Flow files to images and optionally compiles them to a video. Flow viewer GUI is also available. Check out mockup right from Github Pages:
- vega/vega - A visualization grammar.
- lutzroeder/netron - Visualizer for neural network, deep learning, and machine learning models
- fabian-beck/survis - Visual Literature Database
- ZYSzys/awesome-captcha - 🔑 Curated list of awesome captcha libraries and crack tools.
- derhuerst/svg-radar-chart - Generate SVG radar charts.
- zackurben/alphavantage - A simple interface to the Alpha Vantage API.
- guillaumepotier/Parsley.js - Validate your forms, frontend, without writing a single line of javascript
- rpautrat/SuperPoint - Efficient neural feature detector and descriptor
- colour-science/colour-checker-detection - Colour checker detection with Python
- szagoruyko/pytorchviz - A small package to create visualizations of PyTorch execution graphs
- vbalnt/tfeat - TFeat descriptor models for BMVC 2016 paper "Learning local feature descriptors with triplets and shallow convolutional neural networks"
- ubc-vision/image-matching-benchmark-baselines - Baselines for the Image Matching Benchmark and Challenge
- ubc-vision/image-matching-benchmark - Public release of the Image Matching Benchmark: https://image-matching-challenge.github.io
- vcg-uvic/image-matching-benchmark - Public release of the Image Matching Benchmark: https://vision.uvic.ca/image-matching-challenge
- gengshan-y/VCN - Volumetric Correspondence Networks for Optical Flow, NeurIPS 2019.
- src-d/kmcuda - Large scale K-means and K-nn implementation on NVIDIA GPU / CUDA
- bodono/scs-python - Python interface for SCS
- hufu6371/DORN -
- mlaves/census-transform-pytorch - Implementation of the non-parametric census transform as PyTorch layer.
- skorch-dev/skorch - A scikit-learn compatible neural network library that wraps PyTorch
- bmild/nerf - Code release for NeRF (Neural Radiance Fields)
- david-m-rosen/SE-Sync - An implementation of the SE-Sync algorithm for synchronization over the special Euclidean group.
- diegoalejogm/gans - Generative Adversarial Networks implemented in PyTorch and Tensorflow
- tangzhenyu/SemanticSegmentation_DL - Resources of semantic segmantation based on Deep Learning model
- fastai/fastai - The fastai deep learning library
- tensorflow/models - Models and examples built with TensorFlow
- FredJul/Flym - Flym News Reader is a light Android feed reader (RSS/Atom)
- facebookresearch/ResNeXt - Implementation of a classification framework from the paper Aggregated Residual Transformations for Deep Neural Networks
- etrulls/deepdesc-release - Code for the ICCV 2015 paper "Discriminative Learning of Deep Convolutional Feature Point Descriptors"
- twitter-archive/torch-autograd - Autograd automatically differentiates native Torch code
- jcjohnson/neural-style - Torch implementation of neural style algorithm
- scipag/vulscan - Advanced vulnerability scanning with Nmap NSE
- karaimer/camera-pipeline-nonUI - Non-UI implementation of camera-pipeline-UI.
- karaimer/camera-pipeline-UI -
- lenck/vlb-deteval - Comprehensive detector evaluation of local feature detectors
- hpatches/hpatches-benchmark - Python & Matlab code for local feature descriptor evaluation with the HPatches dataset.
- oxfordcontrol/CDCS - An open-source MATLAB® ADMM solver for partially decomposable conic optimization programs.
- dawnlh/awesome-low-light-image-enhancement - This is a resouce list for low light image enhancement
- BingyaoHuang/single-shot-pro-cam-calib - [TASE & ISMAR'18] A Fast and Flexible Projector-Camera Calibration System
- alecjacobson/gptoolbox - Matlab toolbox for Geometry Processing.
- AbdoKamel/sidd-ground-truth-image-estimation - Ground truth image estimation used for the Smartphone Image Denoising Dataset (SIDD)
- pdollar/edges - Structured Edge Detection Toolbox
- pdollar/toolbox - Piotr's Image & Video Matlab Toolbox
- ahojnnes/local-feature-evaluation - Comparative Evaluation of Hand-Crafted and Learned Local Features
- vlfeat/vlbenchmarks - VLBenchmark is a MATLAB suite of benchmarks for computer vision features
- isalirezag/HiFST - Spatially-Varying Blur Detection Based on Multiscale Fused and Sorted Transform Coefficients of Gradient Magnitudes
- rbgirshick/rcnn - R-CNN: Regions with Convolutional Neural Network Features
- subeeshvasu/Awesome-Deblurring - A curated list of resources for Image and Video Deblurring
- shamangary/awesome-local-global-descriptor - My personal note about local and global descriptor
- hpatches/hpatches-dataset - HPatches: Homography-patches dataset.
- solarlee/Awesome-People-in-Computer-Vision -
- kettanaito/naming-cheatsheet - Comprehensive language-agnostic guidelines on variables naming. Home of the A/HC/LC pattern.
- jiupinjia/Visualize-Optimization-Algorithms - Visualization of numerical optimization algorithms
- holistic-3d/awesome-holistic-3d - A list of papers and resources (data,code,etc) for holistic 3D reconstruction in computer vision
- MIT-SPARK/Kimera - Index repo for Kimera code
- timzhang642/3D-Machine-Learning - A resource repository for 3D machine learning
- AprilRobotics/apriltag-imgs - Pre-generated AprilTag images
- mmolero/awesome-point-cloud-processing - A curated list of awesome Point Cloud Processing Resources, Libraries, Software
- awesomedata/awesome-public-datasets - A topic-centric list of HQ open datasets.
- Yochengliu/awesome-point-cloud-analysis - A list of papers and datasets about point cloud analysis (processing)
- chrieke/awesome-satellite-imagery-datasets - 🛰️ List of satellite image training datasets with annotations for computer vision and deep learning
- jbhuang0604/awesome-computer-vision - A curated list of awesome computer vision resources
- adeshpande3/Machine-Learning-Links-And-Lessons-Learned - List of all the lessons learned, best practices, and links from my time studying machine learning
- sindresorhus/awesome - 😎 Awesome lists about all kinds of interesting topics
- nothings/single_file_libs - List of single-file C/C++ libraries.
- flekschas/simple-world-map - A simple SVG world map with ISO 3166-1 annotations
- eug/awesome-opengl - A curated list of awesome OpenGL libraries, debuggers and resources.
- openMVG/awesome_3DReconstruction_list - A curated list of papers & resources linked to 3D reconstruction from images.
- Gregwar/Captcha - PHP Captcha library
- Overv/Open.GL - The source code and content of Open.GL.
- google-research/multinerf - A Code Release for Mip-NeRF 360, Ref-NeRF, and RawNeRF
- nerfstudio-project/nerfstudio - A collaboration friendly studio for NeRFs
- google-research/arxiv-latex-cleaner - arXiv LaTeX Cleaner: Easily clean the LaTeX code of your paper to submit to arXiv
- CNES/Pandora - A stereo matching framework that will help you design your stereo matching pipeline with state of the art performances.
- CNES/Pandora_MCCNN -
- colour-science/colour - Colour Science for Python
- gpleiss/temperature_scaling - A simple way to calibrate your neural network.
- open-mmlab/mmflow - OpenMMLab optical flow toolbox and benchmark
- lanpa/tensorboardX - tensorboard for pytorch (and chainer, mxnet, numpy, ...)
- diegoroyo/flowvid - Understand what's happening in an optical flow video with simple visualizations - pip install flowvid
- naver/kapture - kapture is a file format as well as a set of tools for manipulating datasets, and in particular Visual Localization and Structure from Motion data.
- menpo/cyvlfeat - A thin Cython wrapper around select areas of vlfeat
- photosynthesis-team/piq - Measures and metrics for image2image tasks. PyTorch.
- adrn/schwimmbad - A common interface to processing pools.
- IDSIA/sacred - Sacred is a tool to help you configure, organize, log and reproduce experiments developed at IDSIA.
- KevinMusgrave/pytorch-metric-learning - The easiest way to use deep metric learning in your application. Modular, flexible, and extensible. Written in PyTorch.
- andreaskoepf/mlp-hidden-visu - Visualization of hidden layer activations of small multilayer perceptrons (MLPs)
- TylerYep/torchinfo - View model summaries in PyTorch!
- yuruntian/HyNet -
- magicleap/SuperPointPretrainedNetwork - PyTorch pre-trained model for real-time interest point detection, description, and sparse tracking (https://arxiv.org/abs/1712.07629)
- ColumbiaDVMM/Spread-out_Local_Feature_Descriptor - Code for Learning Spread-out Local Feature Descriptors
- ducha-aiki/affnet - Code and weights for local feature affine shape estimation paper "Repeatability Is Not Enough: Learning Discriminative Affine Regions via Discriminability"
- DagnyT/hardnet - Hardnet descriptor model - "Working hard to know your neighbor's margins: Local descriptor learning loss"
- lmcinnes/umap - Uniform Manifold Approximation and Projection
- LeviBorodenko/spectrographic - Turn an image into sound whose spectrogram looks like the image.
- numba/numba - NumPy aware dynamic Python compiler using LLVM
- pyodide/pyodide - Pyodide is a Python distribution for the browser and Node.js based on WebAssembly
- sbadirli/GrowNet -
- kornia/kornia - Open Source Differentiable Computer Vision Library
- TorchEnsemble-Community/Ensemble-Pytorch - A unified ensemble framework for PyTorch to improve the performance and robustness of your deep learning model.
- martinResearch/DEODR - A differentiable 3D renderer with Pytorch, Tensorflow and Matlab interfaces
- magicleap/SuperGluePretrainedNetwork - SuperGlue: Learning Feature Matching with Graph Neural Networks (CVPR 2020, Oral)
- NVlabs/learningrigidity - Learning Rigidity in Dynamic Scenes with a Moving Camera for 3D Motion Field Estimation (ECCV 2018)
- statsmodels/statsmodels - Statsmodels: statistical modeling and econometrics in Python
- hanxf/matchnet -
- JiahuiYu/slimmable_networks - Slimmable Networks, AutoSlim, and Beyond, ICLR 2019, and ICCV 2019
- facebookresearch/FixRes - This repository reproduces the results of the paper: "Fixing the train-test resolution discrepancy" https://arxiv.org/abs/1906.06423
- lukemelas/EfficientNet-PyTorch - A PyTorch implementation of EfficientNet and EfficientNetV2 (coming soon!)
- kekmodel/MPL-pytorch - Unofficial PyTorch implementation of "Meta Pseudo Labels"
- NVIDIA/apex - A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch
- Delgan/loguru - Python logging made (stupidly) simple
- jacobgil/pytorch-grad-cam - Advanced AI Explainability for computer vision. Support for CNNs, Vision Transformers, Classification, Object detection, Segmentation, Image similarity and more.
- Spenhouet/tensorboard-aggregator - Aggregate multiple tensorboard runs to new summary or csv files
- janosh/tensorboard-reducer - Reduce multiple PyTorch TensorBoard runs to new event (or CSV) files.
- B1ueber2y/DIST-Renderer - DIST: Rendering Deep Implicit Signed Distance Function with Differentiable Sphere Tracing (CVPR 2020).
- public-apis/public-apis - A collective list of free APIs
- arogozhnikov/einops - Deep learning operations reinvented (for pytorch, tensorflow, jax and others)
- yzxing87/Invertible-ISP - [CVPR2021] Invertible Image Signal Processing
- ppliuboy/SelFlow - SelFlow: Self-Supervised Learning of Optical Flow
- microsoft/MaskFlownet - [CVPR 2020, Oral] MaskFlownet: Asymmetric Feature Matching with Learnable Occlusion Mask
- pgodet/star_flow - STaRFlow: A SpatioTemporal Recurrent Cell for Lightweight Multi-Frame Optical Flow Estimation
- abdo-eldesokey/RAFT-NCUP - The official PyTorch implementation for "Normalized Convolution Upsampling for Refined Optical Flow Estimation"
- crflynn/stochastic - Generate realizations of stochastic processes in python.
- jsvine/spectra - Easy color scales and color conversion for Python.
- sksq96/pytorch-summary - Model summary in PyTorch similar to
model.summary()
in Keras - BlackHC/toma - Helps you write algorithms in PyTorch that adapt to the available (CUDA) memory
- ray-project/ray - Ray is a unified framework for scaling AI and Python applications. Ray consists of a core distributed runtime and a toolkit of libraries (Ray AIR) for accelerating ML workloads.
- jorge-pessoa/pytorch-colors - Small utility for color space conversions of PyTorch Tensors and Variables
- cvxgrp/diffcp - Differentiation through cone programs
- cvxgrp/cvxpylayers - Differentiable convex optimization layers
- pytorch/ignite - High-level library to help with training and evaluating neural networks in PyTorch flexibly and transparently.
- Lightning-AI/deep-learning-project-template - Pytorch Lightning code guideline for conferences
- dontLoveBugs/DORN_pytorch - PyTorch implementation of Deep Ordinal Regression Network for Monocular Depth Estimation
- perrying/ssn-pytorch - PyTorch implementation of Superpixel Sampling Networks
- NVlabs/ssn_superpixels - Superpixel Sampling Networks (ECCV2018)
- peterwittek/ncpol2sdpa - Solve global polynomial optimization problems of either commutative variables or noncommutative operators through a semidefinite programming (SDP) relaxation
- albumentations-team/albumentations - Fast image augmentation library and an easy-to-use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
- aleju/imgaug - Image augmentation for machine learning experiments.
- gradslam/gradslam - gradslam is an open source differentiable dense SLAM library for PyTorch
- DeformableFriends/NeuralTracking - Official implementation for the NeurIPS 2020 paper Neural Non-Rigid Tracking.
- guildai/guildai - Experiment tracking, ML developer tools
- mildsunrise/protobuf-inspector - 🕵️ Tool to reverse-engineer Protocol Buffers with unknown definition
- velikodniy/tbparser - A parser of Tensorboard logs
- tqdm/tqdm - A Fast, Extensible Progress Bar for Python and CLI
- milesial/Pytorch-UNet - PyTorch implementation of the U-Net for image semantic segmentation with high quality images
- utiasSTARS/pykitti - Python tools for working with KITTI data.
- victoresque/pytorch-template - PyTorch deep learning projects made easy.
- bokeh/bokeh - Interactive Data Visualization in the browser, from Python
- AntixK/PyTorch-VAE - A Collection of Variational Autoencoders (VAE) in PyTorch.
- AAnoosheh/ToDayGAN -
- sanghyun-son/EDSR-PyTorch - PyTorch version of the paper 'Enhanced Deep Residual Networks for Single Image Super-Resolution' (CVPRW 2017)
- Vandermode/ELD - A Physics-based Noise Formation Model for Extreme Low-light Raw Denoising (CVPR 2020 Oral & TPAMI 2021)
- mmatl/pyrender - Easy-to-use glTF 2.0-compliant OpenGL renderer for visualization of 3D scenes.
- docopt/docopt - Pythonic command line arguments parser, that will make you smile
- nvbn/thefuck - Magnificent app which corrects your previous console command.
- ranahanocka/point2mesh - Reconstruct Watertight Meshes from Point Clouds [SIGGRAPH 2020]
- ucdavis/metashape - Easy, reproducible Metashape photogrammetry workflows NOTE: Active development is now happening at https://github.com/open-forest-observatory/automate-metashape
- agisoft-llc/metashape-scripts - Python scripts for Metashape (former PhotoScan)
- streamlit/streamlit - Streamlit — The fastest way to build data apps in Python
- guochengqian/TENet - [ICCP'22] Rethinking Learning-based Demosaicing, Denoising, and Super-Resolution Pipeline
- maguowei/starred - creating your own Awesome List by GitHub stars!
- whdcumt/BlurDetection - A Python-Based Blur Detector using Fast Fourier Transforms
- fled/blur_detection - Blurred Region Detection using Singular Value Decomposition (SVD)
- cvlab-epfl/tf-lift - Tensorflow port of LIFT (ECCV 2016), with training code.
- facebookresearch/pytorch3d - PyTorch3D is FAIR's library of reusable components for deep learning with 3D data
- facebookresearch/detectron2 - Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
- facebookresearch/Detectron - FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
- rbgirshick/py-faster-rcnn - Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
- cvlab-epfl/LIFT - Code release for the ECCV 2016 paper
- karpathy/researchlei - An Academic Papers Management and Discovery System
- utiasSTARS/certifiable-calibration - Certifiably globally optimal extrinsic calibration for sensors providing egomotion estimates.
- xingyul/meteornet - MeteorNet: Deep Learning on Dynamic 3D Point Cloud Sequences (ICCV 2019 Oral)
- ShichenLiu/SoftRas - Project page of paper "Soft Rasterizer: A Differentiable Renderer for Image-based 3D Reasoning"
- openai/gpt-2 - Code for the paper "Language Models are Unsupervised Multitask Learners"
- google/stereo-magnification - Code accompanying the SIGGRAPH 2018 paper "Stereo Magnification: Learning View Synthesis using Multiplane Images"
- d-li14/octconv.pytorch - PyTorch implementation of Octave Convolution with pre-trained Oct-ResNet and Oct-MobileNet models
- facebookresearch/OctConv - Code for paper
- ethz-asl/hfnet - From Coarse to Fine: Robust Hierarchical Localization at Large Scale with HF-Net (https://arxiv.org/abs/1812.03506)
- meteorshowers/X-StereoLab - SOS IROS 2018 GOOGLE; StereoNet ECCV2018 GOOGLE; ActiveStereoNet ECCV2018 Oral GOOGLE; HITNET CVPR2021 GOOGLE;PLUME Uber ATG
- hindupuravinash/the-gan-zoo - A list of all named GANs!
- fhkingma/bitswap - Bit-Swap: Recursive Bits-Back Coding for Lossless Compression with Hierarchical Latent Variables
- zeromq/pyzmq - PyZMQ: Python bindings for zeromq
- chainer/chainercv - ChainerCV: a Library for Deep Learning in Computer Vision
- gatagat/lap - Linear Assignment Problem solver (LAPJV/LAPMOD).
- HIPS/autograd - Efficiently computes derivatives of numpy code.
- lmb-freiburg/netdef_models - Repository for different network models related to flow/disparity (ECCV 18)
- JiaRenChang/PSMNet - Pyramid Stereo Matching Network (CVPR2018)
- gengshan-y/high-res-stereo - Hierarchical Deep Stereo Matching on High Resolution Images, CVPR 2019.
- ucbdrive/hd3 - Code for Hierarchical Discrete Distribution Decomposition for Match Density Estimation (CVPR 2019)
- xy-guo/GwcNet - Group-wise Correlation Stereo Network, CVPR 2019
- OpenDroneMap/ODM - A command line toolkit to generate maps, point clouds, 3D models and DEMs from drone, balloon or kite images. 📷
- gollth/ShutTUM - A photometrically calibrated multi-shutter stereo dataset for benchmarking visual odometry algorithms.
- facebook/prophet - Tool for producing high quality forecasts for time series data that has multiple seasonality with linear or non-linear growth.
- 100/Solid - 🎯 A comprehensive gradient-free optimization framework written in Python
- chainer/chainer - A flexible framework of neural networks for deep learning
- facebookresearch/nevergrad - A Python toolbox for performing gradient-free optimization
- katsugeneration/tensor-fsmn - Feedforward Sequential Memory Networks (FSMN) implemented by tensorflow
- carpedm20/deep-rl-tensorflow - TensorFlow implementation of Deep Reinforcement Learning papers
- devsisters/DQN-tensorflow - Tensorflow implementation of Human-Level Control through Deep Reinforcement Learning
- kevinzakka/spatial-transformer-network - A Tensorflow implementation of Spatial Transformer Networks
- eriklindernoren/PyTorch-GAN - PyTorch implementations of Generative Adversarial Networks.
- eriklindernoren/Keras-GAN - Keras implementations of Generative Adversarial Networks.
- raghakot/keras-vis - Neural network visualization toolkit for keras
- znxlwm/tensorflow-MNIST-GAN-DCGAN - Tensorflow implementation of Generative Adversarial Networks (GAN) and Deep Convolutional Generative Adversarial Netwokrs for MNIST dataset.
- yihui-he/GAN-MNIST - Generative Adversarial Network for MNIST with tensorflow
- tkarras/progressive_growing_of_gans - Progressive Growing of GANs for Improved Quality, Stability, and Variation
- neverhood311/Stop-motion-OBJ - A Blender add-on for importing a sequence of OBJ meshes as frames
- dranjan/python-plyfile - NumPy-based text/binary PLY file reader/writer for Python
- zhanxw/cat - Arnold Cat
- joelgrus/shirts - T-Shirts, Feminism, Parenting, and Data Science
- graceavery/Eigenstyle - Principal Component Analysis and Fashion
- TomKellyGenetics/vioplot - Development version of vioplot R package (CRAN maintainer)
- alexhallam/tv - 📺(tv) Tidy Viewer is a cross-platform CLI csv pretty printer that uses column styling to maximize viewer enjoyment.
- sharkdp/fd - A simple, fast and user-friendly alternative to 'find'
- starship/starship - ☄🌌️ The minimal, blazing-fast, and infinitely customizable prompt for any shell!
- analysis-tools-dev/static-analysis - ⚙️ A curated list of static analysis (SAST) tools and linters for all programming languages, config files, build tools, and more. The focus is on tools which improve code quality.
- lmb-freiburg/dispnet-flownet-docker - Dockerfile and runscripts for DispNet and FlowNet1 (estimation of disparity and optical flow)
- M0Rf30/android-udev-rules - Android udev rules list aimed to be the most comprehensive on the net
- Tufte-LaTeX/tufte-latex - A Tufte-inspired LaTeX class for producing handouts, papers, and books
- ledovsky/latex-gost-template - Шаблон для создания документов latex по ГОСТ: отчетов о НИР, курсовыx, рефератов, дипломов и др.
- kevintyj/ambient - Color Checker Tool
- facebookresearch/hiplot - HiPlot makes understanding high dimensional data easy
- tensorflow/tensorboard - TensorFlow's Visualization Toolkit
- irandom/docs - Стиль библиографии для Word по ГОСТ Р ИСО 7.0.5 2008
To the extent possible under law, xaf-cv has waived all copyright and related or neighboring rights to this work.