eremo2002's starred repositories

Vision-Transformer

Implementation of Vision Transformer from scratch and performance compared to standard CNNs (ResNets) and pre-trained ViT on CIFAR10 and CIFAR100.

Language:Jupyter NotebookStargazers:102Issues:0Issues:0

face_recognition

The world's simplest facial recognition api for Python and the command line

Language:PythonLicense:MITStargazers:53121Issues:0Issues:0

roLabelImg

Label Rotated Rect On Images for training

Language:PythonStargazers:817Issues:0Issues:0

DMMN

Deep Motion Modeling Network

Language:PythonStargazers:76Issues:0Issues:0

FairMOT

This project provides an official implementation of our recent work on real-time multi-object tracking in videos. The previous works conduct object detection and tracking with two separate models so they are very slow. In contrast, we propose a one-stage solution which does detection and tracking with a single network by elegantly solving the alignment problem. The resulting approach achieves groundbreaking results in terms of both accuracy and speed: (1) it ranks first among all the trackers on the MOT challenges; (2) it is significantly faster than the previous state-of-the-arts. In addition, it scales gracefully to handle a large number of objects.

Language:PythonLicense:MITStargazers:162Issues:0Issues:0

FairMOT

[IJCV-2021] FairMOT: On the Fairness of Detection and Re-Identification in Multi-Object Tracking

Language:PythonLicense:MITStargazers:3992Issues:0Issues:0

DeepStream-Yolo

NVIDIA DeepStream SDK 7.0 / 6.4 / 6.3 / 6.2 / 6.1.1 / 6.1 / 6.0.1 / 6.0 / 5.1 implementation for YOLO models

Language:C++License:MITStargazers:1458Issues:0Issues:0

yolo_deepstream

yolo model qat and deploy with deepstream&tensorrt

Language:PythonLicense:Apache-2.0Stargazers:541Issues:0Issues:0

chainercv

ChainerCV: a Library for Deep Learning in Computer Vision

Language:PythonLicense:MITStargazers:1481Issues:0Issues:0

cvlib

A simple, high level, easy to use, open source Computer Vision library for Python.

Language:PythonLicense:MITStargazers:657Issues:0Issues:0

Computer-vision

Computer Vision implementation

Language:C++Stargazers:32Issues:0Issues:0

DeconvNet

DeconvNet Implementation with Pytorch and tested on PASCAL VOC 2012 Segmentation

Language:PythonStargazers:7Issues:0Issues:0

pytorch-semseg

Semantic Segmentation Architectures Implemented in PyTorch

Language:PythonLicense:MITStargazers:3385Issues:0Issues:0

MLQuestions

Machine Learning and Computer Vision Engineer - Technical Interview Questions

Stargazers:2957Issues:0Issues:0

Semantic-Segmentation-Review

Semantic Segmentation Paper를 review하고 해당 코드를 구현하는 repository 입니다.

Language:Jupyter NotebookLicense:Apache-2.0Stargazers:27Issues:0Issues:0

pytorch-image-models

The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more

Language:PythonLicense:Apache-2.0Stargazers:31826Issues:0Issues:0

Semantic-Shapes

A semantic segmentation pipeline for custom image annotation

Language:Jupyter NotebookLicense:MITStargazers:128Issues:0Issues:0

awesome-semantic-segmentation

:metal: awesome-semantic-segmentation

Stargazers:10480Issues:0Issues:0

LSTM-Human-Activity-Recognition

Human Activity Recognition example using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six activity categories - Guillaume Chevalier

Language:Jupyter NotebookLicense:MITStargazers:3338Issues:0Issues:0

LSTM-FCN

Codebase for the paper LSTM Fully Convolutional Networks for Time Series Classification

Language:PythonStargazers:747Issues:0Issues:0

pytorch_FCN_voc2012

Semantic Segmentation;net:FCN;dataset:voc2012

Language:Jupyter NotebookStargazers:26Issues:0Issues:0

pytorch-custom-dataset-examples

Some custom dataset examples for PyTorch

Language:PythonLicense:MITStargazers:862Issues:0Issues:0

dl-4-tsc

Deep Learning for Time Series Classification

Language:PythonLicense:GPL-3.0Stargazers:1548Issues:0Issues:0

ScaledYOLOv4

Scaled-YOLOv4: Scaling Cross Stage Partial Network

Language:PythonLicense:GPL-3.0Stargazers:2020Issues:0Issues:0

awesome-mlops

A curated list of references for MLOps

Stargazers:12553Issues:0Issues:0

machine-learning

머신러닝 입문자 혹은 스터디를 준비하시는 분들에게 도움이 되고자 만든 repository입니다. (This repository is intented for helping whom are interested in machine learning study)

Language:Jupyter NotebookStargazers:2608Issues:0Issues:0

segmentation_models

Segmentation models with pretrained backbones. Keras and TensorFlow Keras.

Language:PythonLicense:MITStargazers:4737Issues:0Issues:0

YOLOv4-pytorch

This is a pytorch repository of YOLOv4, attentive YOLOv4 and mobilenet YOLOv4 with PASCAL VOC and COCO

Language:PythonStargazers:1680Issues:0Issues:0

MiCT-Net-PyTorch

Video Recognition using Mixed Convolutional Tube (MiCT) on PyTorch with a ResNet backbone

Language:PythonLicense:Apache-2.0Stargazers:53Issues:0Issues:0

Tensorflow-TensorRT

This repository is for my YT video series about optimizing a Tensorflow deep learning model using TensorRT. We demonstrate optimizing LeNet-like model and YOLOv3 model, and get 3.7x and 1.5x faster for the former and the latter, respectively, compared to the original models.

Language:Jupyter NotebookStargazers:302Issues:0Issues:0