1848 projects for "artificial intelligence algorithm" with 2 filters applied:

  • Keep company data safe with Chrome Enterprise Icon
    Keep company data safe with Chrome Enterprise

    Protect your business with AI policies and data loss prevention in the browser

    Make AI work your way with Chrome Enterprise. Block unapproved sites and set custom data controls that align with your company's policies.
    Download Chrome
  • MongoDB Atlas runs apps anywhere Icon
    MongoDB Atlas runs apps anywhere

    Deploy in 115+ regions with the modern database for every enterprise.

    MongoDB Atlas gives you the freedom to build and run modern applications anywhere—across AWS, Azure, and Google Cloud. With global availability in over 115 regions, Atlas lets you deploy close to your users, meet compliance needs, and scale with confidence across any geography.
    Start Free
  • 1
    Jason is a fully-fledged interpreter for an extended version of AgentSpeak, a BDI agent-oriented logic programming language, and is implemented in Java. Using JADE a multi-agent system can be distributed over a network effortlessly. This project was moved to https://jason-lang.github.io
    Leader badge
    Downloads: 29 This Week
    Last Update:
    See Project
  • 2
    AEA Framework

    AEA Framework

    A framework for autonomous economic agent (AEA) development

    agents-aea by Fetch.ai is a framework for building autonomous economic agents (AEAs) that can act independently, communicate, and transact on decentralized networks. It focuses on enabling AI-driven agents to participate in digital marketplaces and ecosystems.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 3
    Self-learning-Computer-Science

    Self-learning-Computer-Science

    Resources to learn computer science in your spare time

    Self-learning Computer Science is a curated, open-source guide repository designed to help learners independently study computer science topics using high-quality university-level resources. The author (an undergraduate CS student) assembled links to courses from institutions like MIT, UC Berkeley, Stanford, etc., covering mathematics, programming, data structures/algorithms, computer architecture, machine learning, software engineering and more. It’s aimed at learners who find traditional...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 4
    ConvNeXt V2

    ConvNeXt V2

    Code release for ConvNeXt V2 model

    ConvNeXt V2 is an evolution of the ConvNeXt architecture that co-designs convolutional networks alongside self-supervised learning. The V2 version introduces a fully convolutional masked autoencoder (FCMAE) framework where parts of the image are masked and the network reconstructs the missing content, marrying convolutional inductive bias with powerful pretraining. A key innovation is a new Global Response Normalization (GRN) layer added to the ConvNeXt backbone, which enhances feature...
    Downloads: 0 This Week
    Last Update:
    See Project
  • Cloud-based help desk software with ServoDesk Icon
    Cloud-based help desk software with ServoDesk

    Full access to Enterprise features. No credit card required.

    What if You Could Automate 90% of Your Repetitive Tasks in Under 30 Days? At ServoDesk, we help businesses like yours automate operations with AI, allowing you to cut service times in half and increase productivity by 25% - without hiring more staff.
    Try ServoDesk for free
  • 5
    Point-E

    Point-E

    Point cloud diffusion for 3D model synthesis

    point-e is the official repository for Point-E, a generative model developed by OpenAI that produces 3D point clouds from textual (or image) prompts. Its principal advantage is speed: it can generate 3D assets in just 1–2 minutes on a single GPU, which is significantly faster than many competing text-to-3D models. The model works via a two-stage diffusion approach: first, it uses a text → image diffusion network to produce a synthetic 2D view consistent with the prompt; then a second...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 6
    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
  • 7
    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
  • 8
    MTCNN Face Detection Alignment

    MTCNN Face Detection Alignment

    Joint Face Detection and Alignment

    MTCNN_face_detection_alignment is an implementation of the “Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Networks” algorithm. The algorithm uses a cascade of three convolutional networks (P-Net, R-Net, O-Net) to jointly detect faces (bounding boxes) and align facial landmarks in a coarse-to-fine manner, leveraging multi-task learning. Non-maximum suppression and bounding box regression at each stage. The repository includes Caffe / MATLAB code, support scripts,...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 9
    FrankMocap

    FrankMocap

    A Strong and Easy-to-use Single View 3D Hand+Body Pose Estimator

    FrankMocap is a monocular 3D human capture system that estimates body, hand, and optionally face pose from a single RGB image or video. It regresses parametric human models (e.g., SMPL/SMPL-X) directly, producing temporally stable meshes and joint angles suitable for animation or analytics. The pipeline couples a robust 2D keypoint detector with 3D mesh regression networks and priors that keep results anatomically plausible. It can run frame-by-frame or with temporal smoothing, and includes...
    Downloads: 0 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
  • 10
    LightSeq

    LightSeq

    A High Performance Library for Sequence Processing and Generation

    Lightseq is a high-performance library focused on efficient inference and training for deep learning models, especially large language models (LLMs) and transformer-based architectures. Its goal is to optimize both memory usage and computational throughput, enabling faster training or inference on limited hardware while maintaining model quality. Lightseq provides optimized CUDA kernels, quantization strategies, and runtime optimizations tailored for transformer operations — which often are...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 11
    Jamocha is an open source rule engine. The objective of Jamocha is to provide a high quality rule engine and expert system shell environment. We would provide you an engine, the required development tools and a best practice methodology.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12
    handson-ml

    handson-ml

    Teaching you the fundamentals of Machine Learning in python

    handson-ml hosts the notebooks for the first edition of the same hands-on ML book, reflecting the tooling and idioms of its time while teaching durable concepts. It walks through supervised and unsupervised learning with scikit-learn, then introduces deep learning using the earlier TensorFlow 1 graph-execution style. The examples underscore fundamentals like bias-variance trade-offs, regularization, and proper validation, grounding learners before they move to deep nets. Even though the deep...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    DiffSinger

    DiffSinger

    Singing Voice Synthesis via Shallow Diffusion Mechanism

    DiffSinger is an open-source PyTorch implementation of a diffusion-based acoustic model for singing-voice synthesis (SVS) and also text-to-speech (TTS) in a related variant. The core idea is to view generation of a sung voice (mel-spectrogram) as a diffusion process: starting from noise, the model iteratively “denoises” while being conditioned on a music score (lyrics, pitch, musical timing). This avoids some of the typical problems of prior SVS models — like over-smoothing or unstable GAN...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 14
    OpenKM Document Management - DMS

    OpenKM Document Management - DMS

    Document Management System and Content Management System

    OpenKM is a electronic document management system and record management system EDRMS ( DMS, RMS, CMS ). It provides modern and flexible architecture that meet today's IT demands, based on open technology (Java, Tomcat, GWT, Lucene, Hibernate, Spring and jBPM), powerful and scalable multiplatform application. OpenKM is a Web 2.0 application that works with Internet Explorer, Firefox, Safari and Opera. Can be configured in major DMBS like Oracle, PostgreSQL and MySQL among...
    Leader badge
    Downloads: 780 This Week
    Last Update:
    See Project
  • 15
    MANTI

    MANTI

    MANTI - Mastering Advanced N-Termini Interpretation

    MANTI is a one-stop shop N-termini annotation & evaluation solution. MANTI was previously (un)known as muda.pl ahead of v3.7, the project was renamed to MANTI.pl with v3.7 on 2019-06-24. It congregates information from different MaxQuant or DiaNN/MSFragger output files into a master file suitable explicitly for protein neo-termini analyses. The central anchor for the data congregation is the modificationSpecificPeptides.txt or diann-output.pr_matrix.tsv file - additional data is inferred...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16
    Biogenesis
    Biogenesis is an artificial life program that simulates the processes involved in the evolution of organisms. It shows colored segment based organisms that mutate and evolve in a 2D environment. Biogenesis is based on Primordial Life.
    Leader badge
    Downloads: 43 This Week
    Last Update:
    See Project
  • 17
    Open Speech Corpora

    Open Speech Corpora

    A list of accessible speech corpora for ASR, TTS

    Open Speech Corpora is a curated catalog of speech datasets intended to support research and development in automatic speech recognition, text-to-speech, and other speech technologies. The repository is organized as a set of tables that list corpora along with their languages, total hours, number of speakers, download links, and licenses, giving practitioners a quick way to find data that matches their needs. It emphasizes free and truly “open” datasets, favoring those released under...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 18
    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
  • 19
    ConvNeXt

    ConvNeXt

    Code release for ConvNeXt model

    ConvNeXt is a modernized convolutional neural network (CNN) architecture designed to rival Vision Transformers (ViTs) in accuracy and scalability while retaining the simplicity and efficiency of CNNs. It revisits classic ResNet-style backbones through the lens of transformer design trends—large kernel sizes, inverted bottlenecks, layer normalization, and GELU activations—to bridge the performance gap between convolutions and attention-based models. ConvNeXt’s clean, hierarchical structure...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 20
    WaveRNN

    WaveRNN

    WaveRNN Vocoder + TTS

    WaveRNN is a PyTorch implementation of DeepMind’s WaveRNN vocoder, bundled with a Tacotron-style TTS front end to form a complete text-to-speech stack. As a vocoder, WaveRNN models raw audio with a compact recurrent neural network that can generate high-quality waveforms more efficiently than many traditional autoregressive models. The repository includes scripts and code for preprocessing datasets such as LJSpeech, training Tacotron to produce mel spectrograms, training WaveRNN on those...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 21
    Guided Diffusion

    Guided Diffusion

    Codebase for Diffusion Models Beat GANS on Image Synthesis

    The guided-diffusion repository is centered on diffusion models for image synthesis, with a focus on classifier guidance and improvements over earlier diffusion frameworks. It is derived from OpenAI’s improved-diffusion work, enhanced to include guided generation where a classifier (or other guidance mechanism) can steer sampling toward desired classes or attributes. The code provides model definitions (UNet, diffusion schedules), sampling and training scripts, and utilities for guidance and...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22
    tf2_course

    tf2_course

    Notebooks for my "Deep Learning with TensorFlow 2 and Keras" course

    tf2_course provides the notebooks for the “Deep Learning with TensorFlow 2 and Keras” course authored by the same author, Aurélien Géron. It is structured as a teaching toolkit: you’ll find notebooks covering neural networks with Keras, lower-level TensorFlow APIs, data loading & preprocessing, convolutional and recurrent networks, and deployment/distribution of models. The material is intended for learners who already have foundational knowledge of ML and wish to deepen their understanding...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23

    AcoPath for Java

    Ant Colony Optimization algorithm for the shortest path problem.

    The shortest path problem is solved by many methods. Heuristics offer lower complexity in expense of accuracy. There are many use cases where the lower accuracy is acceptable in return of lower consumption of computing resources. The basic idea of the Ant System is that virtual ants are exploited for finding paths with a specific property, e.g., short distance between physical nodes, in the same way nature guides physical ants.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    flutter_ume

    flutter_ume

    UME is an in-app debug kits platform for Flutter

    flutter_ume is an in-app debug-kit platform for Flutter applications, developed by ByteDance’s Flutter Infra team. It lets developers embed a suite of debugging tools directly into a Flutter app (during development or debug builds), enabling inspection, performance monitoring, UI debugging, network request inspection, widget hierarchy introspection, and more — all from within the running app. UME bundles multiple “plugin kits” (e.g., UI inspector, performance monitor, device info panel,...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25
    Mask2Former

    Mask2Former

    Code release for "Masked-attention Mask Transformer

    Mask2Former is a unified segmentation architecture that handles semantic, instance, and panoptic segmentation with one model and one training recipe. Its core idea is to cast segmentation as mask classification: a transformer decoder predicts a set of mask queries, each with an associated class score, eliminating the need for task-specific heads. A pixel decoder fuses multi-scale features and feeds masked attention in the transformer so each query focuses computation on its current spatial...
    Downloads: 0 This Week
    Last Update:
    See Project