Showing 38 open source projects for "torch"

View related business solutions
  • Manage your entire team in one app Icon
    Manage your entire team in one app

    With Connecteam you can manage every aspect of your business on the go, no workstation needed.

    Connecteam is an award-winning all-in-one employee management solution for daily operations, communications, and human resource management.
  • Component Content Management System for Software Documentation Icon
    Component Content Management System for Software Documentation

    Great tool for serious technical writers

    Paligo is an end-to-end Component Content Management System (CCMS) solution for technical documentation, policies and procedures, knowledge management, and more.
  • 1
    Torch-TensorRT

    Torch-TensorRT

    PyTorch/TorchScript/FX compiler for NVIDIA GPUs using TensorRT

    Torch-TensorRT is a compiler for PyTorch/TorchScript, targeting NVIDIA GPUs via NVIDIA’s TensorRT Deep Learning Optimizer and Runtime. Unlike PyTorch’s Just-In-Time (JIT) compiler, Torch-TensorRT is an Ahead-of-Time (AOT) compiler, meaning that before you deploy your TorchScript code, you go through an explicit compile step to convert a standard TorchScript program into a module targeting a TensorRT engine. Torch-TensorRT operates as a PyTorch extension and compiles modules that integrate...
    Downloads: 3 This Week
    Last Update:
    See Project
  • 2
    DeepCTR-Torch

    DeepCTR-Torch

    Easy-to-use,Modular and Extendible package of deep-learning models

    DeepCTR-Torch is an easy-to-use, Modular and Extendible package of deep-learning-based CTR models along with lots of core components layers that can be used to build your own custom model easily.It is compatible with PyTorch.You can use any complex model with model.fit() and model.predict(). With the great success of deep learning, DNN-based techniques have been widely used in CTR estimation tasks. The data in the CTR estimation task usually includes high sparse,high cardinality categorical...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 3
    PyTorch

    PyTorch

    Open source machine learning framework

    PyTorch is a Python package that offers Tensor computation (like NumPy) with strong GPU acceleration and deep neural networks built on tape-based autograd system. This project allows for fast, flexible experimentation and efficient production. PyTorch consists of torch (Tensor library), torch.autograd (tape-based automatic differentiation library), torch.jit (a compilation stack [TorchScript]), torch.nn (neural networks library), torch.multiprocessing (Python multiprocessing), and torch.utils...
    Downloads: 78 This Week
    Last Update:
    See Project
  • 4
    Netron

    Netron

    Visualizer for neural network, deep learning, machine learning models

    Netron is a viewer for neural network, deep learning and machine learning models. Netron supports ONNX, Keras, TensorFlow Lite, Caffe, Darknet, Core ML, MNN, MXNet, ncnn, PaddlePaddle, Caffe2, Barracuda, Tengine, TNN, RKNN, MindSpore Lite, and UFF. Netron has experimental support for TensorFlow, PyTorch, TorchScript, OpenVINO, Torch, Arm NN, BigDL, Chainer, CNTK, Deeplearning4j, MediaPipe, ML.NET, scikit-learn, TensorFlow.js. There is an extense variety of sample model files to download or open...
    Downloads: 132 This Week
    Last Update:
    See Project
  • Create and run cloud-based virtual machines. Icon
    Create and run cloud-based virtual machines.

    Secure and customizable compute service that lets you create and run virtual machines on Google’s infrastructure.

    Computing infrastructure in predefined or custom machine sizes to accelerate your cloud transformation. General purpose (E2, N1, N2, N2D) machines provide a good balance of price and performance. Compute optimized (C2) machines offer high-end vCPU performance for compute-intensive workloads. Memory optimized (M2) machines offer the highest memory and are great for in-memory databases. Accelerator optimized (A2) machines are based on the A100 GPU, for very demanding applications.
  • 5
    Html5-QRCode

    Html5-QRCode

    A cross platform HTML5 QR code reader

    Lightweight & cross platform QR Code and Bar code scanning library for the web. Use this lightweight library to easily / quickly integrate QR code, bar code, and other common code scanning capabilities to your web application. End-to-end scanner with UI, integrate with less than ten lines of code. Powerful set of APIs you can use to build your UI without worrying about camera setup, handling permissions, reading codes, etc. Support for scanning local files on the device is a new addition and...
    Downloads: 21 This Week
    Last Update:
    See Project
  • 6
    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...
    Downloads: 3 This Week
    Last Update:
    See Project
  • 7
    pytorch-cpp

    pytorch-cpp

    C++ Implementation of PyTorch Tutorials for Everyone

    C++ Implementation of PyTorch Tutorials for Everyone. This repository provides tutorial code in C++ for deep learning researchers to learn PyTorch (i.e. Section 1 to 3) Interactive Tutorials are currently running on LibTorch Nightly Version. Libtorch only supports 64bit Windows and an x64 generator needs to be specified. Create all required script module files for pre-learned models/weights during the build. Requires installed python3 with PyTorch and torch-vision. You can choose to only build...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8
    Stable-Dreamfusion

    Stable-Dreamfusion

    Text-to-3D & Image-to-3D & Mesh Exportation with NeRF + Diffusion

    ... model, which diffuses in a latent space instead of the original image space. Therefore, we need the loss to propagate back from the VAE's encoder part too, which introduces extra time costs in training. We use the multi-resolution grid encoder to implement the NeRF backbone (implementation from torch-ngp), which enables much faster rendering.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 9
    DocArray

    DocArray

    The data structure for multimodal data

    ... science powerhouse: greatly accelerate data scientists’ work on embedding, k-NN matching, querying, visualizing, evaluating via Torch/TensorFlow/ONNX/PaddlePaddle on CPU/GPU. Data in transit: optimized for network communication, ready-to-wire at anytime with fast and compressed serialization in Protobuf, bytes, base64, JSON, CSV, DataFrame. Perfect for streaming and out-of-memory data. One-stop k-NN: Unified and consistent API for mainstream vector databases.
    Downloads: 0 This Week
    Last Update:
    See Project
  • APIs for the next generation of business text messaging Icon
    APIs for the next generation of business text messaging

    For companies that need a reliable messaging API provider

    Get your customers’ messages where they need to go with 99%+ deliverability. Telgorithm’s API automates A2P compliance & message management for faster, easier, & more reliable messaging, enabling you to offer the best service to your customers.
  • 10
    min(DALL·E)

    min(DALL·E)

    min(DALL·E) is a fast, minimal port of DALL·E Mini to PyTorch

    This is a fast, minimal port of Boris Dayma's DALL·E Mini (with mega weights). It has been stripped down for inference and converted to PyTorch. The only third-party dependencies are numpy, requests, pillow and torch. The required models will be downloaded to models_root if they are not already there. Set the dtype to torch.float16 to save GPU memory. If you have an Ampere architecture GPU you can use torch.bfloat16. Set the device to either cuda or "cpu". Once everything has finished...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 11
    PML

    PML

    The easiest way to use deep metric learning in your application

    This library contains 9 modules, each of which can be used independently within your existing codebase, or combined together for a complete train/test workflow. To compute the loss in your training loop, pass in the embeddings computed by your model, and the corresponding labels. The embeddings should have size (N, embedding_size), and the labels should have size (N), where N is the batch size. The TripletMarginLoss computes all possible triplets within the batch, based on the labels you...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12
    Flashlight library

    Flashlight library

    A C++ standalone library for machine learning

    Flashlight is a fast, flexible machine learning library written entirely in C++ by Facebook AI Research and the creators of Torch, TensorFlow, Eigen, and Deep Speech. Native support in C++ and simple extensibility make Flashlight a powerful research framework that's hackable to its core and enables fast iteration on new experimental setups and algorithms with little unopinionated and without sacrificing performance. In a single repository, Flashlight provides apps for research across multiple...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    Visdom

    Visdom

    A tool for creating, organizing, and sharing data visualizations

    A flexible tool for creating, organizing, and sharing visualizations of live, rich data. Supports Torch and Numpy. Visdom aims to facilitate visualization of (remote) data with an emphasis on supporting scientific experimentation. Broadcast visualizations of plots, images, and text for yourself and your collaborators. Organize your visualization space programmatically or through the UI to create dashboards for live data, inspect results of experiments, or debug experimental code. Visdom has...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 14
    Pytorch Points 3D

    Pytorch Points 3D

    Pytorch framework for doing deep learning on point clouds

    Torch Points 3D is a framework for developing and testing common deep learning models to solve tasks related to unstructured 3D spatial data i.e. Point Clouds. The framework currently integrates some of the best-published architectures and it integrates the most common public datasets for ease of reproducibility. It heavily relies on Pytorch Geometric and Facebook Hydra library thanks for the great work! We aim to build a tool that can be used for benchmarking SOTA models, while also allowing...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 15
    BarcodeScanner

    BarcodeScanner

    A simple and beautiful barcode scanner

    BarcodeScanner is a simple and beautiful wrapper around the camera with barcode-capturing functionality and a great user experience. To start capturing just instantiate BarcodeScannerViewController, set the needed delegates and present it. While the user sees a nice loading animation you can perform some background task, for example, make a network request to fetch product info based on the code. When the task is done you have 3 options to proceed. We styled BarcodeScanner to make it look...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16

    SavePictureAs

    Save Pictures from the web

    Save pictures from the web with Windows XP, Vista, Windows 7, Windows 8 (Desktop Mode) and Windows 10 using...Microsoft Edge, Internet Explorer, Google Chrome, Google Chrome Canary, Cool Novo, Comodo Dragon, Firefox, K-Meleon, Opera, Maxthon, Safari, RockMelt, Yandex, Avant, SlimBrowser, SlimJet, Coowon, SeaMonkey, Citrio, Flock, Crazy Browser, Am Browser, Deepnet Explorer, Acoo Browser, Torch Browser, and The World Browser. Only tested on the English locale.
    Downloads: 61 This Week
    Last Update:
    See Project
  • 17
    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
  • 18

    Terraria Rod of Discord Farm

    An AFK farm for the Rod of Discord

    Go east to the ice biome, and a little ways past the two houses that house the tinkerer and the mechanic, there will be a 2 block wide hole. Go through it, and you will find the farm. Inside the safe room there is a conveyor, switch, and timer. Turn the timer on the activate the traps. The switch toggles money burn on and off. If it's on, the money produced by the farm will be burned, making items last substantially longer before despawning. If the torch is on beside the switch, then the money...
    Downloads: 3 This Week
    Last Update:
    See Project
  • 19
    DIGITS

    DIGITS

    Deep Learning GPU training system

    The NVIDIA Deep Learning GPU Training System (DIGITS) puts the power of deep learning into the hands of engineers and data scientists. DIGITS can be used to rapidly train the highly accurate deep neural network (DNNs) for image classification, segmentation and object detection tasks. DIGITS simplifies common deep learning tasks such as managing data, designing and training neural networks on multi-GPU systems, monitoring performance in real-time with advanced visualizations, and selecting...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 20
    TorchCraft

    TorchCraft

    Connecting Torch to StarCraft

    We present TorchCraft, a library that enables deep learning research on Real-Time Strategy (RTS) games such as StarCraft: Brood War, by making it easier to control these games from a machine learning framework, here Torch. This white paper argues for using RTS games as a benchmark for AI research, and describes the design and components of TorchCraft. TorchCraft is a BWAPI module that sends StarCraft data out over a ZMQ connection. This lets you parse StarCraft data and interact with BWAPI from...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 21
    PBJVision

    PBJVision

    iOS Media Capture – features touch-to-record video, slow motion

    PBJVision is a camera library for iOS that enables easy integration of special capture features and camera interface customizations in your iOS app. Next Level is the Swift counterpart. Capture is also possible without having to use the touch-to-record gesture interaction as the sample project provides. This library was originally created at DIY as a fun means for kids to author videos and share their skills. The touch-to-record interaction was pioneered by Vine and Instagram.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22

    waifu2x-cpu-torch-vks

    waifu2x fork without CUDA

    The original is here: https://github.com/nagadomi/waifu2x Differences: - CPU only, no CUDA needed; - double-precision version; - GPU and CPU-trained models (on the fly conversion in memory); - adapted for Lua v5.2 (works with Torch 7 on x32 Ubuntu). 31-12-2016: - removed unneeded data copies, left from CUDA processing; - removed large duplicate files (see "ReadMe" before use).
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23
    OpenFace Face Recognition

    OpenFace Face Recognition

    Face recognition with deep neural networks

    OpenFace is a Python and Torch implementation of face recognition with deep neural networks and is based on the CVPR 2015 paper FaceNet: A Unified Embedding for Face Recognition and Clustering by Florian Schroff, Dmitry Kalenichenko, and James Philbin at Google. Torch allows the network to be executed on a CPU or with CUDA. This research was supported by the National Science Foundation (NSF) under grant number CNS-1518865. Additional support was provided by the Intel Corporation, Google...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    Awesome Recurrent Neural Networks

    Awesome Recurrent Neural Networks

    A curated list of resources dedicated to RNN

    A curated list of resources dedicated to recurrent neural networks (closely related to deep learning). Provides a wide range of works and resources such as a Recurrent Neural Network Tutorial, a Sequence-to-Sequence Model Tutorial, Tutorials by nlintz, Notebook examples by aymericdamien, Scikit Flow (skflow) - Simplified Scikit-learn like Interface for TensorFlow, Keras (Tensorflow / Theano)-based modular deep learning library similar to Torch, char-rnn-tensorflow by sherjilozair, char-rnn...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25
    Widget Torch

    Widget Torch

    An Android application for using the Camera Flash Light as a Torch via

    An Android application for using the Camera Flash Light as a Torch via Main Application and Widget. Copyright © Chinmoy & Srijon.Inc 2014
    Downloads: 0 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • 2
  • Next