All Projects → Fake Voice Detection → Similar Projects or Alternatives

74 Open source projects that are alternatives of or similar to Fake Voice Detection

Tensorflow Course
📡 Simple and ready-to-use tutorials for TensorFlow
Stars: ✭ 15,931 (+10112.18%)
Mutual labels:  deep-learning-tutorial
Personalised-aesthetic-assessment-using-residual-adapters
Jupyter notebooks used as supporting material for an msc thesis about personalised aesthetic assessment using residual adapters.
Stars: ✭ 19 (-87.82%)
Mutual labels:  deep-learning-tutorial
Kalasalingam
IEEE "Invited Talk on Deep Learning" 03/02/2018
Stars: ✭ 13 (-91.67%)
Mutual labels:  deep-learning-tutorial
First Steps Towards Deep Learning
This is an open sourced book on deep learning.
Stars: ✭ 376 (+141.03%)
Mutual labels:  deep-learning-tutorial
tensorflow-tutorial
郑泽宇等《TensorFlow实战Google深度学习框架》(第二版)学习
Stars: ✭ 40 (-74.36%)
Mutual labels:  deep-learning-tutorial
Relativistic Average Gan Keras
The implementation of Relativistic average GAN with Keras
Stars: ✭ 36 (-76.92%)
Mutual labels:  deep-learning-tutorial
Dlpython course
Примеры для курса "Программирование глубоких нейронных сетей на Python"
Stars: ✭ 266 (+70.51%)
Mutual labels:  deep-learning-tutorial
Androidtensorflowmachinelearningexample
Android TensorFlow MachineLearning Example (Building TensorFlow for Android)
Stars: ✭ 1,369 (+777.56%)
Mutual labels:  deep-learning-tutorial
nlp-notebooks
A collection of natural language processing notebooks.
Stars: ✭ 19 (-87.82%)
Mutual labels:  deep-learning-tutorial
Ufldl tutorial
Stanford Unsupervised Feature Learning and Deep Learning Tutorial
Stars: ✭ 689 (+341.67%)
Mutual labels:  deep-learning-tutorial
Dl tutorials 10weeks
Deep Learning Tutorials for 10 Weeks
Stars: ✭ 406 (+160.26%)
Mutual labels:  deep-learning-tutorial
Tensorflow-ML
Different machine learning algorithms implementation in Tensorflow
Stars: ✭ 26 (-83.33%)
Mutual labels:  deep-learning-tutorial
The Incredible Pytorch
The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.
Stars: ✭ 8,584 (+5402.56%)
Mutual labels:  deep-learning-tutorial
Tensorflow Project Template
A best practice for tensorflow project template architecture.
Stars: ✭ 3,466 (+2121.79%)
Mutual labels:  deep-learning-tutorial
Pytorch Neural Style Transfer
Reconstruction of the original paper on neural style transfer (Gatys et al.). I've additionally included reconstruction scripts which allow you to reconstruct only the content or the style of the image - for better understanding of how NST works.
Stars: ✭ 106 (-32.05%)
Mutual labels:  deep-learning-tutorial
Adaptnlp
An easy to use Natural Language Processing library and framework for predicting, training, fine-tuning, and serving up state-of-the-art NLP models.
Stars: ✭ 278 (+78.21%)
Mutual labels:  deep-learning-tutorial
Letslearnai.github.io
Lets Learn AI
Stars: ✭ 33 (-78.85%)
Mutual labels:  deep-learning-tutorial
RACLAB
No description or website provided.
Stars: ✭ 33 (-78.85%)
Mutual labels:  deep-learning-tutorial
Machine learning lectures
Collection of lectures and lab lectures on machine learning and deep learning. Lab practices in Python and TensorFlow.
Stars: ✭ 118 (-24.36%)
Mutual labels:  deep-learning-tutorial
nettutorial
Deep learning tutorial
Stars: ✭ 27 (-82.69%)
Mutual labels:  deep-learning-tutorial
Kur
Descriptive Deep Learning
Stars: ✭ 811 (+419.87%)
Mutual labels:  deep-learning-tutorial
deep-learning-topics
No description or website provided.
Stars: ✭ 12 (-92.31%)
Mutual labels:  deep-learning-tutorial
Machine Learning Algorithms
A curated list of almost all machine learning algorithms and deep learning algorithms grouped by category.
Stars: ✭ 92 (-41.03%)
Mutual labels:  deep-learning-tutorial
deep-learning-tutorial-with-chainer
Deep learning tutorial with Chainer
Stars: ✭ 25 (-83.97%)
Mutual labels:  deep-learning-tutorial
Stock Analysis Engine
Backtest 1000s of minute-by-minute trading algorithms for training AI with automated pricing data from: IEX, Tradier and FinViz. Datasets and trading performance automatically published to S3 for building AI training datasets for teaching DNNs how to trade. Runs on Kubernetes and docker-compose. >150 million trading history rows generated from +5000 algorithms. Heads up: Yahoo's Finance API was disabled on 2019-01-03 https://developer.yahoo.com/yql/
Stars: ✭ 605 (+287.82%)
Mutual labels:  deep-learning-tutorial
Practical Deep Learning Book
Official code repo for the O'Reilly Book - Practical Deep Learning for Cloud, Mobile & Edge
Stars: ✭ 441 (+182.69%)
Mutual labels:  deep-learning-tutorial
deep-blueberry
If you've always wanted to learn about deep-learning but don't know where to start, then you might have stumbled upon the right place!
Stars: ✭ 17 (-89.1%)
Mutual labels:  deep-learning-tutorial
Sru Deeplearning Workshop
دوره 12 ساعته یادگیری عمیق با چارچوب Keras
Stars: ✭ 66 (-57.69%)
Mutual labels:  deep-learning-tutorial
Trainyourownyolo
Train a state-of-the-art yolov3 object detector from scratch!
Stars: ✭ 399 (+155.77%)
Mutual labels:  deep-learning-tutorial
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+912.82%)
Mutual labels:  deep-learning-tutorial
Pytorch Tutorials Examples And Books
PyTorch1.x tutorials, examples and some books I found 【不定期更新】整理的PyTorch 1.x 最新版教程、例子和书籍
Stars: ✭ 346 (+121.79%)
Mutual labels:  deep-learning-tutorial
Deeplearning
This repository will contain the example detailed codes of Tensorflow and Keras, This repository will be useful for Deep Learning staters who find difficult to understand the example codes
Stars: ✭ 49 (-68.59%)
Mutual labels:  deep-learning-tutorial
Awesome Deep Learning
A curated list of awesome Deep Learning tutorials, projects and communities.
Stars: ✭ 18,071 (+11483.97%)
Mutual labels:  deep-learning-tutorial
Python autocomplete
Use Transformers and LSTMs to learn Python source code
Stars: ✭ 123 (-21.15%)
Mutual labels:  deep-learning-tutorial
Machine Learning Curriculum
Complete path for a beginner to become a Machine Learning Scientist!
Stars: ✭ 279 (+78.85%)
Mutual labels:  deep-learning-tutorial
Deep Tutorials For Pytorch
In-depth tutorials for implementing deep learning models on your own with PyTorch.
Stars: ✭ 971 (+522.44%)
Mutual labels:  deep-learning-tutorial
Pytorch Gans
My implementation of various GAN (generative adversarial networks) architectures like vanilla GAN (Goodfellow et al.), cGAN (Mirza et al.), DCGAN (Radford et al.), etc.
Stars: ✭ 271 (+73.72%)
Mutual labels:  deep-learning-tutorial
Openvino Custom Layers
Tutorial for Using Custom Layers with OpenVINO (Intel Deep Learning Toolkit)
Stars: ✭ 101 (-35.26%)
Mutual labels:  deep-learning-tutorial
Deeplearning.ai Notes
These are my notes which I prepared during deep learning specialization taught by AI guru Andrew NG. I have used diagrams and code snippets from the code whenever needed but following The Honor Code.
Stars: ✭ 262 (+67.95%)
Mutual labels:  deep-learning-tutorial
Deep Learning Experiments
Notes and experiments to understand deep learning concepts
Stars: ✭ 883 (+466.03%)
Mutual labels:  deep-learning-tutorial
cresset
Template repository to build PyTorch projects from source on any version of PyTorch/CUDA/cuDNN.
Stars: ✭ 573 (+267.31%)
Mutual labels:  deep-learning-tutorial
Alexnet with tensorflow
an implement of AlexNet with tensorflow, which has a detailed explanation.
Stars: ✭ 139 (-10.9%)
Mutual labels:  deep-learning-tutorial
pytorch-neural-style-transfer-johnson
Reconstruction of the fast neural style transfer (Johnson et al.). Some portions of the paper have been improved by the follow-up work like the instance normalization, etc. Checkout transformer_net.py's header for details.
Stars: ✭ 85 (-45.51%)
Mutual labels:  deep-learning-tutorial
Ilearndeeplearning.py
This repository contains small projects related to Neural Networks and Deep Learning in general. Subjects are closely linekd with articles I publish on Medium. I encourage you both to read as well as to check how the code works in the action.
Stars: ✭ 896 (+474.36%)
Mutual labels:  deep-learning-tutorial
Neo
Deep learning library in python from scratch
Stars: ✭ 36 (-76.92%)
Mutual labels:  deep-learning-tutorial
Easy Yolo
Yolo (Real time object detection) model training tutorial with deep learning neural networks
Stars: ✭ 98 (-37.18%)
Mutual labels:  deep-learning-tutorial
sklearn-audio-classification
An in-depth analysis of audio classification on the RAVDESS dataset. Feature engineering, hyperparameter optimization, model evaluation, and cross-validation with a variety of ML techniques and MLP
Stars: ✭ 31 (-80.13%)
Mutual labels:  deep-learning-tutorial
Tensorflow Tutorial
TensorFlow and Deep Learning Tutorials
Stars: ✭ 748 (+379.49%)
Mutual labels:  deep-learning-tutorial
tutorials
Introduction to Deep Learning: Chainer Tutorials
Stars: ✭ 68 (-56.41%)
Mutual labels:  deep-learning-tutorial
Hyperdl Tutorial
深度学习教程整理 | 干货
Stars: ✭ 1,574 (+908.97%)
Mutual labels:  deep-learning-tutorial
NumpyDL
Deep Learning Library. For education. Based on pure Numpy. Support CNN, RNN, LSTM, GRU etc.
Stars: ✭ 206 (+32.05%)
Mutual labels:  deep-learning-tutorial
Deeplearning.ai
deeplearning.ai , By Andrew Ng, All video link
Stars: ✭ 625 (+300.64%)
Mutual labels:  deep-learning-tutorial
pytorch-deepdream
PyTorch implementation of DeepDream algorithm (Mordvintsev et al.). Additionally I've included playground.py to help you better understand basic concepts behind the algo.
Stars: ✭ 293 (+87.82%)
Mutual labels:  deep-learning-tutorial
My Journey In The Data Science World
📢 Ready to learn or review your knowledge!
Stars: ✭ 1,175 (+653.21%)
Mutual labels:  deep-learning-tutorial
Deep Learning With Pytorch Chinese
本仓库将PyTorch官方书籍《Deep learning with PyTorch》(基本摘录版)翻译成中文版并给出可运行的相关代码。
Stars: ✭ 517 (+231.41%)
Mutual labels:  deep-learning-tutorial
Machine Learning Tutorials
machine learning and deep learning tutorials, articles and other resources
Stars: ✭ 11,692 (+7394.87%)
Mutual labels:  deep-learning-tutorial
Adventures In Deep Learning
A curated list of Deep Learning resources sorted by reputation
Stars: ✭ 131 (-16.03%)
Mutual labels:  deep-learning-tutorial
Deep learning notes
a collection of my notes on deep learning
Stars: ✭ 112 (-28.21%)
Mutual labels:  deep-learning-tutorial
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-57.05%)
Mutual labels:  deep-learning-tutorial
Androidtensorflowmnistexample
Android TensorFlow MachineLearning MNIST Example (Building Model with TensorFlow for Android)
Stars: ✭ 449 (+187.82%)
Mutual labels:  deep-learning-tutorial
1-60 of 74 similar projects