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/Accessing-and-modifying-different-layers-of-a-pretrained-model-in-pytorch
geochri/amazfit-watchfaces
Custom Amazfit Watchfaces for Pace/Stratos
geochri/audio_classification
CNN 1D vs 2D audio classification
geochri/awesome-semantic-segmentation
:metal: awesome-semantic-segmentation
geochri/CampX
Tensor Based Environment Framework for Training RL Agents - Pre Alpha
geochri/Cyclical_LR_Scheduler_With_Decay_Pytorch
Cyclical_LR_Scheduler_With_Decay_Pytorch
geochri/deep-learning-v2-pytorch
Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101
geochri/dl1
geochri/fastai_audio
geochri/Fruits-classification-app-Flask-
geochri/generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
geochri/GTX-vs-RTX-Deep-Learning-benchmarks
geochri/isce_notes
installation notes for ISCE software
geochri/lidar-viewer
Visualize your lidar data in your browser
geochri/lstm-gru-pytorch
LSTM and GRU in PyTorch
geochri/MAMEToolkit
A Python toolkit used to train reinforcement learning algorithms against arcade games
geochri/nn-transfer
Convert trained PyTorch models to Keras, and the other way around
geochri/practical-pytorch
PyTorch tutorials demonstrating modern techniques with readable code
geochri/pyAudioClassification
🎶 dead simple audio classification
geochri/pyroSAR
framework for large-scale SAR satellite data processing
geochri/PyTorch-CIFAR-10-autoencoder
This is a reimplementation of the blog post "Building Autoencoders in Keras". Instead of using MNIST, this project uses CIFAR10.
geochri/pytorch-CortexNet
PyTorch implementation of the CortexNet predictive model
geochri/pytorch_objectdetecttrack
Object detection in images, and tracking across video frames
geochri/pytorch_onnx_openvino
Validation of the PyTorch -> ONNX -> Intel OpenVino workflow using pretrained ResNet-50
geochri/pytorch_sudoku
Very simple pytorch model that can solve Sudokus
geochri/SRGAN-PyTorch
A PyTorch implementation of SRGAN specific for Anime Super Resolution based on "Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network". And another PyTorch WGAN-gp implementation of SRGAN referring to "Improved Training of Wasserstein GANs".
geochri/SVRG-Pytorch
Implementation of an efficient variant of SVRG that relies on mini-batching implemented in Pytorch
geochri/textmate
TextMate is a graphical text editor for macOS 10.10 or later
geochri/UnityImageSynthesisTutorial1
Use Unity to generate synthetic images for deep learning image segmentation in PyTorch and fastai
geochri/Web-Data-Scraping-S2019