Showing 39 open source projects for "neural net python"

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
  • Top-Rated Free CRM Software Icon
    Top-Rated Free CRM Software

    216,000+ customers in over 135 countries grow their businesses with HubSpot

    HubSpot is an AI-powered customer platform with all the software, integrations, and resources you need to connect your marketing, sales, and customer service. HubSpot's connected platform enables you to grow your business faster by focusing on what matters most: your customers.
    Get started free
  • 1
    MMDeploy

    MMDeploy

    OpenMMLab Model Deployment Framework

    MMDeploy is an open-source deep learning model deployment toolset. It is a part of the OpenMMLab project. Models can be exported and run in several backends, and more will be compatible. All kinds of modules in the SDK can be extended, such as Transform for image processing, Net for Neural Network inference, Module for postprocessing and so on. Install and build your target backend. ONNX Runtime is a cross-platform inference and training accelerator compatible with many popular ML/DNN...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 2
    Image-Editor

    Image-Editor

    AI based photo editing website for changing image background

    ...' with the name of your choice. Image-Editor uses Python's cv2 library, which provides an easy and efficient way to work with images and videos, including a wide range of image processing and computer vision algorithms. With cv2, you can easily read, write, filter, and display images, and much more. Image-Editor uses Mediapipe's selfie_segmentation model for background removal in real-time video streams. This advanced model uses deep neural networks to detect and remove the background.
    Downloads: 2 This Week
    Last Update:
    See Project
  • 3
    AI Upscaler for Blender

    AI Upscaler for Blender

    AI Upscaler for Blender using Real-ESRGAN

    ... on the CPU. Blender renders a low-resolution image. The Real-ESRGAN Upscaler upscales the low-resolution image to a higher-resolution image. Real-ESRGAN is a deep learning upscaler that uses neural networks to achieve excellent results by adding in detail when it upscales.
    Downloads: 2 This Week
    Last Update:
    See Project
  • 4
    libvips

    libvips

    A fast image processing library with low memory needs

    ... of image formats, including JPEG, JPEG2000, JPEG-XL, TIFF, PNG, WebP, HEIC, AVIF, FITS, Matlab, OpenEXR, PDF, SVG, HDR, PPM / PGM / PFM, CSV, GIF, Analyze, NIfTI, DeepZoom, and OpenSlide. It can also load images via ImageMagick or GraphicsMagick, letting it work with formats like DICOM. It comes with bindings for C, C++, and the command-line. Full bindings are available for Ruby, Python, PHP, C# / .NET, Go, and Lua.
    Downloads: 3 This Week
    Last Update:
    See Project
  • Start building the next generation of GenAI apps today Icon
    Start building the next generation of GenAI apps today

    MongoDB and Google Cloud bring together powerful technologies that enable you to confidently build GenAI experiences.

    MongoDB Atlas is a fully-managed developer data platform built by developers, for developers. With tight integration to Google Cloud services such as Vertex AI and BigQuery, you can accelerate application deployment to stay at the forefront of AI innovation.
    Learn More
  • 5
    CLIP-as-service

    CLIP-as-service

    Embed images and sentences into fixed-length vectors

    CLIP-as-service is a low-latency high-scalability service for embedding images and text. It can be easily integrated as a microservice into neural search solutions. Serve CLIP models with TensorRT, ONNX runtime and PyTorch w/o JIT with 800QPS[*]. Non-blocking duplex streaming on requests and responses, designed for large data and long-running tasks. Horizontally scale up and down multiple CLIP models on single GPU, with automatic load balancing. Easy-to-use. No learning curve, minimalist design...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 6
    Segmentation Models

    Segmentation Models

    Segmentation models with pretrained backbones. PyTorch

    Segmentation models with pre trained backbones. High-level API (just two lines to create a neural network) 9 models architectures for binary and multi class segmentation (including legendary Unet) 124 available encoders (and 500+ encoders from timm) All encoders have pre-trained weights for faster and better convergence. Popular metrics and losses for training routines. All encoders have pretrained weights. Preparing your data the same way as during weights pre-training may give you better...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 7
    Moshi

    Moshi

    A speech-text foundation model for real time dialogue

    Moshi is a speech-text foundation model and full-duplex spoken dialogue framework. It uses Mimi, a state-of-the-art streaming neural audio codec. Mimi processes 24 kHz audio, down to a 12.5 Hz representation with a bandwidth of 1.1 kbps, in a fully streaming manner (latency of 80ms, the frame size), yet performs better than existing, non-streaming, codecs like SpeechTokenizer (50 Hz, 4kbps), or SemantiCodec (50 Hz, 1.3kbps). Moshi models two streams of audio: one corresponds to Moshi...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8
    DALL-E 2 - Pytorch

    DALL-E 2 - Pytorch

    Implementation of DALL-E 2, OpenAI's updated text-to-image synthesis

    Implementation of DALL-E 2, OpenAI's updated text-to-image synthesis neural network, in Pytorch. The main novelty seems to be an extra layer of indirection with the prior network (whether it is an autoregressive transformer or a diffusion network), which predicts an image embedding based on the text embedding from CLIP. Specifically, this repository will only build out the diffusion prior network, as it is the best performing variant (but which incidentally involves a causal transformer...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 9
    Kornia

    Kornia

    Open Source Differentiable Computer Vision Library

    ... neural networks to train models to perform image transformations, epipolar geometry, depth estimation, and low-level image processing such as filtering and edge detection that operate directly on tensors. With Kornia we fill the gap between classical and deep computer vision that implements standard and advanced vision algorithms for AI. Our libraries and initiatives are always according to the community needs.
    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.
  • 10
    audio-diffusion-pytorch

    audio-diffusion-pytorch

    Audio generation using diffusion models, in PyTorch

    A fully featured audio diffusion library, for PyTorch. Includes models for unconditional audio generation, text-conditional audio generation, diffusion autoencoding, upsampling, and vocoding. The provided models are waveform-based, however, the U-Net (built using a-unet), DiffusionModel, diffusion method, and diffusion samplers are both generic to any dimension and highly customizable to work on other formats. Note: no pre-trained models are provided here, this library is meant for research...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 11
    G2SConverter

    G2SConverter

    Convert models from GoldSource engine to Source engine with AI

    Convert models from GoldSource engine to the Source engine with AI. This utility converts GoldSource engine models to Source engine models. A feature of this utility is the ability to improve the quality of textures of models using Upscaling, deblurring, and normal map generating. All operations to improve the quality of textures are performed by neural networks. To improve the quality of the texture, it is first Upscaled using RealESRGAN. The user can select scaling factor: x2, x4 or x8...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12

    NAM-Runner

    Batch file to install and run NAM (neural-amp-modeler) easily.

    A Windows 10 batch file, that installs and runs the NAM model trainer (neural-amp-modeler) by Steven Atkinson right into the GUI application. Fully automated. Custom one-time installation of everything you need to train neural network models of guitar amps and more for the NAM VST plugin, no Conda required. Runs as a launcher afterwards. Portable installation. New pyTorch inclues CUDA runtime for fast Nvidia GPU support. No command line, python or conda knowledge needed! Just double click.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    Random-jukebox

    Random-jukebox

    Project to hear some random music play

    Just put some mp3 files on the files directory, and start hearing some random music
    Downloads: 1 This Week
    Last Update:
    See Project
  • 14
    Robust Video Matting (RVM)

    Robust Video Matting (RVM)

    Robust Video Matting in PyTorch, TensorFlow, TensorFlow.js, ONNX

    We introduce a robust, real-time, high-resolution human video matting method that achieves new state-of-the-art performance. Our method is much lighter than previous approaches and can process 4K at 76 FPS and HD at 104 FPS on an Nvidia GTX 1080Ti GPU. Unlike most existing methods that perform video matting frame-by-frame as independent images, our method uses a recurrent architecture to exploit temporal information in videos and achieves significant improvements in temporal coherence and...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 15
    Affine Transformation of Virtual Object

    Affine Transformation of Virtual Object

    Transformation virtual 3D object using a finger gesture-based system

    Affine transformation virtual 3D object using a finger gesture-based interactive system in the virtual environment. A convolutional neural network (CNN) based thumb and index fingertip detection system are presented here for seamless interaction with a virtual 3D object in the virtual environment. First, a two-stage CNN is employed to detect the hand and fingertips, and using the information of the fingertip position, the scale, rotation, translation, and in general, the affine transformation...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16
    PyTorch Natural Language Processing

    PyTorch Natural Language Processing

    Basic Utilities for PyTorch Natural Language Processing (NLP)

    PyTorch-NLP is a library for Natural Language Processing (NLP) in Python. It’s built with the very latest research in mind, and was designed from day one to support rapid prototyping. PyTorch-NLP comes with pre-trained embeddings, samplers, dataset loaders, metrics, neural network modules and text encoders. It’s open-source software, released under the BSD3 license. With your batch in hand, you can use PyTorch to develop and train your model using gradient descent. For example, check out...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 17
    VkCoolLoader

    VkCoolLoader

    Download music from 'VKontakte' without any problems! Windows-only

    Download music from 'VKontakte' social net without any problems! This simple&free Windows-only app allows you download any track you like. WARNING: this app needs your log-in and password to download tracks. The app`s creator guarantees, that your personal data aren`t stored, transferred to the third-parties, processed or used in any other way.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18
    Verify authenticity of handwritten signatures through digital image processing and neural networks.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 19
    JAVT - Just Another Voice Transformer

    JAVT - Just Another Voice Transformer

    Just Another Speech Recognition and Text to Speech software.

    JAVT or Just Another Voice Transformer (formerly, it is called Just Another Video Transcriber) is a Speech Recognition software that also support text to Speech and simple media conversion. JAVT allows you to convert from video files to audio wav file using ffmpeg, and then transcribe the audio file to text using either Microsoft SAPI or CMU Sphinx. You can also open a text file and allow JAVT to read it out for you through text to speech conversion.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 20
    This SourceForge project page is obsolete. Please visit http://www.musicpd.org/
    Downloads: 4 This Week
    Last Update:
    See Project
  • 21
    CamDesk

    CamDesk

    The Desktop Webcam Widget

    CamDesk is a free, open source, desktop webcam widget, that was created as home surveillance application. Although others have used it for demonstrations even with CamStudio, and QuickTime Player for screen casting.
    Leader badge
    Downloads: 93 This Week
    Last Update:
    See Project
  • 22
    Dex3D2

    Dex3D2

    3D Engine with some extra features based on the D3x3D Engine for VB6

    ... (SoftImage 3.0/Turbo Silver) .b3d (Blitz Basic 3D) .ply (Standford Polygon File Format ASCII & Binary) .dxf (AutoCad) .q3o (Quick 3D) .nff (Neural ASCII Format by Sense8) .raw (Aldus Super 3D (Mac)) .geo (Videoscape 3D) Supported 3D Formats (Export) ---------------------------------- .vobj (Oldskool Demomaker Mesh) .mvobj (Oldskool Demomaker Multi Mesh) .dex (Dex3D) .obj/.mtl (Wavefront) .rwx (Renderware) .off (Geomview) .wrl (VRML 1.0) .ply (Standford Polygon File Format ASC
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23
    QuickScreenShots
    Take screenshots of the full screen, of the active window or of a custom region, apply it effects such as adding a drop down shadow or making it black & white, copy it to the clipboard and save it on disk, only in one step.
    Downloads: 1 This Week
    Last Update:
    See Project
  • 24
    MusiqBox

    MusiqBox

    An social musicsystem for your Pi and smartphone.

    MusiqBox is an client-server based audio player, which let you stream music files from any device to an server and plays it. You are also able to store music on the server itself and manage it with your smartphone or desktop. The aim of MusiqBox is to extend the functionality of an existing audio-system (e.g. common stereo) with this features: -Playback of common audio-formats like: mp3, ogg, flac, wave,… -Stream music files over the network -Store music files locally -Remote...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25

    lavalamp>3

    screen colors get changed by a neural net

    On the full screen or a frame the colors get changed dynamically by using a image recognition neural net.
    Downloads: 0 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • 2
  • Next