The MLOps platform for innovators ๐Ÿš€

Overview

The official DS2.ai SDK for Python.
Documentation can be found on SDK guide โ€‹

MLOps with DS2.ai

โ€‹ DS2.ai is an integrated AI operation solution that supports all stages from custom AI development to deployment. It is an AI-specialized platform service that collects data, builds a training dataset through data labeling, and enables automatic development of artificial intelligence and easy deployment and operation. โ€‹ The Software Development Kit (SDK) consists of python functions that allow you to write your own scripts by accessing DS2.ai's features. โ€‹ Screen_Shot_2021-07-01_at_3 37 53_PM โ€‹

Installation

โ€‹ โ€‹ Install via pip: โ€‹

$ pip install ds2ai

โ€‹ โ€‹

Getting started

โ€‹ โ€‹

1. Getting your own token

โ€‹ To use the SDK, you need to get a token, and you can check the token by registering as a member of ds2.ai. After registering the card on the site, you can use the token.
โ€‹

โ€‹ ### 2. Activate โ€‹ To use SDK function code, you have to activate your code, first. โ€‹ Run the below code with your own app token. โ€‹ ```python import ds2ai โ€‹ ds2 = ds2ai.DS2(token) ``` โ€‹ Then you can use all functions in [SDK guide](https://docs.ds2.ai/sdk_00_readme/) โ€‹ --- โ€‹ ## Top 5 Features of [DS2.ai](https://ds2.ai/) SDK โ€‹ โ€‹ The SDK is composed of 16 classes. Class DS2 provides python functions that are more generally used for AI development, whereas the others provide specific functions for each detailed steps in AI development. โ€‹ Here, we want to explain to you examples of using **Top5 function codes that are usable and easy to use.** โ€‹ โ€‹ ### 1. Auto Labeling โ€‹ ```python ds2.start_auto_labeling(data_file, amount, has_label_data=False, predict_column_name=None, frame=60, ai_type="general", autolabeling_type="box", general_ai_type="person", model_id=None, custom_ai_stage=0, preprocessing_ai_type={}, labeling_class=[], training_method="object_detection", name='', description='' )

โ€‹ ### 2. AI Training โ€‹ ```python ds2.train(data_file, training_method, value_for_predict, option="accuracy", frame=60) ">

This function executes auto-labeling immediately from loading data file without using dataconnector. The major parameters include data_file to auto-label, whether the data includes labeled data for a certain part of the dataset, and the type of auto-labeling, such as โ€œboxโ€, which will label using bounding boxes.
โ€‹


โ€‹ ### 2. AI Training โ€‹ ```python ds2.train(data_file, training_method, value_for_predict, option="accuracy", frame=60)

This function executes development of AI from CLICK AI in DS2.aiโ€™s console immediately from loading data file without using dataconnector. According to what parameters you use when calling the function, such as data_file, training_method, value_for_predict, and option, it will generate your customized AI models.
โ€‹
โ€‹

3. Deploy your AI model

โ€‹

ds2.deploy(model_file, name=None, cloud_type="AWS", region="us-west-1", server_type="g4dn.xlarge")

This function deploys AI models to cloud servers with specifications under the desired hosting region. The type of the cloud server is set to โ€œAWSโ€ as default, but keep in mind that it also supports other cloud services such as Google Cloud. For the use of servers other than AWS, please visit our website and contact our team.


โ€‹ ### 4. Getting magic code โ€‹ ```python ds2.get_magic_code(training_method, data_file, value_for_predict) ```

This function returns a the magic code for setting variable values with optimal combinations for AI training. As with the three functions above, it takes the data_file, training_method, value_for_predict as input so that after running the function, a magic code with the whole process of AI training is returned. โ€‹

โ€‹

5. Rent AI training server

โ€‹

ds2.rent_custom_training_server(cloud_type="AWS", region="us-west-1", server_type="g4dn.xlarge", name=None)

This function rents an inference training server in preferred cloud environment for Custom training of Click AI. The type of the cloud server is set to โ€œAWSโ€ as default, but keep in mind that it also supports other cloud services such as Google Cloud. For the use of servers other than AWS, please visit our website and contact our team.
โ€‹

โ€‹

Getting Help

โ€‹ You can interact with the ds2ai code or software by asking a question or referencing the guide from the underlying open resources. โ€‹

License

โ€‹ This SDK is distributed under the Apache-2.0 License, please see LICENSE for more information. โ€‹


Individual Tree Crown classification on WorldView-2 Images using Autoencoder -- Group 9 Weak learners - Final Project (Machine Learning 2020 Course)

Created by Olga Sutyrina, Sarah Elemili, Abduragim Shtanchaev and Artur Bille Individual Tree Crown classification on WorldView-2 Images using Autoenc

2 Dec 08, 2022
rliable is an open-source Python library for reliable evaluation, even with a handful of runs, on reinforcement learning and machine learnings benchmarks.

Open-source library for reliable evaluation on reinforcement learning and machine learning benchmarks. See NeurIPS 2021 oral for details.

Google Research 529 Jan 01, 2023
C3D is a modified version of BVLC caffe to support 3D ConvNets.

C3D C3D is a modified version of BVLC caffe to support 3D convolution and pooling. The main supporting features include: Training or fine-tuning 3D Co

Meta Archive 1.1k Nov 14, 2022
Neural Surface Maps

Neural Surface Maps Official implementation of Neural Surface Maps - Luca Morreale, Noam Aigerman, Vladimir Kim, Niloy J. Mitra [Paper] [Project Page]

Luca Morreale 49 Dec 13, 2022
Supervised 3D Pre-training on Large-scale 2D Natural Image Datasets for 3D Medical Image Analysis

Introduction This is an implementation of our paper Supervised 3D Pre-training on Large-scale 2D Natural Image Datasets for 3D Medical Image Analysis.

24 Dec 06, 2022
FaceAPI: AI-powered Face Detection & Rotation Tracking, Face Description & Recognition, Age & Gender & Emotion Prediction for Browser and NodeJS using TensorFlow/JS

FaceAPI AI-powered Face Detection & Rotation Tracking, Face Description & Recognition, Age & Gender & Emotion Prediction for Browser and NodeJS using

Vladimir Mandic 395 Dec 29, 2022
Implementation of CrossViT: Cross-Attention Multi-Scale Vision Transformer for Image Classification

CrossViT : Cross-Attention Multi-Scale Vision Transformer for Image Classification This is an unofficial PyTorch implementation of CrossViT: Cross-Att

Rishikesh (เค‹เคทเคฟเค•เฅ‡เคถ) 103 Nov 25, 2022
WORD: Revisiting Organs Segmentation in the Whole Abdominal Region

WORD: Revisiting Organs Segmentation in the Whole Abdominal Region. This repository provides the codebase and dataset for our work WORD: Revisiting Or

Healthcare Intelligence Laboratory 71 Jan 07, 2023
PyTorch Implementation of Unsupervised Depth Completion with Calibrated Backprojection Layers (ORAL, ICCV 2021)

Unsupervised Depth Completion with Calibrated Backprojection Layers PyTorch implementation of Unsupervised Depth Completion with Calibrated Backprojec

80 Dec 13, 2022
Final project for machine learning (CSC 590). Detection of hepatitis C and progression through blood samples.

Hepatitis C Blood Based Detection Final project for machine learning (CSC 590). Dataset from Kaggle. Using data from previous hepatitis C blood panels

Jennefer Maldonado 1 Dec 28, 2021
A very simple tool for situations where optimization with onnx-simplifier would exceed the Protocol Buffers upper file size limit of 2GB, or simply to separate onnx files to any size you want.

sne4onnx A very simple tool for situations where optimization with onnx-simplifier would exceed the Protocol Buffers upper file size limit of 2GB, or

Katsuya Hyodo 10 Aug 30, 2022
Informer: Beyond Efficient Transformer for Long Sequence Time-Series Forecasting

Informer: Beyond Efficient Transformer for Long Sequence Time-Series Forecasting This is the origin Pytorch implementation of Informer in the followin

Haoyi 3.1k Dec 29, 2022
Training data extraction on GPT-2

Training data extraction from GPT-2 This repository contains code for extracting training data from GPT-2, following the approach outlined in the foll

Florian Tramer 62 Dec 07, 2022
Code for CVPR2021 paper "Learning Salient Boundary Feature for Anchor-free Temporal Action Localization"

AFSD: Learning Salient Boundary Feature for Anchor-free Temporal Action Localization This is an official implementation in PyTorch of AFSD. Our paper

Tencent YouTu Research 146 Dec 24, 2022
Generate image analogies using neural matching and blending

neural image analogies This is basically an implementation of this "Image Analogies" paper, In our case, we use feature maps from VGG16. The patch mat

Adam Wentz 3.5k Jan 08, 2023
LocUNet is a deep learning method to localize a UE based solely on the reported signal strengths from a set of BSs.

LocUNet LocUNet is a deep learning method to localize a UE based solely on the reported signal strengths from a set of BSs. The method utilizes accura

4 Oct 05, 2022
pytorch implementation of openpose including Hand and Body Pose Estimation.

pytorch-openpose pytorch implementation of openpose including Body and Hand Pose Estimation, and the pytorch model is directly converted from openpose

Hzzone 1.4k Jan 07, 2023
Realtime micro-expression recognition using OpenCV and PyTorch

Micro-expression Recognition Realtime micro-expression recognition from scratch using OpenCV and PyTorch Try it out with a webcam or video using the e

Irfan 35 Dec 05, 2022
A Python library that provides a simplified alternative to DBAPI 2

A Python library that provides a simplified alternative to DBAPI 2. It provides a facade in front of DBAPI 2 drivers.

Tony Locke 44 Nov 17, 2021
The official implementation of EIGNN: Efficient Infinite-Depth Graph Neural Networks (NeurIPS 2021)

EIGNN: Efficient Infinite-Depth Graph Neural Networks The official implementation of EIGNN: Efficient Infinite-Depth Graph Neural Networks (NeurIPS 20

Juncheng Liu 14 Nov 22, 2022