Pinned Repositories
60daysofudacity
Secure and Private AI Scholarship Challenge Nanodegree Program
AlphaZero_Chess
PyTorch implementation of AlphaZero Chess from scratch
approachingalmost
Approaching (Almost) Any Machine Learning Problem
Disease-detection-using-chest-xrays
For the demo. Click on the link.
flask-shop
an e-commerce project mock of saleor
greedyFeatureSelection
greedy feature selection based on ROC AUC
Hyperparameter-Tuning-with-Python
Hyperparameter Tuning with Python
lunar-segmentation-openvino
An implementation of PyTorch's UNet Model and SegNet Model for Image Segmentation and Large Rock Detection on Artificial Lunar Landscape Dataset that also works on Intel ® OpenVINO™
SmogDetection
UdacityOpenSource
A repository to keep all open sources projects that created by individuals or study groups.
geochri's Repositories
geochri/60-days-of-Udacity
geochri/apex
A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch
geochri/AV-Game-of-Deep-Learning
AnalyticsVidhya- Game of Deep Learning: Computer Vision Hackathon
geochri/Beta-Mish
β-Mish: An uni-parametric adaptive activation function derived from Mish.
geochri/crnn-pytorch-1
Pytorch implementation of CRNN (CNN + RNN + CTCLoss) for all language OCR.
geochri/crnn-pytorch-2
Pytorch implementation of OCR system using CRNN + CTCLoss
geochri/Deep-Learning-in-Production
In this repository, I will share some useful notes and references about deploying deep learning-based models in production.
geochri/DeepLearningExamples
Deep Learning Examples
geochri/DLwithPyTorch
Code to accompany my upcoming book "Deep learning with PyTorch Book " from Packt
geochri/DocProduct
Medical Q&A with Deep Language Models
geochri/ELF
ELF: a platform for game research with AlphaGoZero/AlphaZero reimplementation
geochri/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
geochri/Fruit-Images-Dataset
Fruits-360: A dataset of images containing fruits and vegetables
geochri/Grokking-Deep-Learning
this repository accompanies my forthcoming book "Grokking Deep Learning"
geochri/imgaug
Image augmentation for machine learning experiments.
geochri/learnopencv
Learn OpenCV : C++ and Python Examples
geochri/ML-From-Scratch
Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.
geochri/pytorch-cifar
95.16% on CIFAR10 with PyTorch
geochri/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
geochri/pytorch-tutorials
geochri/Reading-Facebook-Secure-and-Private-AI-Scholarship
This repository contains resources for reading related to the Facebook AI scholarship.
geochri/Real-Time-Voice-Cloning
Clone a voice in 5 seconds to generate arbitrary speech in real-time
geochri/SLAF
Understanding DNN
geochri/SRGAN-1
A PyTorch implementation of SRGAN based on CVPR 2017 paper "Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network"
geochri/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.
geochri/STEAL
STEAL - Learning Semantic Boundaries from Noisy Annotations
geochri/tensorboardX
tensorboard for pytorch (and chainer, mxnet, numpy, ...)
geochri/The-love-I-receive-from-Udacity-reviewer-resources
To memorize the journey start from self-driving Car Engineer Nanodegree Program to Artificial Intelligence Nanodegree Program to Flying Car Nanodegree Program then Robotics Software Nanodegree Program
geochri/tutorials
Tutorials for creating and using ONNX models
geochri/unet.pytorch
PyTorch implementation of the U-Net for image semantic segmentation, with dense CRF post-processing compatible with OpenVINO 2019 R1