*ObjDetApp* deploys a pytorch model for object detection

Overview
*ObjDetApp* deploys a pytorch model for object detection

   ____  _     _ _____       _
  / __ \| |   (_)  __ \     | |     /\
 | |  | | |__  _| |  | | ___| |_   /  \   _ __  _ __
 | |  | | '_ \| | |  | |/ _ \ __| / /\ \ | '_ \| '_ \
 | |__| | |_) | | |__| |  __/ |_ / ____ \| |_) | |_) |
  \____/|_.__/| |_____/ \___|\__/_/    \_\ .__/| .__/
             _/ |                        | |   | |
            |__/                         |_|   |_|

====================================================================
CONTENTS                                                  *Contents*

    1. Introduction .................... |Introduction|
    2. Prerequisites ................... |Prerequisites|
    3. Usage ........................... |Usage|
        3.1 WebApp ..................... |WebAppUsage|
        3.2 GUIApp ..................... |GUIAppUsage|
    4. Credits ......................... |Credits|
    5. License ......................... |License|

====================================================================
Section 1: Introduction                               *Introduction*

This is a side project (or not qualified as a project) derived from a school
assignment, which focuses on the deployment of a pytorch model for object
detection, hence the name.

The model's performance is really bad but this app doesn't focus on that anyway.
You can help me perfect and package it by forking.

App tested on Linux.

====================================================================
Section 2: Prerequisites                             *Prerequisites*

Get trained *model_state_dict.pth* from https://drive.google.com/file/d/1oi8iIQGn0OFSRf44hWLI8kCbj5OrlkCy/view?usp=sharing and put it under this folder.

>
    sudo apt install default-libmysqlclient-dev
    pip install -r requirements.txt
    npm install
<

====================================================================
Section 3: Usage                                             *Usage*

WebApp:~

                                                       *WebAppUsage*

Start backend server (Default port: 5000)

>
    FLASK_ENV=development FLASK_APP=server.py flask run
<

Build (Default into build/)

>
    npm run build
<

Serve the webpage (Default port: 5512)

>
    npm run dev
<

GUIApp:~

                                                       *GUIAppUsage*

>
    python gui.py
<

====================================================================
Section 4: Credits                                         *Credits*

ObjDetApp wouldn't be possible without these wonderful projects.

https://github.com/pallets/flask
https://github.com/pytorch/pytorch

Shout out to @sgrvinod for his great tutorial.

https://github.com/sgrvinod/a-PyTorch-Tutorial-to-Object-Detection/

====================================================================
Section 5: License                                         *License*

Copyright © 2021 Will Chao. Distributed under the MIT license.

====================================================================
vim:tw=78:ts=8:ft=help:noet:nospell
Owner
Will Chao
SWE in China, Front-end developer, Vim enthusiast
Will Chao
SOLOv2 on onnx & tensorRT

SOLOv2.tensorRT: NOTE: code based on WXinlong/SOLO add support to TensorRT inference onnxruntime tensorRT full_dims and dynamic shape postprocess with

47 Nov 26, 2022
Pytorch Implementation of Google's Parallel Tacotron 2: A Non-Autoregressive Neural TTS Model with Differentiable Duration Modeling

Parallel Tacotron2 Pytorch Implementation of Google's Parallel Tacotron 2: A Non-Autoregressive Neural TTS Model with Differentiable Duration Modeling

Keon Lee 170 Dec 27, 2022
A PyTorch Implementation of "SINE: Scalable Incomplete Network Embedding" (ICDM 2018).

Scalable Incomplete Network Embedding ⠀⠀ A PyTorch implementation of Scalable Incomplete Network Embedding (ICDM 2018). Abstract Attributed network em

Benedek Rozemberczki 69 Sep 22, 2022
Implementation of Heterogeneous Graph Attention Network

HetGAN Implementation of Heterogeneous Graph Attention Network This is the code repository of paper "Prediction of Metro Ridership During the COVID-19

5 Dec 28, 2021
TransGAN: Two Transformers Can Make One Strong GAN

[Preprint] "TransGAN: Two Transformers Can Make One Strong GAN", Yifan Jiang, Shiyu Chang, Zhangyang Wang

VITA 1.5k Jan 07, 2023
A Web API for automatic background removal using Deep Learning. App is made using Flask and deployed on Heroku.

Automatic_Background_Remover A Web API for automatic background removal using Deep Learning. App is made using Flask and deployed on Heroku. 👉 https:

Gaurav 16 Oct 29, 2022
Source code for paper "Deep Superpixel-based Network for Blind Image Quality Assessment"

DSN-IQA Source code for paper "Deep Superpixel-based Network for Blind Image Quality Assessment" Requirements Python =3.8.0 Pytorch =1.7.1 Usage wit

7 Oct 13, 2022
PyTorch module to use OpenFace's nn4.small2.v1.t7 model

OpenFace for Pytorch Disclaimer: This codes require the input face-images that are aligned and cropped in the same way of the original OpenFace. * I m

Pete Tae-hoon Kim 176 Dec 12, 2022
Language model Prompt And Query Archive

LPAQA: Language model Prompt And Query Archive This repository contains data and code for the paper How Can We Know What Language Models Know? Install

127 Dec 20, 2022
A compendium of useful, interesting, inspirational usage of pandas functions, each example will be an ipynb file

Pandas_by_examples A compendium of useful/interesting/inspirational usage of pandas functions, each example will be an ipynb file What is this reposit

Guangyuan(Frank) Li 32 Nov 20, 2022
Cartoon-StyleGan2 🙃 : Fine-tuning StyleGAN2 for Cartoon Face Generation

Fine-tuning StyleGAN2 for Cartoon Face Generation

Jihye Back 520 Jan 04, 2023
Code for PackNet: Adding Multiple Tasks to a Single Network by Iterative Pruning

PackNet: https://arxiv.org/abs/1711.05769 Pretrained models are available here: https://uofi.box.com/s/zap2p03tnst9dfisad4u0sfupc0y1fxt Datasets in Py

Arun Mallya 216 Jan 05, 2023
Neuron class provides LNU (Linear Neural Unit), QNU (Quadratic Neural Unit), RBF (Radial Basis Function), MLP (Multi Layer Perceptron), MLP-ELM (Multi Layer Perceptron - Extreme Learning Machine) neurons learned with Gradient descent or LeLevenberg–Marquardt algorithm

Neuron class provides LNU (Linear Neural Unit), QNU (Quadratic Neural Unit), RBF (Radial Basis Function), MLP (Multi Layer Perceptron), MLP-ELM (Multi Layer Perceptron - Extreme Learning Machine) neu

Filip Molcik 38 Dec 17, 2022
Finding Donors for CharityML

Finding-Donors-for-CharityML - Investigated factors that affect the likelihood of charity donations being made based on real census data.

Moamen Abdelkawy 1 Dec 30, 2021
On Evaluation Metrics for Graph Generative Models

On Evaluation Metrics for Graph Generative Models Authors: Rylee Thompson, Boris Knyazev, Elahe Ghalebi, Jungtaek Kim, Graham Taylor This is the offic

13 Jan 07, 2023
A PyTorch-based R-YOLOv4 implementation which combines YOLOv4 model and loss function from R3Det for arbitrary oriented object detection.

R-YOLOv4 This is a PyTorch-based R-YOLOv4 implementation which combines YOLOv4 model and loss function from R3Det for arbitrary oriented object detect

94 Dec 03, 2022
True Few-Shot Learning with Language Models

This codebase supports using language models (LMs) for true few-shot learning: learning to perform a task using a limited number of examples from a single task distribution.

Ethan Perez 124 Jan 04, 2023
Python PID Tuner - Makes a model of the System from a Process Reaction Curve and calculates PID Gains

PythonPID_Tuner_SOPDT Step 1: Takes a Process Reaction Curve in csv format - assumes data at 100ms interval (column names CV and PV) Step 2: Makes a r

1 Jan 18, 2022
Implementation for paper LadderNet: Multi-path networks based on U-Net for medical image segmentation

Implementation for paper LadderNet: Multi-path networks based on U-Net for medical image segmentation This implementation is based on orobix implement

Juntang Zhuang 116 Sep 06, 2022
Robot Reinforcement Learning on the Constraint Manifold

Implementation of "Robot Reinforcement Learning on the Constraint Manifold"

31 Dec 05, 2022