Search Results for "vision enhanment software"

Showing 25 open source projects for "vision enhanment software"

View related business solutions
  • Our Free Plans just got better! | Auth0 by Okta Icon
    Our Free Plans just got better! | Auth0 by Okta

    With up to 25k MAUs and unlimited Okta connections, our Free Plan lets you focus on what you do best—building great apps.

    You asked, we delivered! Auth0 is excited to expand our Free and Paid plans to include more options so you can focus on building, deploying, and scaling applications without having to worry about your secuirty. Auth0 now, thank yourself later.
    Try free now
  • Payroll Services for Small Businesses | QuickBooks Icon
    Payroll Services for Small Businesses | QuickBooks

    Save 50% off for 3 months with QuickBooks Payroll when you Buy Now

    Easily pay your team and access powerful tools, employee benefits, and supportive experts with the #1 online payroll service provider. Manage payroll and access HR and employee services in one place. Pay your team automatically once your payroll setup is complete. We'll calculate, file, and pay your payroll taxes automatically.
    Learn More
  • 1
    MESHROOM

    MESHROOM

    3D reconstruction software

    Photogrammetry is the science of making measurements from photographs. It infers the geometry of a scene from a set of unordered photographies or videos. Photography is the projection of a 3D scene onto a 2D plane, losing depth information. The goal of photogrammetry is to reverse this process. The dense modeling of the scene is the result yielded by chaining two computer vision-based pipelines, “Structure-from-Motion” (SfM) and “Multi View Stereo” (MVS). Fusion of Multi-bracketing LDR images...
    Downloads: 34 This Week
    Last Update:
    See Project
  • 2
    ImageAI

    ImageAI

    A python library built to empower developers

    ImageAI is an easy-to-use Computer Vision Python library that empowers developers to easily integrate state-of-the-art Artificial Intelligence features into their new and existing applications and systems. It is used by thousands of developers, students, researchers, tutors and experts in corporate organizations around the world. You will find features supported, links to official documentation as well as articles on ImageAI. ImageAI is widely used around the world by professionals, students...
    Downloads: 13 This Week
    Last Update:
    See Project
  • 3
    torchvision

    torchvision

    Datasets, transforms and models specific to Computer Vision

    The torchvision package consists of popular datasets, model architectures, and common image transformations for computer vision. We recommend Anaconda as Python package management system. Torchvision currently supports Pillow (default), Pillow-SIMD, which is a much faster drop-in replacement for Pillow with SIMD, if installed will be used as the default. Also, accimage, if installed can be activated by calling torchvision.set_image_backend('accimage'), libpng, which can be installed via conda...
    Downloads: 6 This Week
    Last Update:
    See Project
  • 4
    Kornia

    Kornia

    Open Source Differentiable Computer Vision Library

    Kornia is a differentiable computer vision library for PyTorch. It consists of a set of routines and differentiable modules to solve generic computer vision problems. At its core, the package uses PyTorch as its main backend both for efficiency and to take advantage of the reverse-mode auto-differentiation to define and compute the gradient of complex functions. Inspired by existing packages, this library is composed by a subset of packages containing operators that can be inserted within...
    Downloads: 0 This Week
    Last Update:
    See Project
  • Deliver secure remote access with OpenVPN. Icon
    Deliver secure remote access with OpenVPN.

    Trusted by nearly 20,000 customers worldwide, and all major cloud providers.

    OpenVPN's products provide scalable, secure remote access — giving complete freedom to your employees to work outside the office while securely accessing SaaS, the internet, and company resources.
    Get started — no credit card required.
  • 5
    Albumentations

    Albumentations

    Fast image augmentation library and an easy-to-use wrapper

    Albumentations is a computer vision tool that boosts the performance of deep convolutional neural networks. Albumentations is a Python library for fast and flexible image augmentations. Albumentations efficiently implements a rich variety of image transform operations that are optimized for performance, and does so while providing a concise, yet powerful image augmentation interface for different computer vision tasks, including object classification, segmentation, and detection. Albumentations...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 6
    tvm

    tvm

    Open deep learning compiler stack for cpu, gpu, etc.

    Apache TVM is an open source machine learning compiler framework for CPUs, GPUs, and machine learning accelerators. It aims to enable machine learning engineers to optimize and run computations efficiently on any hardware backend. The vision of the Apache TVM Project is to host a diverse community of experts and practitioners in machine learning, compilers, and systems architecture to build an accessible, extensible, and automated open-source framework that optimizes current and emerging...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 7
    pipeless

    pipeless

    A computer vision framework to create and deploy apps in minutes

    Pipeless is an open-source computer vision framework to create and deploy applications without the complexity of building and maintaining multimedia pipelines. It ships everything you need to create and deploy efficient computer vision applications that work in real-time in just minutes. Pipeless is inspired by modern serverless technologies. It provides the development experience of serverless frameworks applied to computer vision. You provide some functions that are executed for new video...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8
    Big Sleep

    Big Sleep

    A simple command line tool for text to image generation

    ... the command is invoked. If you have enough memory, you can also try using a bigger vision model released by OpenAI for improved generations. You can set the number of classes that you wish to restrict Big Sleep to use for the Big GAN with the --max-classes flag as follows (ex. 15 classes). This may lead to extra stability during training, at the cost of lost expressivity.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 9
    Gluon CV Toolkit

    Gluon CV Toolkit

    Gluon CV Toolkit

    GluonCV provides implementations of state-of-the-art (SOTA) deep learning algorithms in computer vision. It aims to help engineers, researchers, and students quickly prototype products, validate new ideas and learn computer vision. It features training scripts that reproduce SOTA results reported in latest papers, a large set of pre-trained models, carefully designed APIs and easy-to-understand implementations and community support. From fundamental image classification, object detection...
    Downloads: 0 This Week
    Last Update:
    See Project
  • User Testing Platform | Testeum Icon
    User Testing Platform | Testeum

    Get worldwide testers to review your software, app or website! Quickly find bugs and usability issues in less than 48 hours.

    Tired of bugs and poor UX going unnoticed despite thorough internal testing? Testeum is the SaaS crowdtesting platform that connects mobile and web app creators with carefully selected testers based on your criteria.
    Learn More
  • 10
    PyTorch SimCLR

    PyTorch SimCLR

    PyTorch implementation of SimCLR: A Simple Framework

    For quite some time now, we know about the benefits of transfer learning in Computer Vision (CV) applications. Nowadays, pre-trained Deep Convolution Neural Networks (DCNNs) are the first go-to pre-solutions to learn a new task. These large models are trained on huge supervised corpora, like the ImageNet. And most important, their features are known to adapt well to new problems. This is particularly interesting when annotated training data is scarce. In situations like this, we take the models...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 11
    DETR

    DETR

    End-to-end object detection with transformers

    PyTorch training code and pretrained models for DETR (DEtection TRansformer). We replace the full complex hand-crafted object detection pipeline with a Transformer, and match Faster R-CNN with a ResNet-50, obtaining 42 AP on COCO using half the computation power (FLOPs) and the same number of parameters. Inference in 50 lines of PyTorch. What it is. Unlike traditional computer vision techniques, DETR approaches object detection as a direct set prediction problem. It consists of a set-based...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12
    PyArmadillo

    PyArmadillo

    linear algebra library for Python

    PyArmadillo - streamlined linear algebra library for Python, with emphasis on ease of use. Alternative to NumPy / SciPy. * Main page: https://pyarma.sourceforge.io * Documentation: https://pyarma.sourceforge.io/docs.html * Bug reports: https://pyarma.sourceforge.io/faq.html * Git repo: https://gitlab.com/jason-rumengan/pyarma
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    DeepLearning

    DeepLearning

    Deep Learning (Flower Book) mathematical derivation

    ... feedforward networks, regularization, optimization algorithms, convolutional networks, sequence modeling and practical methods, and investigates topics such as natural language processing, Applications in speech recognition, computer vision, online recommender systems, bioinformatics, and video games. Finally, the Deep Learning book provides research directions covering theoretical topics including linear factor models, autoencoders, representation learning, structured probabilistic models, etc.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 14
    Linux-Intelligent-Ocr-Solution

    Linux-Intelligent-Ocr-Solution

    Easy-OCR solution and Tesseract trainer for GNU/Linux

    Linux-intelligent-ocr-solution Lios is a free and open source software for converting print in to text using either scanner or a camera, It can also produce text out of scanned images from other sources such as Pdf, Image, Folder containing Images or screenshot. Program is given total accessibility for visually impaired. A Tesseract Trainer GUI is also shipped with this package. Forum : https://groups.google.com/forum/#!forum/lios Video Tutorial : https://www.youtube.com/playlist?list...
    Downloads: 3 This Week
    Last Update:
    See Project
  • 15
    MMF

    MMF

    A modular framework for vision & language multimodal research

    MMF is a modular framework for vision and language multimodal research from Facebook AI Research. MMF contains reference implementations of state-of-the-art vision and language models and has powered multiple research projects at Facebook AI Research. MMF is designed from ground up to let you focus on what matters, your model, by providing boilerplate code for distributed training, common datasets and state-of-the-art pre-trained baselines out-of-the-box. MMF is built on top of PyTorch...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16
    JSON2YOLO

    JSON2YOLO

    Convert JSON annotations into YOLO format.

    Explore our state-of-the-art AI architecture to train and deploy your highly accurate AI models like a pro. This directory contains label import/export software developed by Ultralytics LLC, and is freely available for redistribution under the GPL-3.0 license. Ultralytics is a U.S.-based particle physics and AI startup with over 6 years of expertise supporting government, academic, and business clients. We offer a wide range of vision AI services, spanning from simple expert advice up...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 17

    survol

    RDF-based framework monitoring business systems activity

    A Python agent and a web interface aiming to help the analysis and investigation of a legacy application. A set of machines, processes, databases, programs etc ... all communicating with each other, manipulating your data, and whose software architecture has become, with time, complicated, difficult to understand, and undocumented. Data are aggregated with an RDF inference engine, creating a global vision of the business information processing.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18
    RoboComp
    RoboComp is a robotics framework providing a set of open-source, distributed, real-time robotic and artificial vision software components and the necessary tools to create and manage them.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 19

    PyVision Computer Vision Toolkit

    A Python computer vision library

    PyVision is a object-oriented Computer Vision Toolkit for researchers that contains vision and machine learning algorithms and algorithm analysis and easily interfaces with scipy/numpy, PIL, opencv and other computer and machine learning libraries.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 20

    ProximityForest

    Efficient Approximate Nearest Neighbors for General Metric Spaces

    A proximity forest is a data structure that allows for efficient computation of approximate nearest neighbors of arbitrary data elements in a metric space. See: O'Hara and Draper, "Are You Using the Right Approximate Nearest Neighbor Algorithm?", WACV 2013 (best student paper award). One application of a ProximityForest is given in the following CVPR publication: Stephen O'Hara and Bruce A. Draper, "Scalable Action Recognition with a Subspace Forest," IEEE Conference on Computer Vision...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 21
    ViAmI-Server

    ViAmI-Server

    Pattern recognition for ADL events

    This software uses computer vision algorithms for mining sequence data from telemonitoring data with CBRs. We propose an approach which treats the detection of changes in behavior detected with a sensor/video fusion, which occur at radically different time-scales, through a CBR in two levels: low and high level. The system is always updating the database with the daily data.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22
    The goal of the See&Touch project is to design/implement a special mouse for disabled people, which allows a person to fully control a computer by using just vision and one single body movement. This project develops hardware, firmware and software.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23
    With this Python module (based on C++ code) it is possible to create a Brain Comp. Interface (BCI) and herewith to get EEG data online and evaluate the data while receiving it. - Up to now, this tool relies on the Brain Vision Rec. as EEG software -
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    Concurrent vision processing system; Toolkit for easy implementation of software concurrent vision processing sub-system. Aimed at robotic applications w/best effort realtime. System includes: capture,processing and displaying.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25
    PyTVision allows to build text UI for Python applications using Turbo Vision framework. One of it's main goals is to work under DOS using PythonD, as well as under Linux and Windows.
    Downloads: 1 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • Next