Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
DSP-Guide
Digital Signal Processing(DSP) Guide
https://github.com/mikeroyal/DSP-Guide
Last synced: 2 days ago
JSON representation
-
Computer Vision Learning Resources
- Computer Vision
- OpenCV Courses
- Exploring Computer Vision in Microsoft Azure
- Top Computer Vision Courses Online | Coursera
- Top Computer Vision Courses Online | Udemy
- Learn Computer Vision with Online Courses and Lessons | edX
- Computer Vision and Image Processing Fundamentals | edX
- Introduction to Computer Vision Courses | Udacity
- Computer Vision Nanodegree program | Udacity
- Computer Vision Training Courses | NobleProg
- Visual Computing Graduate Program | Stanford Online
- Machine Vision Course |MIT Open Courseware
- OpenCV Courses
- Introduction to Computer Vision Courses | Udacity
- Computer Vision
-
Photogrammetry Learning Resources
- Drone mapping and photogrammetry workshops with Pix4D
- Top Photogrammetry Courses Online | Udemy
- Photogrammetry With Drones: In Mapping Technology | Udemy
- Introduction to Photogrammetry Course | Coursera
- Photogrammetry Online Classes and Training | Linkedin Learning
- Pix4D training and certification for mapping professionals
- Digital Photogrammetric Systems Course | Purdue Online Learning
- Photogrammetry Training | Deep3D Photogrammetry
- ASPRS Certification Program
- Terrestrial(Close-range) photogrammetry
-
Photogrammetry Tools, Libraries, and Frameworks
- Pix4D
- PIX4Dmapper
- RealityCapture - of-the-art photogrammetry software solution that creates virtual reality scenes, textured 3D meshes, orthographic projections, geo-referenced maps and much more from images and/or laser scans completely automatically.
- Adobe Scantastic - based photogrammetry pipeline), users can easily scan objects in their physical environment and turn them into 3D models which can then be imported into tools like [Adobe Dimension](https://www.adobe.com/products/dimension.html) and [Adobe Aero](https://www.adobe.com/products/aero.html).
- Adobe Aero - party apps like Cinema 4D, or asset libraries like Adobe Stock and TurboSquid. Aero optimizes a wide array of assets, including OBJ, GLB, and glTF files, for AR, so you can visualize them in real time.
- Agisoft Metashape - alone software product that performs photogrammetric processing of digital images and generates 3D spatial data to be used in GIS applications, cultural heritage documentation, and visual effects production as well as for indirect measurements of objects of various scales.
- MicroStation
- Leica Photogrammetry Suite (LPS) - friendly environment that guarantees results even for photogrammetry novices.
- Terramodel
- COLMAP - purpose Structure-from-Motion (SfM) and Multi-View Stereo (MVS) pipeline with a graphical and command-line interface. It offers a wide range of features for reconstruction of ordered and unordered image collections.
- Multi-View Environment (MVE) - view datasets and to support the development of algorithms based on multiple views. It features Structure from Motion, Multi-View Stereo and Surface Reconstruction. MVE is developed at the TU Darmstadt.
- PhotoModeler - effective way for accurate 2D or 3D measurement, photo-digitizing, surveying, 3D scanning, and reality capture.
- ODM
- WebODM - friendly, commercial grade software for drone image processing. Generate georeferenced maps, point clouds, elevation models and textured 3D models from aerial images. It supports multiple engines for processing, currently [ODM](https://github.com/OpenDroneMap/ODM) and [MicMac](https://github.com/dronemapper-io/NodeMICMAC/).
- NodeODM
- FIELDimageR
- Regard3D - from-motion program. It converts photos of an object, taken from different angles, into a 3D model of this object.
- MicroStation
- Leica Photogrammetry Suite (LPS) - friendly environment that guarantees results even for photogrammetry novices.
- MicMac - source photogrammetry software tools for 3D reconstruction.
- AliceVision - of-the-art computer vision algorithms that can be tested, analyzed and reused.
- Meshroom - source 3D Reconstruction Software based on the AliceVision framework.
- Autodesk® ReCap™
- Autodesk® ReCap™ Photo - connected solution tailored for drone/UAV photo capturing workflows. Using ReCap Photo, you can create textured meshes, point clouds with geolocation, and high-resolution orthographic views with elevation maps.
-
LiDAR Learning Resources
- Introduction to Lidar Course - NOAA
- Lidar 101:An Introduction to Lidar Technology, Data, and Applications(PDF) - NOAA
- Understanding LiDAR Technologies - GIS Lounge
- LiDAR University Free Lidar Training Courses on MODUS AI
- LiDAR | Learning Plan on ERSI
- Light Detection and Ranging Sensors Course on Coursera
- Quick Introduction to Lidar and Basic Lidar Tools(PDF)
- LIDAR - GIS Wiki
- OpenStreetMap Wiki
- OpenStreetMap Frameworks
- Back to the Top
- LIDAR - GIS Wiki
-
Differential Equations Learning Resources
- Linear Systems of Differential Equations | YouTube
- Linear Algebra and Differential Equations | Harvard University
- Ordinary Differential Equations | Harvard University
- Partial Differential Equations in Engineering Course | Stanford Online
- Partial Differential Equations of Applied Mathematics Course | Stanford Online
- Ordinary Differential Equation | Wolfram MathWorld
- Differential Equations - Wolfram|Alpha
- Top Differential Equation Courses Online | Coursera
- Introduction to Ordinary Differential Equations | Coursera
- Differential Equations | Udemy
- Differential Equations Playlist | YouTube
- Differential Equations | Mathematics | MIT OpenCourseWare
- Differential Equations - Complete Review Course | YouTube
- Introduction to Differential Equations | YouTube
- Top Differential Equations Courses Online | Udemy
- Learn Differential Equations with Online Courses and lessons | edX
- Differential Equations Courses - Engineer4Free
- Differential Equations Study Resources - Course Hero
- Back to the Top
- Differential Equations Playlist | YouTube
-
LiDAR Tools & Frameworks
- Light Detection and Ranging (lidar) - resolution models of ground elevation with a vertical accuracy of 10 centimeters (4 inches). Lidar equipment, which includes a laser scanner, a Global Positioning System (GPS), and an Inertial Navigation System (INS), is typically mounted on a small aircraft. The laser scanner transmits brief pulses of light to the ground surface. Those pulses are reflected or scattered back and their travel time is used to calculate the distance between the laser scanner and the ground. Lidar data is initially collected as a “point cloud” of individual points reflected from everything on the surface, including structures and vegetation. To produce a “bare earth” Digital Elevation Model (DEM), structures and vegetation are stripped away.
- CS231n
- Mola
- MOLA
- LASer(LAS) - dimensional point cloud data data between data users. Although developed primarily for exchange of lidar point cloud data, this format supports the exchange of any 3-dimensional x,y,z tuplet. This binary file format is an alternative to proprietary systems or a generic ASCII file interchange system used by many companies. The problem with proprietary systems is obvious in that data cannot be easily taken from one system to another. There are two major problems with the ASCII file interchange. The first problem is performance because the reading and interpretation of ASCII elevation data can be very slow and the file size can be extremely large even for small amounts of data. The second problem is that all information specific to the lidar data is lost. The LAS file format is a binary file format that maintains information specific to the lidar nature of the data while not being overly complex.
- 3D point cloud - dimensional coordinates system.. Point clouds can be produced directly by 3D scanner which records a large number of points returned from the external surfaces of objects or earth surface. These data are exchanged between LiDAR users mainly through LAS format files (.las).
- ArcGIS Desktop - effective desktop geographic information system (GIS) software. It is the essential software package for GIS professionals. ArcGIS Desktop users can create, analyze, manage, and share geographic information so decision-makers can make intelligent, informed decisions.
- USGS 3DEP Lidar Point Cloud Now Available as Amazon Public Dataset
- National Geospatial Program
- USGS Lidar Base Specification(LBS) online edition
- Fuzzy logic - tree processing and better integration with rules-based programming.
- ResearchGate
- Support Vector Machine (SVM) - group classification problems.
- OpenClipArt
- Convolutional Neural Networks (R-CNN)
- Recurrent neural networks (RNNs)
- Slideteam
- Random forest - used machine learning algorithm, which combines the output of multiple decision trees to reach a single result. A decision tree in a forest cannot be pruned for sampling and therefore, prediction selection. Its ease of use and flexibility have fueled its adoption, as it handles both classification and regression problems.
- wikimedia
- Decision trees - structured models for classification and regression.
- CMU
- Naive Bayes - theorem.html) with strong independence assumptions between the features.
- mathisfun
- IBM
- National Map Data Download and Visualization Services
- wikimedia
- wikimedia
- wikimedia
- wikimedia
- wikimedia
- wikimedia
- wikimedia
- wikimedia
- wikimedia
- wikimedia
- wikimedia
- Light Detection and Ranging (lidar) - resolution models of ground elevation with a vertical accuracy of 10 centimeters (4 inches). Lidar equipment, which includes a laser scanner, a Global Positioning System (GPS), and an Inertial Navigation System (INS), is typically mounted on a small aircraft. The laser scanner transmits brief pulses of light to the ground surface. Those pulses are reflected or scattered back and their travel time is used to calculate the distance between the laser scanner and the ground. Lidar data is initially collected as a “point cloud” of individual points reflected from everything on the surface, including structures and vegetation. To produce a “bare earth” Digital Elevation Model (DEM), structures and vegetation are stripped away.
- USGS 3DEP Lidar Point Cloud Now Available as Amazon Public Dataset
- wikimedia
- wikimedia
- DeepAI
- Support Vector Machine (SVM) - group classification problems.
-
Laplace transform
-
Learning Resources for ML
- Machine Learning
- Machine Learning by Stanford University from Coursera
- AWS Training and Certification for Machine Learning (ML) Courses
- Machine Learning Scholarship Program for Microsoft Azure from Udacity
- Microsoft Certified: Azure Data Scientist Associate
- Microsoft Certified: Azure AI Engineer Associate
- Azure Machine Learning training and deployment
- Learning Machine learning and artificial intelligence from Google Cloud Training
- JupyterLab
- Scheduling Jupyter notebooks on Amazon SageMaker ephemeral instances
- How to run Jupyter Notebooks in your Azure Machine Learning workspace
- Machine Learning Courses Online from Udemy
- Machine Learning Courses Online from Coursera
- Learn Machine Learning with Online Courses and Classes from edX
-
ML Frameworks, Libraries, and Tools
- TensorFlow - to-end open source platform for machine learning. It has a comprehensive, flexible ecosystem of tools, libraries and community resources that lets researchers push the state-of-the-art in ML and developers easily build and deploy ML powered applications.
- Keras - level neural networks API, written in Python and capable of running on top of TensorFlow, CNTK, or Theano.It was developed with a focus on enabling fast experimentation. It is capable of running on top of TensorFlow, Microsoft Cognitive Toolkit, R, Theano, or PlaidML.
- PyTorch
- Amazon SageMaker
- Azure Databricks - based big data analytics service designed for data science and data engineering. Azure Databricks, sets up your Apache Spark environment in minutes, autoscale, and collaborate on shared projects in an interactive workspace. Azure Databricks supports Python, Scala, R, Java, and SQL, as well as data science frameworks and libraries including TensorFlow, PyTorch, and scikit-learn.
- Apple CoreML - tune models, all on the user's device. A model is the result of applying a machine learning algorithm to a set of training data. You use a model to make predictions based on new input data.
- Apache OpenNLP - source library for a machine learning based toolkit used in the processing of natural language text. It features an API for use cases like [Named Entity Recognition](https://en.wikipedia.org/wiki/Named-entity_recognition), [Sentence Detection](), [POS(Part-Of-Speech) tagging](https://en.wikipedia.org/wiki/Part-of-speech_tagging), [Tokenization](https://en.wikipedia.org/wiki/Tokenization_(data_security)) [Feature extraction](https://en.wikipedia.org/wiki/Feature_extraction), [Chunking](https://en.wikipedia.org/wiki/Chunking_(psychology)), [Parsing](https://en.wikipedia.org/wiki/Parsing), and [Coreference resolution](https://en.wikipedia.org/wiki/Coreference).
- Apache Airflow - source workflow management platform created by the community to programmatically author, schedule and monitor workflows. Install. Principles. Scalable. Airflow has a modular architecture and uses a message queue to orchestrate an arbitrary number of workers. Airflow is ready to scale to infinity.
- Open Neural Network Exchange(ONNX) - in operators and standard data types.
- Apache MXNet
- AutoGluon - accuracy deep learning models on tabular, image, and text data.
- Anaconda
- Weka - in tools for standard machine learning tasks, and additionally gives transparent access to well-known toolboxes such as scikit-learn, R, and Deeplearning4j.
- Jupyter Notebook - source web application that allows you to create and share documents that contain live code, equations, visualizations and narrative text. Jupyter is used widely in industries that do data cleaning and transformation, numerical simulation, statistical modeling, data visualization, data science, and machine learning.
- Apache Spark - scale data processing. It provides high-level APIs in Scala, Java, Python, and R, and an optimized engine that supports general computation graphs for data analysis. It also supports a rich set of higher-level tools including Spark SQL for SQL and DataFrames, MLlib for machine learning, GraphX for graph processing, and Structured Streaming for stream processing.
- Apache PredictionIO
- BigDL
- Eclipse Deeplearning4J (DL4J) - based(Scala, Kotlin, Clojure, and Groovy) deep learning application. This means starting with the raw data, loading and preprocessing it from wherever and whatever format it is in to building and tuning a wide variety of simple and complex deep learning networks.
- XGBoost
- OpenCV - time computer vision applications. The C++, Python, and Java interfaces support Linux, MacOS, Windows, iOS, and Android.
-
CUDA Learning Resources
- CUDA Toolkit Documentation
- CUDA Quick Start Guide
- CUDA on WSL
- CUDA GPU support for TensorFlow
- NVIDIA Deep Learning cuDNN Documentation
- NVIDIA GPU Cloud Documentation
- CUDA - accelerated applications, the sequential part of the workload runs on the CPU, which is optimized for single-threaded. The compute intensive portion of the application runs on thousands of GPU cores in parallel. When using CUDA, developers can program in popular languages such as C, C++, Fortran, Python and MATLAB.
-
CUDA Tools Libraries, and Frameworks
- CUDA Toolkit - accelerated applications. The CUDA Toolkit allows you can develop, optimize, and deploy your applications on GPU-accelerated embedded systems, desktop workstations, enterprise data centers, cloud-based platforms and HPC supercomputers. The toolkit includes GPU-accelerated libraries, debugging and optimization tools, a C/C++ compiler, and a runtime library to build and deploy your application on major architectures including x86, Arm and POWER.
- CUDA-X HPC - X HPC includes highly tuned kernels essential for high-performance computing (HPC).
- Minkowski Engine - differentiation library for sparse tensors. It supports all standard neural network layers such as convolution, pooling, unpooling, and broadcasting operations for sparse tensors.
- CuPy - compatible multi-dimensional array on CUDA. CuPy consists of the core multi-dimensional array class, cupy.ndarray, and many functions on it. It supports a subset of numpy.ndarray interface.
- CatBoost
- cuDF - like API that will be familiar to data engineers & data scientists, so they can use it to easily accelerate their workflows without going into the details of CUDA programming.
- ArrayFire - purpose library that simplifies the process of developing software that targets parallel and massively-parallel architectures including CPUs, GPUs, and other hardware acceleration devices.
- AresDB - powered real-time analytics storage and query engine. It features low query latency, high data freshness and highly efficient in-memory and on disk storage management.
- GraphVite - speed and large-scale embedding learning in various applications.
- Open Computing Language (OpenCL) - to-parallel-computing-zNrIS) of heterogeneous platforms consisting of CPUs, GPUs, and other hardware accelerators found in supercomputers, cloud servers, personal computers, mobile devices and embedded platforms.
- OpenCL | GitHub
- Khronos Technology Courses and Training
- OpenCL Tutorials - StreamHPC
- Introduction to Intel® OpenCL Tools
- OpenCL | NVIDIA Developer
- Introduction to OpenCL on FPGAs Course | Coursera
- Compiling OpenCL Kernel to FPGAs Course | Coursera
- RenderDoc - alone graphics debugger that allows quick and easy single-frame capture and detailed introspection of any application using Vulkan, D3D11, OpenGL & OpenGL ES or D3D12 across Windows, Linux, Android, Stadia, or Nintendo Switch™.
- GPUVerify
- NVIDIA® Nsight™ Visual Studio Edition
- Radeon™ GPU Profiler
- Radeon™ GPU Analyzer
- AMD Radeon ProRender - based rendering engine that enables creative professionals to produce stunningly photorealistic images on virtually any GPU, any CPU, and any OS in over a dozen leading digital content creation and CAD applications.
- NVIDIA Omniverse - GPU, real-time simulation and collaboration platform for 3D production pipelines based on Pixar's Universal Scene Description and NVIDIA RTX.
- Intel® SDK For OpenCL™ Applications - intensive workloads. Customize heterogeneous compute applications and accelerate performance with kernel-based programming.
- NVIDIA NGC - optimized software for deep learning, machine learning, and high-performance computing (HPC) workloads.
- NVIDIA NGC Containers - accelerated software for AI, machine learning and HPC. These containers take full advantage of NVIDIA GPUs on-premises and in the cloud.
- Chainer - based deep learning framework aiming at flexibility. It provides automatic differentiation APIs based on the define-by-run approach (dynamic computational graphs) as well as object-oriented high-level APIs to build and train neural networks. It also supports CUDA/cuDNN using [CuPy](https://github.com/cupy/cupy) for high performance training and inference.
-
C/C++ Learning Resources
- C++ style guide for Fuchsia
- C++ - platform language that can be used to build high-performance applications developed by Bjarne Stroustrup, as an extension to the C language.
- C - purpose, high-level language that was originally developed by Dennis M. Ritchie to develop the UNIX operating system at Bell Labs. It supports structured programming, lexical variable scope, and recursion, with a static type system. C also provides constructs that map efficiently to typical machine instructions, which makes it one was of the most widely used programming languages today.
- Embedded C - committee) to address issues that exist between C extensions for different [embedded systems](https://en.wikipedia.org/wiki/Embedded_system). The extensions hep enhance microprocessor features such as fixed-point arithmetic, multiple distinct memory banks, and basic I/O operations. This makes Embedded C the most popular embedded software language in the world.
- C & C++ Developer Tools from JetBrains
- Open source C++ libraries on cppreference.com
- C++ Graphics libraries
- C++ Libraries in MATLAB
- C++ Tools and Libraries Articles
- Google C++ Style Guide
- Introduction C++ Education course on Google Developers
- C and C++ Coding Style Guide by OpenTitan
- Chromium C++ Style Guide
- C++ Core Guidelines
- C++ Style Guide for ROS
- Learn C++
- Learn C : An Interactive C Tutorial
- C++ Institute
- C++ Online Training Courses on LinkedIn Learning
- C++ Tutorials on W3Schools
- Learn C Programming Online Courses on edX
- Learn C++ with Online Courses on edX
- Learn C++ on Codecademy
- Coding for Everyone: C and C++ course on Coursera
- C++ For C Programmers on Coursera
- Top C Courses on Coursera
- C++ Online Courses on Udemy
- Top C Courses on Udemy
- Basics of Embedded C Programming for Beginners on Udemy
- C++ For Programmers Course on Udacity
- C++ Fundamentals Course on Pluralsight
- Introduction to C++ on MIT Free Online Course Materials
- Introduction to C++ for Programmers | Harvard
- Online C Courses | Harvard University
-
MATLAB Learning Resources
- MATLAB
- MATLAB Documentation
- MATLAB and Simulink Training from MATLAB Academy
- MathWorks Certification Program
- MATLAB Online Courses from Udemy
- MATLAB Online Courses from Coursera
- MATLAB Online Courses from edX
- Building a MATLAB GUI
- MATLAB Style Guidelines 2.0
- Setting Up Git Source Control with MATLAB & Simulink
- Pull, Push and Fetch Files with Git with MATLAB & Simulink
- Create New Repository with MATLAB & Simulink
- PRMLT
- Getting Started with MATLAB
-
MATLAB Tools, Libraries, Frameworks
- MATLAB and Simulink Services & Applications List
- MATLAB in the Cloud - cloud) including [AWS](https://aws.amazon.com/) and [Azure](https://azure.microsoft.com/).
- MATLAB Online™
- Simulink - Based Design. It supports simulation, automatic code generation, and continuous testing of embedded systems.
- Simulink Online™
- MATLAB Drive™
- SoC Blockset™
- Wireless HDL Toolbox™ - verified, hardware-ready Simulink® blocks and subsystems for developing 5G, LTE, and custom OFDM-based wireless communication applications. It includes reference applications, IP blocks, and gateways between frame and sample-based processing.
- ThingSpeak™ - of-concept IoT systems that require analytics.
- hctsa - series analysis using Matlab.
- Plotly
- YALMIP
- GNU Octave - level interpreted language, primarily intended for numerical computations. It provides capabilities for the numerical solution of linear and nonlinear problems, and for performing other numerical experiments. It also provides extensive graphics capabilities for data visualization and manipulation.
- Image Processing Toolbox™ - standard algorithms and workflow apps for image processing, analysis, visualization, and algorithm development. You can perform image segmentation, image enhancement, noise reduction, geometric transformations, image registration, and 3D image processing.
- hctsa - series analysis using Matlab.
-
C/C++ Tools and Frameworks
- Visual Studio - rich application that can be used for many aspects of software development. Visual Studio makes it easy to edit, debug, build, and publish your app. By using Microsoft software development platforms such as Windows API, Windows Forms, Windows Presentation Foundation, and Windows Store.
- Visual Studio Code
- ReSharper C++
- AppCode - fixes to resolve them automatically. AppCode provides lots of code inspections for Objective-C, Swift, C/C++, and a number of code inspections for other supported languages. All code inspections are run on the fly.
- CLion - platform IDE for C and C++ developers developed by JetBrains.
- Code::Blocks
- Conan
- High Performance Computing (HPC) SDK
- Boost - edge C++. Boost has been a participant in the annual Google Summer of Code since 2007, in which students develop their skills by working on Boost Library development.
- Automake
- Cmake - source, cross-platform family of tools designed to build, test and package software. CMake is used to control the software compilation process using simple platform and compiler independent configuration files, and generate native makefiles and workspaces that can be used in the compiler environment of your choice.
- GDB
- GCC - C, Fortran, Ada, Go, and D, as well as libraries for these languages.
- GSL - squares fitting. There are over 1000 functions in total with an extensive test suite.
- OpenGL Extension Wrangler Library (GLEW) - platform open-source C/C++ extension loading library. GLEW provides efficient run-time mechanisms for determining which OpenGL extensions are supported on the target platform.
- Libtool
- Maven
- TAU (Tuning And Analysis Utilities) - based sampling. All C++ language features are supported including templates and namespaces.
- Clang - C, C++ and Objective-C++ compiler when targeting X86-32, X86-64, and ARM (other targets may have caveats, but are usually easy to fix). Clang is used in production to build performance-critical software like Google Chrome or Firefox.
- OpenCV - time applications. Cross-Platform C++, Python and Java interfaces support Linux, MacOS, Windows, iOS, and Android.
- Libcu++
- ANTLR (ANother Tool for Language Recognition)
- Oat++ - efficient web application. It's zero-dependency and easy-portable.
- Cython
- Infer - C, and C. Infer is written in [OCaml](https://ocaml.org/).
-
Computer Vision Tools, Libraries, and Frameworks
- Back to the Top
- LRSLibrary - Rank and Sparse Tools for Background Modeling and Subtraction in Videos. The library was designed for moving object detection in videos, but it can be also used for other computer vision and machine learning problems.
- UAV Toolbox
- Scikit-Learn
- Computer Vision Toolbox™
- Statistics and Machine Learning Toolbox™
- Model Predictive Control Toolbox™ - loop simulations, you can evaluate controller performance.
- Partial Differential Equation Toolbox™
- Mapping Toolbox™
- ROS Toolbox
- Robotics Toolbox™ - holonomic vehicle. The Toolbox also including a detailed Simulink model for a quadrotor flying robot.
- Image Processing Toolbox™ - standard algorithms and workflow apps for image processing, analysis, visualization, and algorithm development. You can perform image segmentation, image enhancement, noise reduction, geometric transformations, image registration, and 3D image processing.
- Lidar Toolbox™ - camera cross calibration for workflows that combine computer vision and lidar processing.
- Deep Learning HDL Toolbox™ - built bitstreams for running a variety of deep learning networks on supported Xilinx® and Intel® FPGA and SoC devices. Profiling and estimation tools let you customize a deep learning network by exploring design, performance, and resource utilization tradeoffs.
- Automated Driving Toolbox™ - eye-view plot and scope for sensor coverage, detections and tracks, and displays for video, lidar, and maps. The toolbox lets you import and work with HERE HD Live Map data and OpenDRIVE® road networks. It also provides reference application examples for common ADAS and automated driving features, including FCW, AEB, ACC, LKA, and parking valet. The toolbox supports C/C++ code generation for rapid prototyping and HIL testing, with support for sensor fusion, tracking, path planning, and vehicle controller algorithms.
- NVIDIA cuDNN - accelerated library of primitives for [deep neural networks](https://developer.nvidia.com/deep-learning). cuDNN provides highly tuned implementations for standard routines such as forward and backward convolution, pooling, normalization, and activation layers. cuDNN accelerates widely used deep learning frameworks, including [Caffe2](https://caffe2.ai/), [Chainer](https://chainer.org/), [Keras](https://keras.io/), [MATLAB](https://www.mathworks.com/solutions/deep-learning.html), [MxNet](https://mxnet.incubator.apache.org/), [PyTorch](https://pytorch.org/), and [TensorFlow](https://www.tensorflow.org/).
- Microsoft AirSim - source, cross platform, and supports [software-in-the-loop simulation](https://www.mathworks.com/help///ecoder/software-in-the-loop-sil-simulation.html) with popular flight controllers such as PX4 & ArduPilot and [hardware-in-loop](https://www.ni.com/en-us/innovations/white-papers/17/what-is-hardware-in-the-loop-.html) with PX4 for physically and visually realistic simulations. It is developed as an Unreal plugin that can simply be dropped into any Unreal environment. AirSim is being developed as a platform for AI research to experiment with deep learning, computer vision and reinforcement learning algorithms for autonomous vehicles.
- Deep Learning Toolbox™ - term memory (LSTM) networks to perform classification and regression on image, time-series, and text data. You can build network architectures such as generative adversarial networks (GANs) and Siamese networks using automatic differentiation, custom training loops, and shared weights. With the Deep Network Designer app, you can design, analyze, and train networks graphically. It can exchange models with TensorFlow™ and PyTorch through the ONNX format and import models from TensorFlow-Keras and Caffe. The toolbox supports transfer learning with DarkNet-53, ResNet-50, NASNet, SqueezeNet and many other pretrained models.
- Parallel Computing Toolbox™ - intensive problems using multicore processors, GPUs, and computer clusters. High-level constructs such as parallel for-loops, special array types, and parallelized numerical algorithms enable you to parallelize MATLAB® applications without CUDA or MPI programming. The toolbox lets you use parallel-enabled functions in MATLAB and other toolboxes. You can use the toolbox with Simulink® to run multiple simulations of a model in parallel. Programs and models can run in both interactive and batch modes.
- Reinforcement Learning Toolbox™ - making algorithms for complex applications such as resource allocation, robotics, and autonomous systems.
- Vision HDL Toolbox™ - streaming algorithms for the design and implementation of vision systems on FPGAs and ASICs. It provides a design framework that supports a diverse set of interface types, frame sizes, and frame rates. The image processing, video, and computer vision algorithms in the toolbox use an architecture appropriate for HDL implementations.
Categories
LiDAR Tools & Frameworks
42
C/C++ Learning Resources
34
CUDA Tools Libraries, and Frameworks
28
C/C++ Tools and Frameworks
25
Photogrammetry Tools, Libraries, and Frameworks
24
Computer Vision Tools, Libraries, and Frameworks
21
Differential Equations Learning Resources
20
ML Frameworks, Libraries, and Tools
20
MATLAB Tools, Libraries, Frameworks
15
Computer Vision Learning Resources
15
Learning Resources for ML
14
MATLAB Learning Resources
14
LiDAR Learning Resources
12
Photogrammetry Learning Resources
10
Laplace transform
9
CUDA Learning Resources
7
License
1
Sub Categories
Keywords
computer-vision
3
3d-reconstruction
2
alicevision
2
camera-tracking
2
structure-from-motion
2
photogrammetry
2
meshroom
2
machine-learning
2
deep-learning
2
awesome-list
2
awesome
2
hdri-image
1
multiview-stereo
1
tensor-decomposition
1
tensor
1
subspace-tracking
1
subspace-learning
1
rpca
1
matrix-factorization
1
matrix-completion
1
matrix
1
matlab
1
opencv-python
1
opencv-library
1
opencv-dnn
1
opencv-cpp
1
opencv
1
mathematics
1
mathematical-modelling
1
math
1
linear-algebra
1
differential-equations
1
lidar-slam
1
lidar-point-cloud
1
lidar-odometry
1
lidar-object-tracking
1
lidar-measurements
1
lidar-data
1
lidar-camera-calibration
1
lidar
1
image-processing
1
deep-reinforcement-learning
1
deep-neural-networks
1
awesome-resources
1
augmented-reality-applications
1
augmented-reality
1
texturing
1
multi-view-stereo
1
image-stitching
1
hdr-imaging
1