Pinned Repositories
AssignmentProblem_with_Hungarian_and_AntColonyAlgorithm
Using Hungarian Algorithm and Ant Colony Algorithm to deal with balanced (m==n) and unbalanced (m<n) assignment problems.
DSRG
Code for A Dual Semantic-Aware Recurrent Global-Adaptive Network For Vision-and-Language Navigation
easy-rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
FireDetection_EfficientDet
use Efficientdet to detect objects in images within own customed dataset.
myFace
包括百度人脸搜索+检测,opencv人脸采集、训练和检测
PASTS
Codes for PASTS: Progress-aware Spatio-Temporal Transformer Speaker For Vision-and-Language Navigation
SEAT
VLN-GOAT
Repository for Vision-and-Language Navigation via Causal Learning (Accepted by CVPR 2024)
VLN-MAGIC
This is the official repository for MAGIC: Meta-Ability Guided Interactive Chain-of-Distillation Learning towards Efficient Vision-and-Language Navigation
VoiceRecognition
Use BD API to recognize people's voice
CrystalSixone's Repositories
CrystalSixone/AiLearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
CrystalSixone/AlphaPose
Real-Time and Accurate Full-Body Multi-Person Pose Estimation&Tracking System
CrystalSixone/coco-caption
CrystalSixone/darknet
YOLOv4 - Neural Networks for Object Detection (Windows and Linux version of Darknet )
CrystalSixone/DarkPose
Distribution-Aware Coordinate Representation for Human Pose Estimation
CrystalSixone/deep_sort_pytorch
MOT tracking using deepsort and yolov3 with pytorch
CrystalSixone/DSPNet
The official open source code of DSPNet
CrystalSixone/examples
TensorFlow examples
CrystalSixone/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
CrystalSixone/few-shot-object-detection
Implementations of few-shot object detection benchmarks
CrystalSixone/Fewshot_Detection
Few-shot Object Detection via Feature Reweighting
CrystalSixone/FewShotPapers
This repository contains few-shot learning (FSL) papers mentioned in our FSL survey.
CrystalSixone/fire-detect-yolov4
fire-smoke-detection-dataset and fire-detection-yolov4 (with xml annotations),包含爬虫代码。
CrystalSixone/FireSmokeDetectionByEfficientNet
Fire and smoke classification and detection using efficientnet
CrystalSixone/FSOD-code
CrystalSixone/genetic-drawing
A genetic algorithm toy project for drawing
CrystalSixone/HigherHRNet-Human-Pose-Estimation
This is an official implementation of our CVPR 2020 paper "HigherHRNet: Scale-Aware Representation Learning for Bottom-Up Human Pose Estimation" (https://arxiv.org/abs/1908.10357)
CrystalSixone/labelImg
🖍️ LabelImg is a graphical image annotation tool and label object bounding boxes in images
CrystalSixone/netron
Visualizer for neural network, deep learning and machine learning models
CrystalSixone/PREVALENT
large scale pretrain for navigation task
CrystalSixone/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
CrystalSixone/pytorch-ssd
MobileNetV1, MobileNetV2, VGG based SSD/SSD-lite implementation in Pytorch 1.0 / Pytorch 0.4. Out-of-box support for retraining on Open Images dataset. ONNX and Caffe2 support. Experiment Ideas like CoordConv.
CrystalSixone/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
CrystalSixone/recurrent-transformer
[ACL 2020] PyTorch code for MART: Memory-Augmented Recurrent Transformer for Coherent Video Paragraph Captioning
CrystalSixone/simple-faster-rcnn-pytorch
A simplified implemention of Faster R-CNN that replicate performance from origin paper
CrystalSixone/SSD-Pytorch
SSD目标检测算法(Single Shot MultiBox Detector)(简单,明了,易用,全中文注释,单机多卡训练,视频检测)( If you train the model on a single computer and mutil GPU, this program will be your best choice , easier to use and easier to understand )
CrystalSixone/vision_transformer
CrystalSixone/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
CrystalSixone/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > iOS
CrystalSixone/yolov4-pytorch
这是一个YoloV4-pytorch的源码,可以用于训练自己的模型。