Pinned Repositories
ark-twokenize-py
Python port of the Twokenize class of ark-tweet-nlp
awesome-deep-vision
A curated list of deep learning resources for computer vision
chatbot-retrieval
Dual LSTM Encoder for Dialog Response Generation
cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
coremltools
Converter tools for Core ML.
cs224d-solutions
Solutions for http://cs224d.stanford.edu/
darknet
Convolutional Neural Networks
deep-learning-seminars
Introduction to deep learning (seminars in form of iPython Notebooks)
tensorflow-scrnn
Tensorflow implementation of SCRNN cell
tensorflow-word2vec
TensorFlow implementation of Word2Vec Skip-Gram model with negative sampling
denmoroz's Repositories
denmoroz/deep-learning-seminars
Introduction to deep learning (seminars in form of iPython Notebooks)
denmoroz/coremltools
Converter tools for Core ML.
denmoroz/darknet
Convolutional Neural Networks
denmoroz/darknet_scripts
Auxilary scripts to work with (YOLO) darknet deep learning famework. AKA -> How to generate YOLO anchors?
denmoroz/EEGClassificationMCNN
Solution for EEG Classification via Multiscale Convolutional Net coded for NeuroHack at Yandex.
denmoroz/imgaug
Image augmentation for machine learning experiments.
denmoroz/improved_wgan_training
Code for reproducing experiments in "Improved Training of Wasserstein GANs"
denmoroz/inplace_abn
In-Place Activated BatchNorm for Memory-Optimized Training of DNNs
denmoroz/keras
Deep Learning for humans
denmoroz/Keras-inference-time-optimizer
Optimize layers structure of Keras model to reduce computation time
denmoroz/keras-one-cycle
Implementation of One-Cycle Learning rate policy (adapted from Fast.ai lib)
denmoroz/labelImg
:metal: LabelImg is a graphical image annotation tool and label object bounding boxes in images
denmoroz/lectures
Oxford Deep NLP 2017 course
denmoroz/LightGBM
A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks.
denmoroz/mo-labs
BSUIR masters machine learning course
denmoroz/mo-labs-2
BSUIR Machine Learning labs: neural networks
denmoroz/Netron
Visualizer for deep learning and machine learning models
denmoroz/openalpr
Automatic License Plate Recognition library
denmoroz/Practical_RL
A course in reinforcement learning in the wild
denmoroz/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
denmoroz/pytorch-tensor-decompositions
PyTorch implementation of [1412.6553] and [1511.06530] tensor decomposition methods for convolutional layers.
denmoroz/pytorch-yolo2
Convert https://pjreddie.com/darknet/yolo/ into pytorch
denmoroz/QuantizedNeuralNetworks-Keras-Tensorflow
Quantized Neural Networks - networks trained for inference at arbitrary low precision.
denmoroz/squeezeDet
A tensorflow implementation for SqueezeDet, a convolutional neural network for object detection.
denmoroz/sru
Training RNNs as Fast as CNNs (https://arxiv.org/abs/1709.02755)
denmoroz/swa
Stochastic Weight Averaging in PyTorch
denmoroz/ultrasound-nerve-segmentation
Deep Learning Tutorial for Kaggle Ultrasound Nerve Segmentation competition, using Keras
denmoroz/WassersteinGAN
denmoroz/YOLO-CoreML-MPSNNGraph
Tiny YOLO for iOS implemented using CoreML but also using the new MPS graph API.
denmoroz/YSDA_deeplearning17
Yandex SDA classes on deep learning. Version of year 2017