Pinned Repositories
3D_CNN_tensorflow
KITTI data processing and 3D CNN for Vehicle Detection
a-PyTorch-Tutorial-to-Object-Detection
SSD: Single Shot MultiBox Detector | a PyTorch Tutorial to Object Detection
Algorithms
Amazon_Forest_Computer_Vision
Satellite Image tagging code using PyTorch / Keras with lots of PyTorch tricks
Autoware
Open-Source To Self-Driving.
awesome-semantic-segmentation
:metal: awesome-semantic-segmentation
caffe-augmentation
Data Augmentation for Caffe
caffe-hybridnet
cnngeometric_pytorch
CNNGeometric PyTorch implementation
Complex-YOLOv3
PyTorch implementation of Complex-YOLO paper with YoloV3
anssandeep's Repositories
anssandeep/a-PyTorch-Tutorial-to-Object-Detection
SSD: Single Shot MultiBox Detector | a PyTorch Tutorial to Object Detection
anssandeep/Complex-YOLOv3
PyTorch implementation of Complex-YOLO paper with YoloV3
anssandeep/d2l-pytorch
This project reproduces the book Dive Into Deep Learning (www.d2l.ai), adapting the code from MXNet into PyTorch.
anssandeep/Danesfield
Kitware's system for 3D building reconstruction for the IARPA CORE3D program
anssandeep/deeplearning-models
A collection of various deep learning architectures, models, and tips
anssandeep/easy-tensorflow
Simple and comprehensive tutorials in TensorFlow
anssandeep/face-api.js
JavaScript API for face detection and face recognition in the browser and nodejs with tensorflow.js
anssandeep/FasterSeg
[ICLR 2020] "FasterSeg: Searching for Faster Real-time Semantic Segmentation" by Wuyang Chen, Xinyu Gong, Xianming Liu, Qian Zhang, Yuan Li, Zhangyang Wang
anssandeep/FishNet
Implementation code of the paper: FishNet: A Versatile Backbone for Image, Region, and Pixel Level Prediction, NeurIPS 2018
anssandeep/geoseg
A Pytorch Module for Building Segmentation and Outline Extraction
anssandeep/gray_zone_assessment
anssandeep/HistoGAN
Code for "Generative Image Translation for Data Augmentation in Colorectal Histopathology Images" full paper at ML4H Workshop at NeurIPS 2019.
anssandeep/Human_Protein
11th place solution for Kaggle Human Protein Atlas Image Classification
anssandeep/ig65m-pytorch
PyTorch 3D video classification models pre-trained on 65 million Instagram videos
anssandeep/Image-Contrast-Enhancement
Python implementation of "A New Image Contrast Enhancement Algorithm Using Exposure Fusion Framework", CAIP2017
anssandeep/kaggle-hpa
Code for 3rd place solution in Kaggle Human Protein Atlas Image Classification Challenge.
anssandeep/learnopencv
Learn OpenCV : C++ and Python Examples
anssandeep/LectureNotes
Lecture content for UW Software Engineering for Data Scientists
anssandeep/Logo-Detection
anssandeep/mml-book.github.io
Companion webpage to the book "Mathematics For Machine Learning"
anssandeep/monodepth
Unsupervised single image depth prediction with CNNs
anssandeep/NLP-progress
Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
anssandeep/pytorch-deeplab-xception
DeepLab v3+ model in PyTorch. Support different backbones.
anssandeep/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- (SE)ResNet/ResNeXT, DPN, EfficientNet, MixNet, MobileNet-V3/V2/V1, MNASNet, Single-Path NAS, FBNet, and more
anssandeep/pytorch-retinanet
Pytorch implementation of RetinaNet object detection.
anssandeep/pytorch-yolo-v3
A PyTorch implementation of the YOLO v3 object detection algorithm
anssandeep/second.pytorch
PointPillars for KITTI object detection
anssandeep/segmentation_models.pytorch
Segmentation models with pretrained backbones. PyTorch.
anssandeep/swav
PyTorch implementation of SwAV https//arxiv.org/abs/2006.09882
anssandeep/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.