Search Results for "support vector machine" - Page 6

Showing 747 open source projects for "support vector machine"

View related business solutions
  • Bright Data - All in One Platform for Proxies and Web Scraping Icon
    Bright Data - All in One Platform for Proxies and Web Scraping

    Say goodbye to blocks, restrictions, and CAPTCHAs

    Bright Data offers the highest quality proxies with automated session management, IP rotation, and advanced web unlocking technology. Enjoy reliable, fast performance with easy integration, a user-friendly dashboard, and enterprise-grade scaling. Powered by ethically-sourced residential IPs for seamless web scraping.
    Get Started
  • Free CRM Software With Something for Everyone Icon
    Free CRM Software With Something for Everyone

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

    Think CRM software is just about contact management? Think again. HubSpot CRM has free tools for everyone on your team, and it’s 100% free. Here’s how our free CRM solution makes your job easier.
    Get free CRM
  • 1
    OpenNMT-tf

    OpenNMT-tf

    Neural machine translation and sequence learning using TensorFlow

    OpenNMT is an open-source ecosystem for neural machine translation and neural sequence learning. OpenNMT-tf is a general-purpose sequence learning toolkit using TensorFlow 2. While neural machine translation is the main target task, it has been designed to more generally support sequence-to-sequence mapping, sequence tagging, sequence classification, language modeling. Models are described with code to allow training custom architectures and overriding default behavior. For example...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 2
    segment-geospatial

    segment-geospatial

    A Python package for segmenting geospatial data with the SAM

    The segment-geospatial package draws its inspiration from segment-anything-eo repository authored by Aliaksandr Hancharenka. To facilitate the use of the Segment Anything Model (SAM) for geospatial data, I have developed the segment-anything-py and segment-geospatial Python packages, which are now available on PyPI and conda-forge. My primary objective is to simplify the process of leveraging SAM for geospatial data analysis by enabling users to achieve this with minimal coding effort. I...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 3
    Miracode

    Miracode

    A sharp, readable, vector-y version of Monocraft

    A web-based code editor with support for multiple programming languages, designed for collaborative projects.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 4
    BERTScore

    BERTScore

    BERT score for text generation

    Automatic Evaluation Metric described in the paper BERTScore: Evaluating Text Generation with BERT (ICLR 2020). We now support about 130 models (see this spreadsheet for their correlations with human evaluation). Currently, the best model is Microsoft/debate-large-online, please consider using it instead of the default roberta-large in order to have the best correlation with human evaluation.
    Downloads: 0 This Week
    Last Update:
    See Project
  • Build enterprise-ready GenAI experiences with MongoDB Atlas Icon
    Build enterprise-ready GenAI experiences with MongoDB Atlas

    Combine the power of Google Cloud's robust infrastructure with the flexibility and scalability of MongoDB Atlas.

    MongoDB Atlas is a unified developer platform that enables you to confidently accelerate the deployment of GenAI-powered applications. Additionally, when purchased on Google Cloud Marketplace, you pay for only the resources you use with no upfront commitment.
    Get Started
  • 5
    XLabel

    XLabel

    XLabel: An Explainable Data Labeling Assistant

    XLabel is an open-source Streamlit app that takes an explainable machine-learning approach to visual-interactive data labeling. Predict the most probable labels using Explainable Boosting Machine (EBM). Show the contributions of each feature towards the predicted labels. Provide an option to write the labels directly into the data file (use XLabel.py) or save them in a separate file (use XLabelDL.py) Support data with multiple labels and multiple classes. Support data with missing values...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 6
    MisakaTranslator

    MisakaTranslator

    Galgame's Multilingual Real-time Machine Translation Tool

    MisakaProject is a collection of all projects developed based on MisakaTranslator or its auxiliary functions. If you are interested in adding your own projects of related types to MisakaProject, please contact the author. MisakaPatcher added support for plug-in Chinese patch, so this tool is more suitable for players who like manual translation, and also provides another way for Chinese personnel who have difficulty unpacking packets to release Chinese patch. MisakaHookFinder is suitable...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 7
    Alibi Detect

    Alibi Detect

    Algorithms for outlier, adversarial and drift detection

    Alibi Detect is an open source Python library focused on outlier, adversarial and drift detection. The package aims to cover both online and offline detectors for tabular data, text, images and time series. Both TensorFlow and PyTorch backends are supported for drift detection.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8
    SageMaker Inference Toolkit

    SageMaker Inference Toolkit

    Serve machine learning models within a Docker container

    ... the container is deployed. Containerizing your model and code enables fast and reliable deployment of your model. The SageMaker Inference Toolkit implements a model serving stack and can be easily added to any Docker container, making it deployable to SageMaker. This library's serving stack is built on Multi Model Server, and it can serve your own models or those you trained on SageMaker using machine learning frameworks with native SageMaker support.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 9
    Elastiknn

    Elastiknn

    Elasticsearch plugin for nearest neighbor search

    Elasticsearch plugin for nearest neighbor search. Store vectors and run similarity searches using exact and approximate algorithms. Methods like word2vec and convolutional neural nets can convert many data modalities (text, images, users, items, etc.) into numerical vectors, such that pairwise distance computations on the vectors correspond to semantic similarity of the original data. Elasticsearch is a ubiquitous search solution, but its support for vectors is limited. This plugin fills...
    Downloads: 0 This Week
    Last Update:
    See Project
  • Save hundreds of developer hours with components built for SaaS applications. Icon
    Save hundreds of developer hours with components built for SaaS applications.

    The #1 Embedded Analytics Solution for SaaS Teams.

    Whether you want full self-service analytics or simpler multi-tenant security, Qrvey’s embeddable components and scalable data management remove the guess work.
    Try Developer Playground
  • 10
    DiffEqOperators.jl

    DiffEqOperators.jl

    Linear operators for discretizations of differential equations

    DiffEqOperators.jl is a package for finite difference discretization of partial differential equations. It allows building lazy operators for high order non-uniform finite differences in an arbitrary number of dimensions, including vector calculus operators. For the operators, both centered and upwind operators are provided, for domains of any dimension, arbitrarily spaced grids, and for any order of accuracy. The cases of 1, 2, and 3 dimensions with an evenly spaced grid are optimized...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 11
    JAX

    JAX

    Composable transformations of Python+NumPy programs

    With its updated version of Autograd, JAX can automatically differentiate native Python and NumPy functions. It can differentiate through loops, branches, recursion, and closures, and it can take derivatives of derivatives of derivatives. It supports reverse-mode differentiation (a.k.a. backpropagation) via grad as well as forward-mode differentiation, and the two can be composed arbitrarily to any order. What’s new is that JAX uses XLA to compile and run your NumPy programs on GPUs and...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12
    FreqTables.jl

    FreqTables.jl

    Frequency tables in Julia

    This package allows computing one- or multi-way frequency tables (a.k.a. contingency or pivot tables) from any type of vector or array. It includes support for CategoricalArray and Tables.jl compliant objects, as well as for weighted counts.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    DB-GPT

    DB-GPT

    Revolutionizing Database Interactions with Private LLM Technology

    DB-GPT is an experimental open-source project that uses localized GPT large models to interact with your data and environment. With this solution, you can be assured that there is no risk of data leakage, and your data is 100% private and secure.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 14
    NVIDIA FLARE

    NVIDIA FLARE

    NVIDIA Federated Learning Application Runtime Environment

    NVIDIA Federated Learning Application Runtime Environment NVIDIA FLARE is a domain-agnostic, open-source, extensible SDK that allows researchers and data scientists to adapt existing ML/DL workflows(PyTorch, TensorFlow, Scikit-learn, XGBoost etc.) to a federated paradigm. It enables platform developers to build a secure, privacy-preserving offering for a distributed multi-party collaboration. NVIDIA FLARE is built on a componentized architecture that allows you to take federated...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 15
    Foolbox

    Foolbox

    Python toolbox to create adversarial examples

    Foolbox: Fast adversarial attacks to benchmark the robustness of machine learning models in PyTorch, TensorFlow, and JAX. Foolbox 3 is built on top of EagerPy and runs natively in PyTorch, TensorFlow, and JAX. Foolbox provides a large collection of state-of-the-art gradient-based and decision-based adversarial attacks. Catch bugs before running your code thanks to extensive type annotations in Foolbox. Foolbox is a Python library that lets you easily run adversarial attacks against machine...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16
    AutoKeras

    AutoKeras

    AutoML library for deep learning

    AutoKeras: An AutoML system based on Keras. It is developed by DATA Lab at Texas A&M University. The goal of AutoKeras is to make machine learning accessible to everyone. AutoKeras only support Python 3. If you followed previous steps to use virtualenv to install tensorflow, you can just activate the virtualenv. Currently, AutoKeras is only compatible with Python >= 3.7 and TensorFlow >= 2.8.0. AutoKeras supports several tasks with extremely simple interface. AutoKeras would search for the best...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 17
    PaddlePaddle

    PaddlePaddle

    PArallel Distributed Deep LEarning: Machine Learning Framework

    PaddlePaddle is an open source deep learning industrial platform with advanced technologies and a rich set of features that make innovation and application of deep learning easier. It is the only independent R&D deep learning platform in China, and has been widely adopted in various sectors including manufacturing, agriculture and enterprise service. PaddlePaddle covers core deep learning frameworks, basic model libraries, end-to-end development kits and more, with support for both dynamic...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18
    Gorgonia

    Gorgonia

    Gorgonia is a library that helps facilitate machine learning in Go

    Write and evaluate mathematical equations involving multidimensional arrays easily. Gorgonia is a library that helps facilitate machine learning in Go. Write and evaluate mathematical equations involving multidimensional arrays easily. If this sounds like Theano or TensorFlow, it's because the idea is quite similar. Specifically, the library is pretty low-level, like Theano, but has higher goals like Tensorflow. The primary goal for Gorgonia is to be a highly performant machine learning/graph...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 19
    Rubix ML

    Rubix ML

    A high-level machine learning and deep learning library for PHP

    Rubix ML is a free open-source machine learning (ML) library that allows you to build programs that learn from your data using the PHP language. We provide tools for the entire machine learning life cycle from ETL to training, cross-validation, and production with over 40 supervised and unsupervised learning algorithms. In addition, we provide tutorials and other educational content to help you get started using ML in your projects. Our intuitive interface is quick to grasp while hiding alot...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 20
    TorchQuantum

    TorchQuantum

    A PyTorch-based framework for Quantum Classical Simulation

    A PyTorch-based framework for Quantum Classical Simulation, Quantum Machine Learning, Quantum Neural Networks, Parameterized Quantum Circuits with support for easy deployments on real quantum computers. Researchers on quantum algorithm design, parameterized quantum circuit training, quantum optimal control, quantum machine learning, and quantum neural networks. Dynamic computation graph, automatic gradient computation, fast GPU support, batch model terrorized processing.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 21
    DevOps Terraform Module

    DevOps Terraform Module

    DevOps Terraform Module

    This is a Terraform module repository to maintain the version DevOps-related resources to install inside the Kubernetes cluster. Following the resources and provider support in this module in Version 1.0.0. We easily use to “DevOps” module to set resources inside the Kubernetes cluster locally, this cluster is created on a docker container in our local machine.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22
    Nixtla

    Nixtla

    Fast forecasting with statistical and econometric models

    StatsForecast offers a collection of widely used univariate time series forecasting models, including automatic ARIMA, ETS, CES, and Theta modeling optimized for high performance using numba. It also includes a large battery of benchmarking models. Lightning-fast forecasting with statistical and econometric models.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23
    Zygote

    Zygote

    21st century AD

    Zygote provides source-to-source automatic differentiation (AD) in Julia, and is the next-gen AD system for the Flux differentiable programming framework. For more details and benchmarks of Zygote's technique, see our paper. You may want to check out Flux for more interesting examples of Zygote usage; the documentation here focuses on internals and advanced AD usage.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24
    NOW

    NOW

    No-code tool for creating a neural search solution in minutes

    One line to host them all. Bootstrap your multimodal search case in minutes. NOW gives the world access to multimodal neural search with just one command. NOW supports various formats for uploading your dataset to your search application. You may either choose a demo dataset hosted by NOW, or use your own custom dataset, to build an application. NOW can support your custom data in the form of a DocumentArray, as a path to a local folder, or S3 bucket. You can choose a demo dataset to get...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 25
    AnnLite

    AnnLite

    A fast embedded library for approximate nearest neighbor search

    ... within a subset of the dataset. Smooth integration with neural search ecosystem including Jina and DocArray, so that users can easily expose search API with gRPC and/or HTTP. The library is easy to install and use. It is designed to be used with Python. To support search with filters, the annlite must be created with colums parameter, which is a series of fields you want to filter by.
    Downloads: 0 This Week
    Last Update:
    See Project