Pinned Repositories
2019-Electronic-Design-Competition
2019 全国大学生电子设计竞赛 【F题】纸张数量检测装置 (基于STM32 & FDC2214 & USART HMI)
aclswarm
MIT ACL formation flying using multirotors
AerialClassifier
ImageClassifier with Keras
AirGym
AirSim with openAI gym and keras-rl integration for autonomous copter RL
AirSim
Please take some time to respond to our user survey:
AirSim-1
Airsim_Drones_TT
Airsim_RL
Training RL agent Drone in Airsim environment with PPO
AirSimCarKerasRLEnvironment
An implementation of a OpenAI Gym (with KerasRL) Environment for AirSim Car
AirSimNeuralNet
Neural network to provide collision avoidance for a drone
vxgu86's Repositories
vxgu86/aclswarm
MIT ACL formation flying using multirotors
vxgu86/AlexNet_TensorFlow2.0-2.2
I am pleased to update the AlexNet and its variants to adapt to TensorFlow 2.0/2.1/2.2. Since the original script of myalexnet_forward written by the AlexNet team was build on TensorFlow 1.x in 2017, it has generated many errors during the runtime in the env. of TensorFlow 2.x. Either the AlexNet team has no time to update, or it is very hard for developers to find out the AlexNet variants to adapt to TensorFlow 2.0/2.1/2.2 with the Google search. Furthermore, I split the AlexNet model in both the OOP and the pure command style and make client applications to call the AlexNet model because the AlexNet model is not separated in most of the published scenarios which incur the difficulties for developer's deep learning. Considering that AlexNet is the greatest milestone in the CNNN/DNN history (Mr. Hinton has just won the Turing Award in 2019 and the event is not far from fading away), it is important to continue its usability and accessibility to all developers. It is exciting for me to take the opportunity to share the new update.
vxgu86/camera-capture
GUI tool for collecting & labeling data from live camera feed
vxgu86/computervision-recipes
Best Practices, code samples, and documentation for Computer Vision.
vxgu86/configSet
vxgu86/Deep-Reinforcement-Learning-for-Automated-Stock-Trading-Ensemble-Strategy-ICAIF-2020
Deep Reinforcement Learning for Automated Stock Trading: An Ensemble Strategy. ICAIF 2020. Please star.
vxgu86/deepstream_360_d_smart_parking_application
Describes the full end to end smart parking application that is available with DeepStream 4.0
vxgu86/distance-assistant
Pedestrian monitor that provides visual feedback to help ensure proper social distancing guidelines are being observed
vxgu86/DL_classifier_helpme
vxgu86/MiDaS
Code for robust monocular depth estimation described in "Ranftl et. al., Towards Robust Monocular Depth Estimation: Mixing Datasets for Zero-shot Cross-dataset Transfer, arXiv:1907.01341"
vxgu86/ml-agents
The Unity Machine Learning Agents Toolkit (ML-Agents) is an open-source project that enables games and simulations to serve as environments for training intelligent agents using deep reinforcement learning and imitation learning.
vxgu86/MoreBlog
vxgu86/nasbench
NASBench: A Neural Architecture Search Dataset and Benchmark
vxgu86/nndl.github.io
《神经网络与深度学习》 邱锡鹏著 Neural Network and Deep Learning
vxgu86/nni
An open source AutoML toolkit for automate machine learning lifecycle, including feature engineering, neural architecture search, model compression and hyper-parameter tuning.
vxgu86/PaddleDetection
Object detection and instance segmentation toolkit based on PaddlePaddle.
vxgu86/PipeCNN
An OpenCL-based FPGA Accelerator for Convolutional Neural Networks
vxgu86/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
vxgu86/python_tips
vxgu86/RAPPIDS
Rectangular Pyramid Partitioning using Integrated Depth Sensors (RAPPIDS): A Fast Planner for Multicopter Navigation
vxgu86/ReID_tutorial_slides
《深度学习与行人重识别》课程课件
vxgu86/rov-master
ROV水下航行器(基于 NanoPi NEO Core)
vxgu86/rovmaster-hardware
ROV电路硬件相关
vxgu86/SSD-Tensorflow
Single Shot MultiBox Detector in TensorFlow
vxgu86/Stock-Prediction-Models
Gathers machine learning and deep learning models for Stock forecasting including trading bots and simulations
vxgu86/swarmlib
This repository implements several swarm optimization algorithms and visualizes them. Implemented algorithms: Particle Swarm Optimization (PSO), Firefly Algorithm (FA), Cuckoo Search (CS), Ant Colony Optimization (ACO), Artificial Bee Colony (ABC), Grey Wolf Optimizer (GWO) and Whale Optimization Algorithm (WOA)
vxgu86/underwater-object-detection
Kesci underwater object detection algorithm contest
vxgu86/Underwater_detection
2020年全国水下机器人(湛江)大赛
vxgu86/VIO
Interface PX4 with Realsense T265
vxgu86/zoom-camera-controller
ROVMaster 变焦镜头控制程序