Search Results for "deep learning with python" - Page 5

256 projects for "deep learning with python" with 2 filters applied:

  • Gen AI apps are built with MongoDB Atlas Icon
    Gen AI apps are built with MongoDB Atlas

    Build gen AI apps with an all-in-one modern database: MongoDB Atlas

    MongoDB Atlas provides built-in vector search and a flexible document model so developers can build, scale, and run gen AI apps without stitching together multiple databases. From LLM integration to semantic search, Atlas simplifies your AI architecture—and it’s free to get started.
    Start Free
  • Get the most trusted enterprise browser Icon
    Get the most trusted enterprise browser

    Advanced built-in security helps IT prevent breaches before they happen

    Defend against security incidents with Chrome Enterprise. Create customizable controls, manage extensions and set proactive alerts to keep your data and employees protected without slowing down productivity.
    Download Chrome
  • 1
    Neural Network Visualization

    Neural Network Visualization

    Project for processing neural networks and rendering to gain insights

    nn_vis is a minimalist visualization tool for neural networks written in Python using OpenGL and Pygame. It provides an interactive, graphical representation of how data flows through neural network layers, offering a unique educational experience for those new to deep learning or looking to explain it visually. By animating input, weights, activations, and outputs, the tool demystifies neural network operations and helps users intuitively grasp complex concepts. Its lightweight codebase...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 2
    d2l-zh

    d2l-zh

    Chinese-language edition of Dive into Deep Learning

    d2l‑zh is the Chinese-language edition of Dive into Deep Learning, an interactive, open‑source deep learning textbook that combines code, math, and explanatory text. It features runnable Jupyter notebooks compatible with multiple frameworks (e.g., PyTorch, MXNet, TensorFlow), comprehensive theoretical analysis, and exercises. Widely adopted in over 70 countries and used by more than 500 universities for teaching deep learning.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 3
    UnionML

    UnionML

    Build and deploy machine learning microservices

    Creating ML apps should be simple and frictionless. UnionML is an open-source Python framework built on top of Flyte™, unifying the complex ecosystem of ML tools into a single interface. Combine the tools that you love using a simple, standardized API so you can stop writing so much boilerplate and focus on what matters: the data and the models that learn from them. Fit the rich ecosystem of tools and frameworks into a common protocol for machine learning. Using industry-standard machine...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 4
    NeuMan

    NeuMan

    Neural Human Radiance Field from a Single Video (ECCV 2022)

    NeuMan is a reference implementation that reconstructs both an animatable human and its background scene from a single monocular video using neural radiance fields. It supports novel view and novel pose synthesis, enabling compositional results like transferring reconstructed humans into new scenes. The pipeline separates human/body and environment, learning consistent geometry and appearance to support animation. Demos showcase sequences such as dance and handshake, and the code provides...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 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
  • 5
    Shennina

    Shennina

    Automating Host Exploitation with AI

    Shennina is an automated host exploitation framework. The mission of the project is to fully automate the scanning, vulnerability scanning/analysis, and exploitation using Artificial Intelligence. Shennina is integrated with Metasploit and Nmap for performing the attacks, as well as being integrated with an in-house Command-and-Control Server for exfiltrating data from compromised machines automatically. Shennina scans a set of input targets for available network services, uses its AI engine...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 6
    Reskin Sensor Library

    Reskin Sensor Library

    ReSkin Sensor Interfacing Library

    ... learning and magnetic sensing to offer a low-cost, diverse and compact solution for long-term use. Magnetic sensing separates the electronic circuitry from the passive-interface, making it easier to replace interfaces as they wear out while allowing for a wide variety of form factors. Machine learning allows us to learn sensor response models that are robust to variations across fabrication and time, and our self-supervised learning algorithm enables finer performance enhancement.
    Downloads: 2 This Week
    Last Update:
    See Project
  • 7
    Video Pre-Training

    Video Pre-Training

    Learning to Act by Watching Unlabeled Online Videos

    The Video PreTraining (VPT) repository provides code and model artifacts for a project where agents learn to act by watching human gameplay videos—specifically, gameplay of Minecraft—using behavioral cloning. The idea is to learn general priors of control from large-scale, unlabeled video data, and then optionally fine-tune those priors for more goal-directed behavior via environment interaction. The repository contains demonstration models of different widths, fine-tuned variants (e.g. for...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8
    MAE (Masked Autoencoders)

    MAE (Masked Autoencoders)

    PyTorch implementation of MAE

    MAE (Masked Autoencoders) is a self-supervised learning framework for visual representation learning using masked image modeling. It trains a Vision Transformer (ViT) by randomly masking a high percentage of image patches (typically 75%) and reconstructing the missing content from the remaining visible patches. This forces the model to learn semantic structure and global context without supervision. The encoder processes only the visible patches, while a lightweight decoder reconstructs...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 9
    Acme

    Acme

    A library of reinforcement learning components and agents

    Acme is a framework from DeepMind for building scalable and reproducible reinforcement learning agents. It emphasizes modular components, distributed training, and ease of experimentation.
    Downloads: 1 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
    SVoice (Speech Voice Separation)

    SVoice (Speech Voice Separation)

    We provide a PyTorch implementation of the paper Voice Separation

    SVoice is a PyTorch-based implementation of Facebook Research’s study on speaker voice separation as described in the paper “Voice Separation with an Unknown Number of Multiple Speakers.” This project presents a deep learning framework capable of separating mixed audio sequences where several people speak simultaneously, without prior knowledge of how many speakers are present. The model employs gated neural networks with recurrent processing blocks that disentangle voices over multiple...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 11
    SLM Lab

    SLM Lab

    Modular Deep Reinforcement Learning framework in PyTorch

    SLM Lab is a modular and extensible deep reinforcement learning framework designed for research and practical applications. It provides implementations of various state-of-the-art RL algorithms and emphasizes reproducibility, scalability, and detailed experiment tracking. SLM Lab is structured around a flexible experiment management system, allowing users to define, run, and analyze RL experiments efficiently.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12
    TensorNetwork

    TensorNetwork

    A library for easy and efficient manipulation of tensor networks

    TensorNetwork is a high-level library for building and contracting tensor networks—graphical factorizations of large tensors that underpin many algorithms in physics and machine learning. It abstracts networks as nodes and edges, then compiles efficient contraction orders across multiple numeric backends so users can focus on model structure rather than index bookkeeping. Common network families (MPS/TT, PEPS, MERA, tree networks) are expressed with concise APIs that encourage experimentation...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    Zenoss Community Edition

    Zenoss Community Edition

    Zenoss - Intelligent IT Operations Management

    Zenoss provides software-defined IT operations for the world’s largest organizations. We deliver the ultimate level of IT service health with simplicity by providing the most granular and intelligent IT service modeling possible, at any scale, and sharing these unique insights with other IT operations management (ITOM) tools to make them more efficient. Zenoss Community Edition is not a “demo” or trial version of Zenoss Enterprise or Zenoss Cloud! Before You install Zenoss Community...
    Downloads: 36 This Week
    Last Update:
    See Project
  • 14
    PyTorchVideo

    PyTorchVideo

    A deep learning library for video understanding research

    PyTorchVideo is a deep learning library for video understanding, providing modular components and pretrained models for tasks like action recognition, video classification, detection, and self-supervised learning. It is tightly integrated with PyTorch and PyTorch Lightning, offering flexible APIs for building and training spatiotemporal networks. The library includes efficient implementations of state-of-the-art architectures such as SlowFast, X3D, and MViT, optimized for both research...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 15
    ReinventCommunity

    ReinventCommunity

    Jupyter Notebook tutorials for REINVENT 3.2

    This repository is a collection of useful jupyter notebooks, code snippets and example JSON files illustrating the use of Reinvent 3.2.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16
    Arraymancer

    Arraymancer

    A fast, ergonomic and portable tensor library in Nim

    Arraymancer is a tensor and deep learning library for the Nim programming language, designed for high-performance numerical computations and machine learning applications.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 17
    gym-pybullet-drones

    gym-pybullet-drones

    PyBullet Gymnasium environments for multi-agent reinforcement

    Gym-PyBullet-Drones is an open-source Gym-compatible environment for training and evaluating reinforcement learning agents on drone control and swarm robotics tasks. It leverages the PyBullet physics engine to simulate quadrotors and provides a platform for studying control, navigation, and coordination of single and multiple drones in 3D space.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18
    DeepCluster

    DeepCluster

    Deep Clustering for Unsupervised Learning of Visual Features

    DeepCluster is a classic self-supervised clustering-based representation learning algorithm that iteratively groups image features and uses the cluster assignments as pseudo-labels to train the network. In each round, features produced by the network are clustered (e.g. k-means), and the cluster IDs become supervision targets in the next epoch, encouraging the model to refine its representation to better separate semantic groups. This alternating “cluster & train” scheme helps the model...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 19
    VideoPose3D

    VideoPose3D

    Efficient 3D human pose estimation in video using 2D keypoint

    VideoPose3D is a deep learning framework that reconstructs 3D human poses from 2D keypoint sequences extracted from videos. It builds on top of convolutional and temporal networks that map 2D joint coordinates over time to consistent 3D skeletons, enabling robust motion capture without specialized sensors. The model is trained on large motion capture datasets and can generalize well to unseen environments by leveraging temporal context for smoothing and error correction. By using only 2D...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 20
    Albedo

    Albedo

    A recommender system for discovering GitHub repos

    Albedo is an open-source recommender system aimed at helping developers discover GitHub repositories by learning from activity signals. It treats repositories and developers as a graph of interactions and applies large-scale matrix factorization to model affinities, with Apache Spark providing the distributed data processing. The project focuses on implicit feedback—stars, watches, and other engagement metrics—so it can build useful recommendations without explicit ratings. A reproducible setup...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 21
    ModbusPal - a Java MODBUS simulator
    ModbusPal is a project to develop a PC-based Modbus simulator. Its goal is to reproduce a realistic environment, with many slaves and animated register values. Almost everything in ModbusPal can be customized and controlled by scripts.
    Leader badge
    Downloads: 193 This Week
    Last Update:
    See Project
  • 22
    Think Bayes

    Think Bayes

    Code repository for Think Bayes

    ThinkBayes is the code repository accompanying Think Bayes: a book on Bayesian statistics written in a computational style. Instead of heavy focus on continuous mathematics or calculus, the book emphasizes learning Bayesian inference by writing Python programs. The project includes code examples, scripts, and environments that correspond to the chapters of the book. Learners can run the code, experiment with probability distributions, compute posterior probabilities, and understand Bayesian...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23
    VoteNet

    VoteNet

    Deep Hough Voting for 3D Object Detection in Point Clouds

    VoteNet is a 3D object detection framework for point clouds that combines deep point set networks with a Hough voting mechanism to localize and classify objects in 3D space. It tackles the challenge that object centroids in 3D scenes often don’t lie on any input surface point by having each point “vote” for potential object centers; these votes are then clustered to propose object hypotheses. Once cluster centers are formed, the network regresses bounding boxes around them and classifies them...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 24

    Spectral Python

    A python module for hyperspectral image processing

    Spectral Python (SPy) is a python package for reading, viewing, manipulating, and classifying hyperspectral image (HSI) data. SPy includes functions for clustering, dimensionality reduction, supervised classification, and more.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25
    TensorFlow Course

    TensorFlow Course

    Simple and ready-to-use tutorials for TensorFlow

    This repository houses a highly popular (~16k stars) set of TensorFlow tutorials and example code aimed at beginners and intermediate users. It includes Jupyter notebooks and scripts that cover neural network fundamentals, model training, deployment, and more, with support for Google Colab.
    Downloads: 0 This Week
    Last Update:
    See Project
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.