Pinned Repositories
3dmatch-toolbox
3DMatch - a 3D ConvNet-based local geometric descriptor for aligning 3D meshes and point clouds.
3dv_tutorial
An Invitation to 3D Vision: A Tutorial for Everyone
ademxapp
Code for https://arxiv.org/abs/1611.10080
AirSim
Open source simulator based on Unreal Engine for autonomous vehicles from Microsoft AI & Research
Deep-Learning-for-Precipitation-Nowcasting-A-Benchmark-and-A-New-Model.
Source code of paper "[NIPS2017] Deep Learning for Precipitation Nowcasting: A Benchmark and A New Model"
keras-retinanet
Keras implementation of RetinaNet object detection.
opencv-markerless-AR
Markless AR transplanted to iOS and Android based on takmin's code.
pytorch-playground----fixed-point-quantized
Base pretrained models and datasets in pytorch (MNIST, SVHN, CIFAR10, CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet)
stereo-dense-reconstruction
Dense 3D reconstruction from stereo (using LIBELAS)
stock-prediction
Stock price prediction with recurrent neural network. The data is from the Chinese stock.
scholltan's Repositories
scholltan/AG-ROBOT
一个基于OPENSCAD的农业工程机器人
scholltan/agribrain
AgriBrain is an agriculture and irrigation management system that integrates monitoring, analysis and automation into a single platform
scholltan/awesome-leetcode
Leetcode 题解 (跟随思路一步一步撸出代码) 及经典算法实现
scholltan/awesome-quant
**的Quant相关资源索引
scholltan/CEN4020
scholltan/CS-Notes
:books: Computer Science Learning Notes
scholltan/Deep-Learning-Interview
深度学习面试汇总,基本知识点的查漏补缺
scholltan/DeepGuidedFilter
Official Implementation for Deep Guided Filter, CVPR 2018
scholltan/efficientnetv2.pytorch
PyTorch implementation of EfficientNetV2 family
scholltan/face-nn
游戏捏脸,基于神经风格迁移框架生成逼真人脸
scholltan/faceswap
Non official project based on original /r/Deepfakes thread. Many thanks to him!
scholltan/faceswap-GAN
A denoising autoencoder + adversarial loss for face swapping.
scholltan/Image-Denoising-State-of-the-art
scholltan/LeetCode-1
:pencil: Python / C++ 11 Solutions of All LeetCode Questions
scholltan/lip-reading-resources
scholltan/machine-learning-for-trading
Code for Machine Learning for Algorithmic Trading, 2nd edition.
scholltan/Medical-Data-Visualization-3D
This is a medical data visualization program. This takes in some medical DICOM, MRI, CT data and produces 3D model. There are also other tools included such as image scroller, image segmentation, brain 3d model, bone 3d model visualizer.
scholltan/mmcv
Open MMLab Computer Vision Foundation
scholltan/MTF
Modular Tracking Framework
scholltan/Netron
Viewer for neural network models
scholltan/ORB_SLAM3_detailed_comments
Detailed comments for ORB-SLAM3
scholltan/PSMNet
Pyramid Stereo Matching Network (CVPR2018)
scholltan/Setup-deeplearning-tools
Setup cuda/ cudnn/ TensorRT/ onnx2trt/ onnxruntime/ onnxsim/ Pytorch/ Triton-Inference-Server/ Bazel/ Tesseract/ NVIDIA-docker on AGX or PC from scratch.
scholltan/stereo-dso
Stereo DSO
scholltan/TensorFlow-Course
Simple and ready-to-use tutorials for TensorFlow
scholltan/Tensorflow-Project-Template
A best practice for tensorflow project template architecture.
scholltan/tensorpack
A Neural Net Training Interface on TensorFlow
scholltan/tfoptflow
Optical Flow Estimation with TensorFlow. Implements "PWC-Net: CNNs for Optical Flow Using Pyramid, Warping, and Cost Volume," by Deqing Sun et al. (CVPR 2018)
scholltan/vision
Datasets, Transforms and Models specific to Computer Vision
scholltan/yolov5
YOLOv5 in PyTorch > ONNX > CoreML > iOS