Pinned Repositories
amazon-sagemaker-examples
Example notebooks that show how to apply machine learning and deep learning in Amazon SageMaker
awesome-python
A curated list of awesome Python frameworks, libraries, software and resources
coding-interview-university
A complete computer science study plan to become a software engineer.
OMASGAN_
OoD Minimum Anomaly Score GAN - Code for the Paper 'OMASGAN: Out-of-Distribution Minimum Anomaly Score GAN for Sample Generation on the Boundary'
Probabilistic-Programming-and-Bayesian-Methods-for-Hackers
aka "Bayesian Methods for Hackers": An introduction to Bayesian methods + probabilistic programming with a computation/understanding-first, mathematics-second point of view. All in pure Python ;)
Proof-Of-Concept
Proof Of Concept: Obtaining Graphs Like Fig. 4 in the Paper "Phase-Aware Single-Channel Speech Enhancement with Modulation-Domain Kalman Filtering"
PythonProgramming
Python Programming
PyTorch-Tutorial-1
Build your neural network easy and fast
RepoRepository
MyRepoRepository
Theano
Theano is a Python library that allows you to define, optimize, and evaluate mathematical expressions involving multi-dimensional arrays efficiently. It can use GPUs and perform efficient symbolic differentiation.
nd1511's Repositories
nd1511/cascade-rcnn_Pytorch
An implementation of Cascade R-CNN: Delving into High Quality Object Detection.
nd1511/data-science-ipython-notebooks
Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.
nd1511/deeplabv3
PyTorch implementation of DeepLabV3, trained on the Cityscapes dataset.
nd1511/dragonfly
Speech recognition framework allowing powerful Python-based scripting and extension of Dragon NaturallySpeaking (DNS) and Windows Speech Recognition (WSR)
nd1511/generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
nd1511/grokking-pytorch
The Hitchiker's Guide to PyTorch
nd1511/keras
Deep Learning for humans
nd1511/models
Models and examples built with TensorFlow
nd1511/nussl
A simple audio source separation library built in python
nd1511/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
nd1511/pytorch-kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
nd1511/reinforcement-learning-an-introduction
Python Implementation of Reinforcement Learning: An Introduction
nd1511/seq2seq
Attention-based sequence to sequence learning
nd1511/TopDeepLearning
A list of popular github projects related to deep learning
nd1511/caffe2
Caffe2 is a lightweight, modular, and scalable deep learning framework.
nd1511/CASCADE--Contextual-Sarcasm-Detection
This repo contains code to detect sarcasm from text in discussion forum using deep learning
nd1511/deep-speaker
Deep Speaker: an End-to-End Neural Speaker Embedding System https://arxiv.org/pdf/1705.02304.pdf
nd1511/eesen
The official repository of the Eesen project
nd1511/gcn
Implementation of Graph Convolutional Networks in TensorFlow
nd1511/hands-on-transfer-learning-with-python
Deep learning simplified by transferring prior learning using the Python deep learning ecosystem
nd1511/hctsa
Highly comparative time-series analysis code repository
nd1511/kaldi-io-for-python
Python functions for reading kaldi data formats. Useful for rapid prototyping with python.
nd1511/ml-videos
A collection of video resources for machine learning
nd1511/practical-machine-learning-with-python
Master the essential skills needed to recognize and solve complex real-world problems with Machine Learning and Deep Learning by leveraging the highly popular Python Machine Learning Eco-system.
nd1511/pytoune
A Keras-like framework and utilities for PyTorch
nd1511/residual_mimic_net
spectral mapping using residual neural network
nd1511/Speech-enhancement
Deep neural network based speech enhancement toolkit
nd1511/TensorDecompositions.jl
A Julia implementation of tensor decomposition algorithms
nd1511/tensorflow-without-a-phd
A crash course in six episodes for software developers who want to become machine learning practitioners.
nd1511/VAD
Voice activity detection (VAD) toolkit including DNN, bDNN, LSTM and ACAM based VAD. We also provide our directly recorded dataset.