Monk is a low code Deep Learning tool and a unified wrapper for Computer Vision.

Overview

Monk - A computer vision toolkit for everyone Tweet

Version Build_Status


Why use Monk

  • Issue: Want to begin learning computer vision

    • Solution: Start with Monk's hands-on study roadmap tutorials
  • Issue: Multiple libraries hence multiple syntaxes to learn

    • Solution: Monk's one syntax to rule them all - pytorch, keras, mxnet, etc
  • Issue: Tough to keep track of all the trial projects while participating in a deep learning competition

    • Solution: Use monk's project management and work on multiple prototyping experiments
  • Issue: Tough to set hyper-parameters while training a classifier

    • Solution: Try out hyper-parameter analyser to find the right fit
  • Issue: Looking for a library to build quick solutions for your customer

    • Solution: Train, Infer and deploy with monk's low-code syntax


Create real-world Image Classification applications

Medical Domain Fashion Domain Autonomous Vehicles Domain
Agriculture Domain Wildlife Domain Retail Domain
Satellite Domain Healthcare Domain Activity Analysis Domain

...... For more check out the Application Model Zoo!!!!



How does Monk make image classification easy

  • Write less code and create end to end applications.
  • Learn only one syntax and create applications using any deep learning library - pytorch, mxnet, keras, tensorflow, etc
  • Manage your entire project easily with multiple experiments


For whom this library is built

  • Students
    • Seamlessly learn computer vision using our comprehensive study roadmaps
  • Researchers and Developers
    • Create and Manage multiple deep learning projects
  • Competiton participants (Kaggle, Codalab, Hackerearth, AiCrowd, etc)
    • Expedite the prototyping process and jumpstart with a higher rank


Table of Contents




Sample Showcase - Quick Mode

Create an image classifier.

#Create an experiment
ptf.Prototype("sample-project-1", "sample-experiment-1")

#Load Data
ptf.Default(dataset_path="sample_dataset/", 
             model_name="resnet18", 
             num_epochs=2)
# Train
ptf.Train()

Inference

predictions = ptf.Infer(img_name="sample.png", return_raw=True);

Compare Experiments

#Create comparison project
ctf.Comparison("Sample-Comparison-1");

#Add all your experiments
ctf.Add_Experiment("sample-project-1", "sample-experiment-1");
ctf.Add_Experiment("sample-project-1", "sample-experiment-2");
   
# Generate statistics
ctf.Generate_Statistics();



Installation

  • CUDA 9.0          : pip install -U monk-cuda90
  • CUDA 9.0          : pip install -U monk-cuda92
  • CUDA 10.0        : pip install -U monk-cuda100
  • CUDA 10.1        : pip install -U monk-cuda101
  • CUDA 10.2        : pip install -U monk-cuda102
  • CPU (+Mac-OS) : pip install -U monk-cpu
  • Google Colab   : pip install -U monk-colab
  • Kaggle              : pip install -U monk-kaggle

For More Installation instructions visit: Link




Study Roadmaps




Documentation




TODO-2020

Features

  • Model Visualization
  • Pre-processed data visualization
  • Learned feature visualization
  • NDimensional data input - npy - hdf5 - dicom - tiff
  • Multi-label Image Classification
  • Custom model development

General

  • Functional Documentation
  • Tackle Multiple versions of libraries
  • Add unit-testing
  • Contribution guidelines
  • Python pip packaging support

Backend Support

  • Tensorflow 2.0 provision support with v1
  • Tensorflow 2.0 complete
  • Chainer

External Libraries

  • TensorRT Acceleration
  • Intel Acceleration
  • Echo AI - for Activation functions


Connect with the project contributors



Copyright

Copyright 2019 onwards, Tessellate Imaging Private Limited Licensed under the Apache License, Version 2.0 (the "License"); you may not use this project's files except in compliance with the License. A copy of the License is provided in the LICENSE file in this repository.

Owner
Tessellate Imaging
Computer Vision and Deep Learning Consultance and Development
Tessellate Imaging
This repository contains code to train and render Mixture of Volumetric Primitives (MVP) models

Mixture of Volumetric Primitives -- Training and Evaluation This repository contains code to train and render Mixture of Volumetric Primitives (MVP) m

Meta Research 125 Dec 29, 2022
Foreground-Action Consistency Network for Weakly Supervised Temporal Action Localization

FAC-Net Foreground-Action Consistency Network for Weakly Supervised Temporal Action Localization Linjiang Huang (CUHK), Liang Wang (CASIA), Hongsheng

21 Nov 22, 2022
Lab course materials for IEMBA 8/9 course "Coding and Artificial Intelligence"

IEMBA 8/9 - Coding and Artificial Intelligence Dear IEMBA 8/9 students, welcome to our IEMBA 8/9 elective course Coding and Artificial Intelligence, t

Artificial Intelligence & Machine Learning (AI:ML Lab) @ HSG 1 Jan 11, 2022
Pytorch implementation of Make-A-Scene: Scene-Based Text-to-Image Generation with Human Priors

Make-A-Scene - PyTorch Pytorch implementation (inofficial) of Make-A-Scene: Scene-Based Text-to-Image Generation with Human Priors (https://arxiv.org/

Casual GAN Papers 259 Dec 28, 2022
Deep Image Search is an AI-based image search engine that includes deep transfor learning features Extraction and tree-based vectorized search.

Deep Image Search - AI-Based Image Search Engine Deep Image Search is an AI-based image search engine that includes deep transfer learning features Ex

139 Jan 01, 2023
XtremeDistil framework for distilling/compressing massive multilingual neural network models to tiny and efficient models for AI at scale

XtremeDistilTransformers for Distilling Massive Multilingual Neural Networks ACL 2020 Microsoft Research [Paper] [Video] Releasing [XtremeDistilTransf

Microsoft 125 Jan 04, 2023
Towards Flexible Blind JPEG Artifacts Removal (FBCNN, ICCV 2021)

Towards Flexible Blind JPEG Artifacts Removal (FBCNN, ICCV 2021) Jiaxi Jiang, Kai Zhang, Radu Timofte Computer Vision Lab, ETH Zurich, Switzerland 🔥

Jiaxi Jiang 282 Jan 02, 2023
Fantasy Points Prediction and Dream Team Formation

Fantasy-Points-Prediction-and-Dream-Team-Formation Collected Data from open source resources that have over 100 Parameters for predicting cricket play

Akarsh Singh 2 Sep 13, 2022
This code finds bounding box of a single human mouth.

This code finds bounding box of a single human mouth. In comparison to other face segmentation methods, it is relatively insusceptible to open mouth conditions, e.g., yawning, surgical robots, etc. T

iThermAI 4 Nov 27, 2022
Manifold-Mixup implementation for fastai V2

Manifold Mixup Unofficial implementation of ManifoldMixup (Proceedings of ICML 19) for fast.ai (V2) based on Shivam Saboo's pytorch implementation of

Nestor Demeure 16 Jul 25, 2022
MOOSE (Multi-organ objective segmentation) a data-centric AI solution that generates multilabel organ segmentations to facilitate systemic TB whole-person research

MOOSE (Multi-organ objective segmentation) a data-centric AI solution that generates multilabel organ segmentations to facilitate systemic TB whole-person research.The pipeline is based on nn-UNet an

QIMP team 30 Jan 01, 2023
A basic duplicate image detection service using perceptual image hash functions and nearest neighbor search, implemented using faiss, fastapi, and imagehash

Duplicate Image Detection Getting Started Install dependencies pip install -r requirements.txt Run service python main.py Testing Test with pytest How

Matthew Podolak 21 Nov 11, 2022
Semantic Segmentation in Pytorch

PyTorch Semantic Segmentation Introduction This repository is a PyTorch implementation for semantic segmentation / scene parsing. The code is easy to

Hengshuang Zhao 1.2k Jan 01, 2023
Datasets and pretrained Models for StyleGAN3 ...

Datasets and pretrained Models for StyleGAN3 ... Dear arfiticial friend, this is a collection of artistic datasets and models that we have put togethe

lucid layers 34 Oct 06, 2022
Global-Local Path Networks for Monocular Depth Estimation with Vertical CutDepth [Paper]

Global-Local Path Networks for Monocular Depth Estimation with Vertical CutDepth [Paper] Downloads [Downloads] Trained ckpt files for NYU Depth V2 and

98 Jan 01, 2023
Research code of ICCV 2021 paper "Mesh Graphormer"

MeshGraphormer ✨ ✨ This is our research code of Mesh Graphormer. Mesh Graphormer is a new transformer-based method for human pose and mesh reconsructi

Microsoft 251 Jan 08, 2023
Low Complexity Channel estimation with Neural Network Solutions

Interpolation-ResNet Invited paper for WSA 2021, called 'Low Complexity Channel estimation with Neural Network Solutions'. Low complexity residual con

Dianxin 10 Dec 10, 2022
Code for the USENIX 2017 paper: kAFL: Hardware-Assisted Feedback Fuzzing for OS Kernels

kAFL: Hardware-Assisted Feedback Fuzzing for OS Kernels Blazing fast x86-64 VM kernel fuzzing framework with performant VM reloads for Linux, MacOS an

Chair for Sys­tems Se­cu­ri­ty 541 Nov 27, 2022
*ObjDetApp* deploys a pytorch model for object detection

*ObjDetApp* deploys a pytorch model for object detection

Will Chao 1 Dec 26, 2021
Summary Explorer is a tool to visually explore the state-of-the-art in text summarization.

Summary Explorer Summary Explorer is a tool to visually inspect the summaries from several state-of-the-art neural summarization models across multipl

Webis 42 Aug 14, 2022