Showing 30 open source projects for "neural net python"

View related business solutions
  • Your top-rated shield against malware and online scams | Avast Free Antivirus Icon
    Your top-rated shield against malware and online scams | Avast Free Antivirus

    Browse and email in peace, supported by clever AI

    Our antivirus software scans for security and performance issues and helps you to fix them instantly. It also protects you in real time by analyzing unknown files before they reach your desktop PC or laptop — all for free.
    Free Download
  • Our Free Plans just got better! | Auth0 Icon
    Our Free Plans just got better! | Auth0

    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 security. Auth0 now, thank yourself later.
    Try free now
  • 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: 10 This Week
    Last Update:
    See Project
  • 2
    rembg

    rembg

    Rembg is a tool to remove images background

    Rembg is a powerful tool that utilizes AI (specifically U^2-Net) to automatically remove backgrounds from images, offering a streamlined command-line interface and Docker support. It's ideal for batch processing and integrates smoothly into workflows
    Downloads: 17 This Week
    Last Update:
    See Project
  • 3
    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: 7 This Week
    Last Update:
    See Project
  • 4
    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: 4 This Week
    Last Update:
    See Project
  • MongoDB Atlas | Run databases anywhere Icon
    MongoDB Atlas | Run databases anywhere

    Ensure the availability of your data with coverage across AWS, Azure, and GCP on MongoDB Atlas—the multi-cloud database for every enterprise.

    MongoDB Atlas allows you to build and run modern applications across 125+ cloud regions, spanning AWS, Azure, and Google Cloud. Its multi-cloud clusters enable seamless data distribution and automated failover between cloud providers, ensuring high availability and flexibility without added complexity.
    Learn More
  • 5
    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: 3 This Week
    Last Update:
    See Project
  • 6
    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: 3 This Week
    Last Update:
    See Project
  • 7
    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: 2 This Week
    Last Update:
    See Project
  • 8
    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: 1 This Week
    Last Update:
    See Project
  • 9
    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
  • Build Securely on Azure with Proven Frameworks Icon
    Build Securely on Azure with Proven Frameworks

    Lay a foundation for success with Tested Reference Architectures developed by Fortinet’s experts. Learn more in this white paper.

    Moving to the cloud brings new challenges. How can you manage a larger attack surface while ensuring great network performance? Turn to Fortinet’s Tested Reference Architectures, blueprints for designing and securing cloud environments built by cybersecurity experts. Learn more and explore use cases in this white paper.
    Download Now
  • 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: 3 This Week
    Last Update:
    See Project
  • 11
    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: 0 This Week
    Last Update:
    See Project
  • 12
    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
  • 13
    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: 0 This Week
    Last Update:
    See Project
  • 14
    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
  • 15
    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: 1 This Week
    Last Update:
    See Project
  • 16
    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
  • 17
    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: 4 This Week
    Last Update:
    See Project
  • 18
    This SourceForge project page is obsolete. Please visit http://www.musicpd.org/
    Downloads: 24 This Week
    Last Update:
    See Project
  • 19
    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.
    Downloads: 49 This Week
    Last Update:
    See Project
  • 20
    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: 3 This Week
    Last Update:
    See Project
  • 21
    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
  • 22
    RNNLIB is a recurrent neural network library for sequence learning problems. Applicable to most types of spatiotemporal data, it has proven particularly effective for speech and handwriting recognition. full installation and usage instructions given at http://sourceforge.net/p/rnnl/wiki/Home/
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23

    Resize Images

    Quick and easy image resizing

    Resize images is a program that resizes images(exactly what it says on the tin. It adds to your right click menu and then you are away. Version 2 is c# and version 3 is written in c and python
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    Geist3D is a graphics engine complete with an integrated development environment. It combines an extensible Scene Graph API with a Petri Net runtime kernel, the Lua scripting engine and rigid body physics.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25
    A small 3d engine for making virtual characters. Includes a simple GUI interface for building a character with physics and procedural animation using neural networks. Developers can use the engine library to make simple games or to run simulations.
    Downloads: 0 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • 2
  • Next
Want the latest updates on software, tech news, and AI?
Get latest updates about software, tech news, and AI from SourceForge directly in your inbox once a month.