Pinned Repositories
A-Collection-of-important-tasks-in-pytorch
Everyday things people use in Pytorch. No need to spend hours reading Pytorch forums trying to find them!
A-journey-into-Convolutional-Neural-Network-visualization-
A journey into Convolutional Neural Network visualization
adagraph
PyTorch implementation of AdaGraph: Unifying Predictive and Continuous Domain Adaptation through Graphs
adversarial
Conditional generative adversarial networks for convolutional face generation
AndroidTensorFlowMachineLearningExample
Android TensorFlow MachineLearning Example (Building TensorFlow for Android)
architect-awesome
后端架构师技术图谱
Artificial-Intelligence-Deep-Learning-Machine-Learning-Tutorials
A comprehensive list of Deep Learning / Artificial Intelligence and Machine Learning tutorials - rapidly expanding into areas of AI/Deep Learning / Machine Vision / NLP and industry specific areas such as Automotives, Retail, Pharma, Medicine, Healthcare by Tarry Singh until at-least 2020 until he finishes his Ph.D. (which might end up being inter-stellar cosmic networks! Who knows! 😀)
Attention_UNet
Raw implementation of attention gated U-Net by Keras
ENAS-Quantized-Neural-Networks
Efficient Neural Architecture Search coupled with Quantized CNNs to search for resource efficient and accurate architectures.
Quantized-Nets
Contains code for Binary, Ternary, N-bit Quantized and Hybrid CNNs for low precision experiments.
rameezrehman83's Repositories
rameezrehman83/Catastrophic-Forgetting
Testing environment for various ideas to overcome the catastrophic forgetting.
rameezrehman83/computer-science-in-javascript
Collection of classic computer science paradigms, algorithms, and approaches written in JavaScript.
rameezrehman83/Convolutional-Network
A convolutional neural network from scratch
rameezrehman83/cvpr2015
rameezrehman83/DDUnet-Modified-Unet-for-WMH-with-Dense-Dilate
WMH segmentaion with unet, dilated_unet, and with ideas from denseNet
rameezrehman83/deep-photo-styletransfer
Code and data for paper "Deep Photo Style Transfer": https://arxiv.org/abs/1703.07511
rameezrehman83/Dogs-vs-Cats
rameezrehman83/fast-rcnn
Fast R-CNN
rameezrehman83/How-to-Learn-from-Little-Data
This is the code for "How to Learn from Little Data - Intro to Deep Learning #17' by Siraj Raval on YouTube
rameezrehman83/Image-classification-transfer-learning
Retraining Google Inception V3 model to perform custom Image Classification.
rameezrehman83/Image-Recognition-with-Deep-Learning
Image Classifier using Transfer Learning
rameezrehman83/Image_Classification_with_5_methods
Compared performance of KNN, SVM, BPNN, CNN, Transfer Learning (retrain on Inception v3) on image classification problem. CNN is implemented with TensorFlow
rameezrehman83/Keras-FCN
Keras-tensorflow implementation of Fully Convolutional Networks for Semantic Segmentation(Unfinished)
rameezrehman83/Machine-Learning-and-Pattern-Recognition
Implementation of Machine Learning Algorithms
rameezrehman83/NakedTensor
Bare bone examples of machine learning in TensorFlow
rameezrehman83/object-detector
Object Detection Framework using HOG as descriptor and Linear SVM as classifier.
rameezrehman83/rcnn
R-CNN: Regions with Convolutional Neural Network Features
rameezrehman83/scipy-2016-sklearn
Scikit-learn tutorial at SciPy2016
rameezrehman83/semantic-segmentation-1
Semantic Segmentation of open road segments - Part of Udacity SDCND
rameezrehman83/simple-chess-ai
A simple chess AI
rameezrehman83/TensorFlow-in-a-Nutshell
The repo for the fast and easy guide to the most popular deep learning framework in the world.
rameezrehman83/TensorFlow-Tutorials-for-Time-Series
TensorFlow Tutorial for Time Series Prediction
rameezrehman83/TensorFlow-Xception
TensorFlow implementation of the Xception Model by François Chollet
rameezrehman83/texture_nets
Code for "Texture Networks: Feed-forward Synthesis of Textures and Stylized Images" paper.
rameezrehman83/tf-image-segmentation
Image Segmentation framework based on Tensorflow and TF-Slim library
rameezrehman83/thermography
Automatic detection of defected solar panel modules
rameezrehman83/Tree_CNN_LSTM
[Thesis] Add Convolution layer to TreeLSTM
rameezrehman83/TwitterFollowBot
A Python bot that automates several actions on Twitter, such as following users and favoriting tweets.
rameezrehman83/UNet-in-Tensorflow
U-Net implementation in Tensorflow
rameezrehman83/VGG16CAM-keras
Keras implementation of the VGG16-CAM model