Pinned Repositories
cifar10-gluon
Gluon implement of Kaggle cifar10 competition
coco-labels
The labels for object categories in COCO dataset
code-of-learn-deep-learning-with-pytorch
This is code of book "Learn Deep Learning with PyTorch"
convert2Bo
Convert VOC-format annotation.xml to Bo's Format (x_min,y_min,x_max,y_max, classID)
insightface
Face Analysis Project on MXNet
mAP
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
yolov34-cpp-opencv-dnn
4种YOLO目标检测的C++和Python两个版本的实现
yolov5
YOLOv5 in PyTorch > ONNX > CoreML > iOS
yolov5-v6.1-opencv-onnxrun
分别使用OpenCV、ONNXRuntime部署yolov5-v6.1目标检测,包含C++和Python两个版本的程序。支持yolov5s,yolov5m,yolov5l,yolov5n,yolov5x,yolov5s6,yolov5m6,yolov5l6,yolov5n6,yolov5x6的十种结构的yolov5-v6.1
yolov5_6.0_opencvdnn_python
yolov5-v6.0 opencv dnn
samsu2018's Repositories
samsu2018/mAP
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
samsu2018/yolov5-v6.1-opencv-onnxrun
分别使用OpenCV、ONNXRuntime部署yolov5-v6.1目标检测,包含C++和Python两个版本的程序。支持yolov5s,yolov5m,yolov5l,yolov5n,yolov5x,yolov5s6,yolov5m6,yolov5l6,yolov5n6,yolov5x6的十种结构的yolov5-v6.1
samsu2018/yolov5_6.0_opencvdnn_python
yolov5-v6.0 opencv dnn
samsu2018/CS231n
My assignment solutions for CS231n - Convolutional Neural Networks for Visual Recognition
samsu2018/dataset_51
Downloading, loading and manipulating datasets using fiftyone
samsu2018/deep-loglizer
A deep learning toolkit for automated anomaly detection
samsu2018/FastSAM
Fast Segment Anything
samsu2018/flickr_scraper
Simple Flickr Image Scraper
samsu2018/GeneticAlgorithmPython
Source code of PyGAD, a Python 3 library for building the genetic algorithm and training machine learning algorithms (Keras & PyTorch).
samsu2018/high_performance_python_2e
Code for the book "High Performance Python 2e" by Micha Gorelick and Ian Ozsvald with OReilly
samsu2018/iris-Segmentation-mediapipe-python
Iris tracking MediaPipe Video Tutorial Source code
samsu2018/labelGo-Yolov5AutoLabelImg
💕YOLOV5 semi-automatic annotation tool (Based on labelImg)💕基于labelImg及YOLOV5的图形化半自动标注工具
samsu2018/learnopencv
Learn OpenCV : C++ and Python Examples
samsu2018/License-Plate-Recognition-YOLOv7-and-CNN
This project is for the ultimate manner of identifying the License Plate. Combining YOLOv7 object detection, Hough transform alignment, and CNN character recognition
samsu2018/mean_average_precision
Mean Average Precision for Object Detection
samsu2018/mediapipe
Cross-platform, customizable ML solutions for live and streaming media.
samsu2018/nanodet
NanoDet-Plus⚡Super fast and lightweight anchor-free object detection model. 🔥Only 980 KB(int8) / 1.8MB (fp16) and run 97FPS on cellphone🔥
samsu2018/ncnn
ncnn is a high-performance neural network inference framework optimized for the mobile platform
samsu2018/ONNX-YOLOv8-Object-Detection
Python scripts performing object detection using the YOLOv8 model in ONNX.
samsu2018/onnx_clip
An ONNX-based implementation of the CLIP model that doesn't depend on torch or torchvision.
samsu2018/PySimpleGUI-YOLO
A YOLO Artificial Intelligence algorithm demonstration using PySimpleGUI
samsu2018/Python-AI_100
深度学习100例、深度学习DL、图片分类、目标识别、目标检测、自然语言处理nlp、文本分类、TensorFlow、PyTorch
samsu2018/ultralytics
NEW - YOLOv8 🚀 in PyTorch > ONNX > CoreML > TFLite
samsu2018/whisper
Robust Speech Recognition via Large-Scale Weak Supervision
samsu2018/yolov5-face
YOLO5Face: Why Reinventing a Face Detector (https://arxiv.org/abs/2105.12931)
samsu2018/yolov5-opencv-cpp-python
Example of using ultralytics YOLO V5 with OpenCV 4.5.4, C++ and Python
samsu2018/yolov5-visible-and-full-person-crowdhuman
samsu2018/yolov7
Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors
samsu2018/yolov7-opencv-onnxrun-cpp-py
分别使用OpenCV、ONNXRuntime部署YOLOV7目标检测,一共包含14个onnx模型,依然是包含C++和Python两个版本的程序
samsu2018/yolov8-face
yolov8 face detection with landmark