Showing 18 open source projects for "hyper-v"

View related business solutions
  • Auth0 Free: 25K MAUs + 5-Min Setup Icon
    Auth0 Free: 25K MAUs + 5-Min Setup

    Enterprise Auth, Zero Friction: Any Framework • 30+ SDKs • Universal Login

    Production-ready login in 10 lines of code. SSO, MFA & social auth included. Scale seamlessly beyond free tier with Okta’s enterprise security.
    Get Your API Keys
  • Red Hat Enterprise Linux on Microsoft Azure Icon
    Red Hat Enterprise Linux on Microsoft Azure

    Deploy Red Hat Enterprise Linux on Microsoft Azure for a secure, reliable, and scalable cloud environment, fully integrated with Microsoft services.

    Red Hat Enterprise Linux (RHEL) on Microsoft Azure provides a secure, reliable, and flexible foundation for your cloud infrastructure. Red Hat Enterprise Linux on Microsoft Azure is ideal for enterprises seeking to enhance their cloud environment with seamless integration, consistent performance, and comprehensive support.
    Learn More
  • 1
    Neural Network Intelligence

    Neural Network Intelligence

    AutoML toolkit for automate machine learning lifecycle

    Neural Network Intelligence is an open source AutoML toolkit for automate machine learning lifecycle, including feature engineering, neural architecture search, model compression and hyper-parameter tuning. NNI (Neural Network Intelligence) is a lightweight but powerful toolkit to help users automate feature engineering, neural architecture search, hyperparameter tuning and model compression. The tool manages automated machine learning (AutoML) experiments, dispatches and runs experiments...
    Downloads: 3 This Week
    Last Update:
    See Project
  • 2
    SAHI

    SAHI

    A lightweight vision library for performing large object detection

    ... challenge in surveillance applications. Such objects are represented by small number of pixels in the image and lack sufficient details, making them difficult to detect using conventional detectors. In this work, an open-source framework called Slicing Aided Hyper Inference (SAHI) is proposed that provides a generic slicing aided inference and fine-tuning pipeline for small object detection.
    Downloads: 2 This Week
    Last Update:
    See Project
  • 3
    MLJAR Studio

    MLJAR Studio

    Python package for AutoML on Tabular Data with Feature Engineering

    ... the machine learning models, and perform hyper-parameter tuning to find the best model. It is no black box, as you can see exactly how the ML pipeline is constructed (with a detailed Markdown report for each ML model).
    Downloads: 1 This Week
    Last Update:
    See Project
  • 4
    Weights and Biases

    Weights and Biases

    Tool for visualizing and tracking your machine learning experiments

    Use W&B to build better models faster. Track and visualize all the pieces of your machine learning pipeline, from datasets to production models. Quickly identify model regressions. Use W&B to visualize results in real time, all in a central dashboard. Focus on the interesting ML. Spend less time manually tracking results in spreadsheets and text files. Capture dataset versions with W&B Artifacts to identify how changing data affects your resulting models. Reproduce any model, with saved...
    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
  • 5
    Pandas Profiling

    Pandas Profiling

    Create HTML profiling reports from pandas DataFrame objects

    pandas-profiling generates profile reports from a pandas DataFrame. The pandas df.describe() function is handy yet a little basic for exploratory data analysis. pandas-profiling extends pandas DataFrame with df.profile_report(), which automatically generates a standardized univariate and multivariate report for data understanding. High correlation warnings, based on different correlation metrics (Spearman, Pearson, Kendall, Cramér’s V, Phik). Most common categories (uppercase, lowercase...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 6
    oneDNN

    oneDNN

    oneAPI Deep Neural Network Library (oneDNN)

    ... architectures: Arm* 64-bit Architecture (AArch64), NVIDIA* GPU, OpenPOWER* Power ISA (PPC64), IBMz* (s390x), and RISC-V. oneDNN is intended for deep learning applications and framework developers interested in improving application performance on Intel CPUs and GPUs. Deep learning practitioners should use one of the applications enabled with oneDNN.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 7
    Elephas

    Elephas

    Distributed Deep learning with Keras & Spark

    ... Models are initialized on the driver, then serialized and shipped to workers, alongside with data and broadcasted model parameters. Spark workers deserialize the model, train their chunk of data and send their gradients back to the driver. The "master" model on the driver is updated by an optimizer, which takes gradients either synchronously or asynchronously. Hyper-parameter optimization with elephas is based on hyperas, a convenience wrapper for hyperopt and keras.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 8
    YOLOX

    YOLOX

    YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5

    ... for the Mosiac and MixUp augmentations. Except special cases, we always recommend using our COCO pre-trained weights for initializing the model. As YOLOX is an anchor-free detector with only several hyper-parameters, most of the time good results can be obtained with no changes to the models or training settings.
    Downloads: 2 This Week
    Last Update:
    See Project
  • 9
    CometAnalyser

    CometAnalyser

    CometAnalyser, for quantitative comet assay analysis.

    ... as a spreadsheet file. Video Tutorial: CometAnalyser is written in MATLAB. It works with Windows, Macintosh, and UNIX-based systems. Please, download the sample datasets and test it watching the video tutorial to understand how it works: https://www.youtube.com/watch?v=vh2VFnMw50A Contacts: filippo.piccinini85@gmail.com beleonattila@gmail.com
    Leader badge
    Downloads: 26 This Week
    Last Update:
    See Project
  • Manage printing in a cost-efficient and eco-friendly way with Gelato. Icon
    Manage printing in a cost-efficient and eco-friendly way with Gelato.

    Gelato offers an extensive catalog of custom products, a zero-inventory business model, and free designing tools—all in one place.

    The world's largest print on demand network with 140+ production partners across 32 countries. Gelato offers end-to-end design, production and logistics for individuals looking to start their own business today!
    Sign up for Free
  • 10
    Conscious Artificial Intelligence

    Conscious Artificial Intelligence

    It's possible for machines to become self-aware.

    This project is a quest for conscious artificial intelligence. A number of prototypes will be developed as the project progresses. This project has 2 subprojects: Object Pascal based CAI NEURAL API - https://github.com/joaopauloschuler/neural-api Python based K-CAI NEURAL API - https://github.com/joaopauloschuler/k-neural-api A video from the first prototype has been made: http://www.youtube.com/watch?v=qH-IQgYy9zg Above video shows a popperian agent collecting mining ore from 3...
    Downloads: 3 This Week
    Last Update:
    See Project
  • 11
    Computer Vision Pretrained Models

    Computer Vision Pretrained Models

    A collection of computer vision pre-trained models

    A pre-trained model is a model created by someone else to solve a similar problem. Instead of building a model from scratch to solve a similar problem, we can use the model trained on other problem as a starting point. A pre-trained model may not be 100% accurate in your application. For example, if you want to build a self-learning car. You can spend years building a decent image recognition algorithm from scratch or you can take the inception model (a pre-trained model) from Google which...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12
    MatchZoo

    MatchZoo

    Facilitating the design, comparison and sharing of deep text models

    The goal of MatchZoo is to provide a high-quality codebase for deep text matching research, such as document retrieval, question answering, conversational response ranking, and paraphrase identification. With the unified data processing pipeline, simplified model configuration and automatic hyper-parameters tunning features equipped, MatchZoo is flexible and easy to use. Preprocess your input data in three lines of code, keep track parameters to be passed into the model. Make use of MatchZoo...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    NiftyNet

    NiftyNet

    An open-source convolutional neural networks platform for research

    An open-source convolutional neural networks platform for medical image analysis and image-guided therapy. NiftyNet is a TensorFlow-based open-source convolutional neural networks (CNNs) platform for research in medical image analysis and image-guided therapy. NiftyNet’s modular structure is designed for sharing networks and pre-trained models. Using this modular structure you can get started with established pre-trained networks using built-in tools. Adapt existing networks to your imaging...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 14
    MLBox

    MLBox

    MLBox is a powerful Automated Machine Learning python library

    MLBox is a powerful Automated Machine Learning python library. Fast reading and distributed data preprocessing/cleaning/formatting. Highly robust feature selection and leak detection. Accurate hyper-parameter optimization in high-dimensional space. State-of-the-art predictive models for classification and regression (Deep Learning, Stacking, LightGBM,...) Prediction with model interpretation. MLBox has been developed and used by many active community members. Your help is very valuable to make...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 15

    BetBoy

    Using neural networks to predict outcomes of football matches

    Predicting outcomes of matches using neural networks,simulations,automatic bets selector,automatic/manual database updates How to use instructions: https://sourceforge.net/p/betboy/wiki/Home/ Video presentation: http://www.youtube.com/watch?feature=player_embedded&v=I2C5TlBSB6w http://www.youtube.com/watch?feature=player_embedded&v=hZ00br89_l8 http://www.youtube.com/watch?feature=player_embedded&v=844iwI8zBZk
    Downloads: 1 This Week
    Last Update:
    See Project
  • 16
    HSSVM(Hyper-Sphere Support Vector Machines) is a software for solving multi-classification problem, implemented by Java.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 17
    This program generates customizable hyper-surfaces (multi-dimensional input and output) and samples data from them to be used further as benchmark for response surface modeling tasks or optimization algorithms.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18
    This is an attempt to create simple image recognition program in java. Demo here: http://www.youtube.com/watch?v=N4m4j4D3pJU
    Downloads: 0 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • Next