Pinned Repositories
2D-and-3D-face-alignment
This repository implements a demo of the networks described in "How far are we from solving the 2D & 3D Face Alignment problem? (and a dataset of 230,000 3D facial landmarks)" paper.
3d-pose-baseline
A simple baseline for 3d human pose estimation in tensorflow. Presented at ICCV 17.
3d-pose-estimation
VNect: Real-time 3D Human Pose Estimation with a Single RGB Camera
AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
AItechnology
AI科技
AItechnology.github.io
autonomous-driving-vehicle-detection
Created vehicle detection and tracking pipeline with two approaches: (1) deep neural networks (YOLO framework) and (2) support vector machines ( OpenCV + HOG).
caffe-yolo9000
Caffe for YOLOv2 & YOLO9000
image-retrieval-demo
基于tensorflow & servering & flask 的图像检索系统。
videotext
Text Detection and Recognition in Video
AItechnology's Repositories
AItechnology/awesome-action-recognition
A curated list of action recognition and related area resources
AItechnology/Awesome-Caffe
Awesome Caffe
AItechnology/awesome-ocr
A curated list of promising OCR resources
AItechnology/BrnoCompSpeed
Code for BrnoCompSpeed dataset
AItechnology/cosine_metric_learning
AItechnology/deformable-convolution-pytorch
PyTorch implementation of Deformable Convolution
AItechnology/Detect-Track
AItechnology/detectorch
Detectorch - detectron for PyTorch
AItechnology/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
AItechnology/Detectron.pytorch
A pytorch implementation of Detectron. Both training from scratch and inferring directly from pretrained Detectron weights are available.
AItechnology/detectron2_backbone
detectron2 backbone: resnet18, efficientnet, hrnet, mobilenet v2, resnest, bifpn
AItechnology/DINK
🚕点云深度学习自动驾驶框架 | Point cloud DeepLearning Autonomous Driving Framework🚕
AItechnology/faceswap-GAN
A denoising autoencoder + adversarial loss for face swapping.
AItechnology/fashion-mnist
A MNIST-like fashion product database. Benchmark :point_right:
AItechnology/image_utility
Handy python scripts for image data-set processing.
AItechnology/isc2021
Code for the Image similarity challenge.
AItechnology/light_head_rcnn
Light-Head R-CNN
AItechnology/LightNet
LightNet: Light-weight Networks for Semantic Image Segmentation (Cityscapes and Mapillary Vistas Dataset)
AItechnology/mmdetection
Open MMLab Detection Toolbox and Benchmark
AItechnology/open-images-dataset
Open Images is a dataset of ~9 million images that have been annotated with image-level labels and bounding boxes spanning thousands of classes.
AItechnology/OpenCVTutorials
OpenCV-Python4.1 中文文档
AItechnology/Pelee
Pelee: A Real-Time Object Detection System on Mobile Devices
AItechnology/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
AItechnology/pysot
SenseTime Research platform for single object tracking, implementing algorithms like SiamRPN and SiamMask.
AItechnology/Real-World-Masked-Face-Dataset
Real-World Masked Face Dataset,口罩人脸数据集
AItechnology/sd-webui-extensions
AItechnology/ssds.pytorch
Repository for Single Shot MultiBox Detector and its variants, implemented with pytorch, python3.
AItechnology/state-of-the-art-result-for-machine-learning-problems
This repository provides state of the art (SoTA) results for all machine learning problems. We do our best to keep this repository up to date. If you do find a problem's SoTA result is out of date or missing, please raise this as an issue or submit Google form (with this information: research paper name, dataset, metric, source code and year). We will fix it immediately.
AItechnology/the-gan-zoo
A list of all named GANs!
AItechnology/yolov5
YOLOv5 in PyTorch > ONNX > CoreML > iOS