All Projects → Deep Dream In Pytorch → Similar Projects or Alternatives

6825 Open source projects that are alternatives of or similar to Deep Dream In Pytorch

Vitech
tuyển chọn các tài liệu về công nghệ bằng tiếng Việt
Stars: ✭ 63 (-30%)
Intro To Deep Learning
A collection of materials to help you learn about deep learning
Stars: ✭ 103 (+14.44%)
Netron
Visualizer for neural network, deep learning, and machine learning models
Stars: ✭ 17,193 (+19003.33%)
Mutual labels:  ai, torch, caffe2
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+7.78%)
Gans In Action
Companion repository to GANs in Action: Deep learning with Generative Adversarial Networks
Stars: ✭ 748 (+731.11%)
Caffe2
Caffe2 is a lightweight, modular, and scalable deep learning framework.
Stars: ✭ 8,409 (+9243.33%)
Mutual labels:  ai, deep-neural-networks, caffe2
Learnopencv
Learn OpenCV : C++ and Python Examples
Stars: ✭ 15,385 (+16994.44%)
Caffe2 Ios
Caffe2 on iOS Real-time Demo. Test with Your Own Model and Photos.
Stars: ✭ 221 (+145.56%)
Mutual labels:  ai, deep-neural-networks, caffe2
Deeppavlov
An open source library for deep learning end-to-end dialog systems and chatbots.
Stars: ✭ 5,525 (+6038.89%)
Mutual labels:  ai, deep-neural-networks
Food 101 Keras
Food Classification with Deep Learning in Keras / Tensorflow
Stars: ✭ 646 (+617.78%)
Mutual labels:  ai, jupyter-notebook
Windows Machine Learning
Samples and Tools for Windows ML.
Stars: ✭ 663 (+636.67%)
Mutual labels:  ai, caffe2
Tensor House
A collection of reference machine learning and optimization models for enterprise operations: marketing, pricing, supply chain
Stars: ✭ 449 (+398.89%)
Mutual labels:  ai, jupyter-notebook
Docs
TensorFlow documentation
Stars: ✭ 4,999 (+5454.44%)
Ffdl
Fabric for Deep Learning (FfDL, pronounced fiddle) is a Deep Learning Platform offering TensorFlow, Caffe, PyTorch etc. as a Service on Kubernetes
Stars: ✭ 640 (+611.11%)
Mutual labels:  ai, deep-neural-networks
Machine learning tutorials
Code, exercises and tutorials of my personal blog ! 📝
Stars: ✭ 601 (+567.78%)
Mutual labels:  ai, jupyter-notebook
Basic reinforcement learning
An introductory series to Reinforcement Learning (RL) with comprehensive step-by-step tutorials.
Stars: ✭ 826 (+817.78%)
Mutual labels:  ai, jupyter-notebook
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+784.44%)
Deep Embedded Memory Networks
https://arxiv.org/abs/1707.00836
Stars: ✭ 19 (-78.89%)
Concise Ipython Notebooks For Deep Learning
Ipython Notebooks for solving problems like classification, segmentation, generation using latest Deep learning algorithms on different publicly available text and image data-sets.
Stars: ✭ 23 (-74.44%)
Pytorch Multi Style Transfer
Neural Style and MSG-Net
Stars: ✭ 687 (+663.33%)
All Classifiers 2019
A collection of computer vision projects for Acute Lymphoblastic Leukemia classification/early detection.
Stars: ✭ 22 (-75.56%)
Tf Keras Surgeon
Pruning and other network surgery for trained TF.Keras models.
Stars: ✭ 25 (-72.22%)
Machine Learning Experiments
🤖 Interactive Machine Learning experiments: 🏋️models training + 🎨models demo
Stars: ✭ 841 (+834.44%)
Mutual labels:  ai, jupyter-notebook
Letslearnai.github.io
Lets Learn AI
Stars: ✭ 33 (-63.33%)
Mutual labels:  ai, deep-neural-networks
Dl Colab Notebooks
Try out deep learning models online on Google Colab
Stars: ✭ 969 (+976.67%)
Bipropagation
Stars: ✭ 41 (-54.44%)
Yolo2 Pytorch
PyTorch implementation of the YOLO (You Only Look Once) v2
Stars: ✭ 426 (+373.33%)
Mutual labels:  deep-neural-networks, caffe2
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+307.78%)
Keras Openface
Keras-OpenFace is a project converting OpenFace from Torch implementation to a Keras version
Stars: ✭ 538 (+497.78%)
Mutual labels:  jupyter-notebook, torch
Torch2coreml
Torch7 -> CoreML
Stars: ✭ 363 (+303.33%)
Mutual labels:  ai, torch
Speech Emotion Analyzer
The neural network model is capable of detecting five different male/female emotions from audio speeches. (Deep Learning, NLP, Python)
Stars: ✭ 633 (+603.33%)
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 (+572.22%)
Saliency
TensorFlow implementation for SmoothGrad, Grad-CAM, Guided backprop, Integrated Gradients and other saliency techniques
Stars: ✭ 648 (+620%)
Machinelearning Deeplearning Nlp Leetcode Statisticallearningmethod Tensorflow
最近在学习机器学习,深度学习,自然语言处理,统计学习方法等知识,理论学习主要根据readme的链接,在学习理论的同时,决定自己将学习的相关算法用Python实现一遍,并结合GitHub上相关大牛的代码进行改进,本项目会不断的更新相关算法,欢迎star,fork和关注。 主要包括: 1.吴恩达Andrew Ng老师的机器学习课程作业个人笔记 Python实现, 2.deeplearning.ai(吴恩达老师的深度学习课程笔记及资源) Python实现, 3.李航《统计学习方法》 Python代码实现, 4.自然语言处理NLP 牛津大学xDeepMind Python代码实现, 5.LeetCode刷题,题析,分析心得笔记 Java和Python代码实现, 6.TensorFlow人工智能实践代码笔记 北京大学曹健老师课程和TensorFlow:实战Google深度学习框架(第二版) Python代码实现, 附带一些个人心得和笔记。GitHub上有很多机器学习课程的代码资源,我也准备自己实现一下,后续会更新笔记,代码和百度云网盘链接。 这个项目主要是学习算法的,并且会不断更新相关资源和代码,欢迎关注,star,fork! Min's blog 欢迎访问我的博客主页! (Welcome to my blog website !)https://liweimin1996.github.io/
Stars: ✭ 359 (+298.89%)
Mutual labels:  ai, jupyter-notebook
Pconv Keras
Unofficial implementation of "Image Inpainting for Irregular Holes Using Partial Convolutions". Try at: www.fixmyphoto.ai
Stars: ✭ 786 (+773.33%)
Mutual labels:  ai, jupyter-notebook
Aiopen
AIOpen是一个按人工智能三要素(数据、算法、算力)进行AI开源项目分类的汇集项目,项目致力于跟踪目前人工智能(AI)的深度学习(DL)开源项目,并尽可能地罗列目前的开源项目,同时加入了一些曾经研究过的代码。通过这些开源项目,使初次接触AI的人们对人工智能(深度学习)有更清晰和更全面的了解。
Stars: ✭ 62 (-31.11%)
Mutual labels:  ai, jupyter-notebook
Awesome Ai Ml Dl
Awesome Artificial Intelligence, Machine Learning and Deep Learning as we learn it. Study notes and a curated list of awesome resources of such topics.
Stars: ✭ 831 (+823.33%)
Mutual labels:  ai, jupyter-notebook
Deepo
Setup and customize deep learning environment in seconds.
Stars: ✭ 6,145 (+6727.78%)
Mutual labels:  torch, caffe2
Deepfake Detection
DeepFake Detection: Detect the video is fake or not using InceptionResNetV2.
Stars: ✭ 23 (-74.44%)
Csc deeplearning
3-day dive into deep learning at csc
Stars: ✭ 22 (-75.56%)
Ai Doctor
Machine learning discord bot , Detects diseases within seconds with just an xray scan
Stars: ✭ 27 (-70%)
Mutual labels:  ai, jupyter-notebook
Text summurization abstractive methods
Multiple implementations for abstractive text summurization , using google colab
Stars: ✭ 359 (+298.89%)
Mutual labels:  ai, jupyter-notebook
Densedepth
High Quality Monocular Depth Estimation via Transfer Learning
Stars: ✭ 963 (+970%)
Servenet
Service Classification based on Service Description
Stars: ✭ 21 (-76.67%)
Teacher Student Training
This repository stores the files used for my summer internship's work on "teacher-student learning", an experimental method for training deep neural networks using a trained teacher model.
Stars: ✭ 34 (-62.22%)
Mutual labels:  ai, jupyter-notebook
Dlt
Deep Learning Toolbox for Torch
Stars: ✭ 20 (-77.78%)
Mutual labels:  deep-neural-networks, torch
Deej A.i.
Create automatic playlists by using Deep Learning to *listen* to the music
Stars: ✭ 57 (-36.67%)
Lipreading
Stars: ✭ 49 (-45.56%)
Elemnet
Deep Learning the Chemistry of Materials From Only Elemental Composition for Enhancing Materials Property Prediction
Stars: ✭ 44 (-51.11%)
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-33.33%)
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-27.78%)
Kalasalingam
IEEE "Invited Talk on Deep Learning" 03/02/2018
Stars: ✭ 13 (-85.56%)
My Journey In The Data Science World
📢 Ready to learn or review your knowledge!
Stars: ✭ 1,175 (+1205.56%)
Cs231n
My Solution to Assignments of CS231n in Winter2016
Stars: ✭ 71 (-21.11%)
Mit 6.s094
MIT-6.S094: Deep Learning for Self-Driving Cars Assignments solutions
Stars: ✭ 74 (-17.78%)
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-25.56%)
Dann
Deep Neural Network Sandbox for JavaScript.
Stars: ✭ 75 (-16.67%)
Mutual labels:  ai, deep-neural-networks
Swae
Implementation of the Sliced Wasserstein Autoencoders
Stars: ✭ 75 (-16.67%)
Dareblopy
Data Reading Blocks for Python
Stars: ✭ 82 (-8.89%)
Action Recognition Visual Attention
Action recognition using soft attention based deep recurrent neural networks
Stars: ✭ 350 (+288.89%)
1-60 of 6825 similar projects