An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: deep-learning-library

arasgungore/awesome-machine-learning Fork of josephmisiti/awesome-machine-learning

A curated list of awesome Machine Learning frameworks, libraries and software.

Language: Python - Size: 2.52 MB - Last synced at: 2 days ago - Pushed at: about 1 year ago - Stars: 8 - Forks: 0

AqwamCreates/DataPredict-Neural

PyTorch-like Deep Learning Library (For Roblox And Pure Lua).

Language: Lua - Size: 10.6 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 1 - Forks: 0

NVIDIA/cutlass

CUDA Templates for Linear Algebra Subroutines

Language: C++ - Size: 48.1 MB - Last synced at: 8 days ago - Pushed at: 10 days ago - Stars: 7,276 - Forks: 1,196

salesforce/LAVIS

LAVIS - A One-stop Library for Language-Vision Intelligence

Language: Jupyter Notebook - Size: 79.3 MB - Last synced at: 8 days ago - Pushed at: 5 months ago - Stars: 10,440 - Forks: 1,019

SforAiDl/KD_Lib

A Pytorch Knowledge Distillation library for benchmarking and extending works in the domains of Knowledge Distillation, Pruning, and Quantization.

Language: Python - Size: 22.2 MB - Last synced at: 8 days ago - Pushed at: about 2 years ago - Stars: 622 - Forks: 59

cbaziotis/neat-vision

Neat (Neural Attention) Vision, is a visualization tool for the attention mechanisms of deep-learning models for Natural Language Processing (NLP) tasks. (framework-agnostic)

Language: Vue - Size: 25.4 MB - Last synced at: 11 days ago - Pushed at: almost 7 years ago - Stars: 250 - Forks: 24

ritchieng/the-incredible-pytorch

The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.

Size: 522 KB - Last synced at: 12 days ago - Pushed at: 3 months ago - Stars: 11,810 - Forks: 2,152

SciSharp/Keras.NET

Keras.NET is a high-level neural networks API for C# and F#, with Python Binding and capable of running on top of TensorFlow, CNTK, or Theano.

Language: C# - Size: 28.7 MB - Last synced at: 10 days ago - Pushed at: almost 2 years ago - Stars: 613 - Forks: 129

mrdvince/breast_cancer_detection

Breast Cancer Detection classifier built from the The Breast Cancer Histopathological Image Classification (BreakHis) dataset composed of 7,909 microscopic images.

Language: Python - Size: 30.4 MB - Last synced at: 9 days ago - Pushed at: almost 4 years ago - Stars: 66 - Forks: 22

Lasagne/Lasagne

Lightweight library to build and train neural networks in Theano

Language: Python - Size: 2.16 MB - Last synced at: 10 days ago - Pushed at: about 3 years ago - Stars: 3,854 - Forks: 941

arthurdjn/nets

Recreating PyTorch from scratch, using Numpy. Supports FCN, CNN, RNN layers.

Language: Python - Size: 10.7 MB - Last synced at: 3 days ago - Pushed at: about 4 years ago - Stars: 34 - Forks: 4

CEA-LIST/N2D2

N2D2 is an open source CAD framework for Deep Neural Network simulation and full DNN-based applications building.

Language: C - Size: 467 MB - Last synced at: 15 days ago - Pushed at: 10 months ago - Stars: 154 - Forks: 37

borgwang/tinynn

A lightweight deep learning library

Language: Python - Size: 453 KB - Last synced at: 13 days ago - Pushed at: 3 months ago - Stars: 384 - Forks: 94

StanislavGrigoriev/EasyCNTK

C# library for easy Deep Learning and Deep Reinforcement Learning. It is wrapper over C# CNTK API. Has implementation of layers (LSTM, Convolution etc.), optimizers, losses, shortcut-connections, sequential model, sequential multi-output model, agent teachers, policy gradients, actor-critic etc. Contains helpers for work with dataset (split, statistics, SMOTE etc). Allows train, evaluate and inference deep neural networks in style similar to Keras.

Language: C# - Size: 15.1 MB - Last synced at: 6 days ago - Pushed at: almost 5 years ago - Stars: 19 - Forks: 8

smoke-y/Athena

Deep learning library

Language: Python - Size: 63.5 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

JulianChia/mnist

Python module to download and extract the MNIST database for training and testing deep learning neural networks in computer vision.

Language: Python - Size: 220 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

ybubnov/torch_geopooling

The geospatial pooling modules for neural networks in PyTorch

Language: C++ - Size: 7.15 MB - Last synced at: 7 days ago - Pushed at: 6 months ago - Stars: 19 - Forks: 0

duyongan/sunstreaker

以jax为后端的类似keras的框架

Language: Python - Size: 499 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 99 - Forks: 3

sidroopdaska/SelfDrivingCar

A collection of all projects pertaining to different layers in the SDC software stack

Language: Jupyter Notebook - Size: 348 MB - Last synced at: 7 days ago - Pushed at: about 7 years ago - Stars: 230 - Forks: 100

valentingol/deep-learning-installation

This tutorial provide a step-by-step pipeline to install an effective Python set-up optimized for deep learning for Ubuntu LTS, containing libraries to use efficiently the last versions of Tensorflow and Pytorch with the GPU and a comfortable environment of work with flexible and highly customizable IDE (VSCode) and environment manager (Virtualenv/VirtualenvWrapper).

Size: 696 KB - Last synced at: 12 days ago - Pushed at: about 1 year ago - Stars: 9 - Forks: 0

VICO-UoE/mlpractical

Machine Learning Practical Course Code Repository

Language: Jupyter Notebook - Size: 91.1 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 22 - Forks: 39

tariqdaouda/Mariana

The Cutest Deep Learning Framework which is also a wonderful Declarative Language

Language: JavaScript - Size: 24.7 MB - Last synced at: 8 days ago - Pushed at: almost 7 years ago - Stars: 149 - Forks: 31

HonourHealth/Grocery-Store-Automatic-Product-Detection

It is my graduation project. Aim of this project is recognizing different types of grocery products with using convolutional neural networks. Dataset is generated by myself, data augmentation techniques and deep learning methods are used in this work. In order to make it more user friendly, I created a web application to upload the images and show name of the products to user. In this study Python, Jupyter Notebook, Flask, Html, CSS and deep learning libraries are used.

Language: Jupyter Notebook - Size: 187 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

neuralmagic/sparseml

Libraries for applying sparsification recipes to neural networks with a few lines of code, enabling faster and smaller models

Language: Python - Size: 261 MB - Last synced at: 6 months ago - Pushed at: 9 months ago - Stars: 2,054 - Forks: 145

mailcorahul/auto_labeler

auto_labeler - An all-in-one library to automatically label vision data

Language: Python - Size: 32.2 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 9 - Forks: 1

G0v1ndD3v/PyDeepFlow Fork of ravin-d-27/PyDeepFlow

Fork of PyDeepFlow, an easy-to-use Python library for deep learning.

Language: Python - Size: 375 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

dsrub/DougNet

A lightweight, deep learning library written in pure Python

Language: Python - Size: 4.07 MB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

speedcell4/torchrua

Manipulate tensors with PackedSequence and CattedSequence

Language: Python - Size: 567 KB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 12 - Forks: 0

ChristophReich1996/ToeffiPy

ToeffiPy is a PyTorch like autograd/deep learning library based only on NumPy.

Language: Python - Size: 666 KB - Last synced at: 11 months ago - Pushed at: about 3 years ago - Stars: 15 - Forks: 0

DensoITLab/Demitasse

Demitasse: SPMD Programing Implementation of Deep Neural Network Library for Mobile Devices(NeurIPS2016WS)

Language: C++ - Size: 392 KB - Last synced at: 12 months ago - Pushed at: about 8 years ago - Stars: 23 - Forks: 5

rvinas/nnn

Neural network from scratch in Python using Numpy

Language: Python - Size: 654 KB - Last synced at: 18 days ago - Pushed at: almost 8 years ago - Stars: 9 - Forks: 1

cedrickchee/fastai Fork of fastai/fastai

My notebooks and codes for the fast.ai deep learning library, lessons, and tutorials

Language: Jupyter Notebook - Size: 260 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

library-testing/Muffin

This is the implementation repository of our ICSE'22 paper: Muffin: Testing Deep Learning Libraries via Neural Architecture Fuzzing.

Language: Python - Size: 64.5 KB - Last synced at: 9 months ago - Pushed at: almost 3 years ago - Stars: 29 - Forks: 3

YeongHyeon/white-box-layer

Deep Learning Package based on TensorFlow.

Language: Python - Size: 148 KB - Last synced at: 16 days ago - Pushed at: almost 3 years ago - Stars: 8 - Forks: 1

nanguoyu/SemiFlow

SemiFlow is a deep learning framework with automatic differentiation and automatic shape inference, developing from Numpy. 一个基于Numpy支持自动求导的深度学习框架

Language: Python - Size: 234 KB - Last synced at: 11 days ago - Pushed at: about 2 years ago - Stars: 9 - Forks: 3

Harrislyg/tensorflow-neural-networks

Deep Learning with Tensorflow

Language: Jupyter Notebook - Size: 11.3 MB - Last synced at: about 1 year ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 1

chncwang/InsNet

InsNet Runs Instance-dependent Neural Networks with Padding-free Dynamic Batching.

Language: C++ - Size: 6.52 MB - Last synced at: 10 months ago - Pushed at: over 3 years ago - Stars: 65 - Forks: 12

pronobis/libspn

Library for learning and inference with Sum-product Networks

Language: Python - Size: 16.7 MB - Last synced at: 12 months ago - Pushed at: about 5 years ago - Stars: 24 - Forks: 3

deephub-ai/torch-handle

TorchHandle makes your PyTorch development more efficient and make you use PyTorch more comfortable

Language: Python - Size: 81.1 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 5

vivesweb/rn-Neural-Network-in-pure-PHP-ML-AI

Neural Network in pure PHP

Language: PHP - Size: 592 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 1

maet3608/nuts-ml

Flow-based data pre-processing for deep learning

Language: Python - Size: 67.3 MB - Last synced at: 11 days ago - Pushed at: over 4 years ago - Stars: 31 - Forks: 10

makefile/darknet Fork of pjreddie/darknet

YOLOv2 of Windows (VS2013update5, 64) version for object detection.

Language: C - Size: 4.51 MB - Last synced at: 12 months ago - Pushed at: over 7 years ago - Stars: 10 - Forks: 5

chao-ji/autograd

Library for auto differentiation based purely on NumPy

Language: Python - Size: 2.13 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

woo1127/Neural-Network-From-Scratch

A lightweight and uncomplete deep learning library called MicroNN for my own learning purpose

Language: Python - Size: 418 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

david-leon/Dandelion

A light weight deep learning framework, on top of Theano, offering better balance between flexibility and abstraction

Language: Python - Size: 1.73 MB - Last synced at: 13 days ago - Pushed at: over 1 year ago - Stars: 15 - Forks: 2

kaszperro/slick-dnn

Tiny and elegant deep learning library

Language: Python - Size: 17 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 120 - Forks: 10

andriyantohalim/deepC

Deep Learning Library written in C

Language: C - Size: 48.8 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

Caff1982/DeepThink

A deep learning library created from scratch

Language: Python - Size: 9.79 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

xiaohangsu/simNeural

Simple Neural Network implemented by C++

Language: C++ - Size: 39.8 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 1

kmc7468/ANIE-old

Artificial Neural Network Interface Engine

Language: C++ - Size: 49.8 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

stefanherdy/deep-learning-semantic-segmentation-data-preprocessing-utils

Some data preprocessing scripts to generate label mask from Labelbox and ImageJ annotations to use them to train semantic segmentation deep learning models

Language: Python - Size: 4.64 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

JulianChia/fashion_mnist

Python module to download and extract Zalando's Fashion-MNIST database for training and testing deep learning neural networks in computer vision.

Language: Python - Size: 457 KB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

mohamedfouadhanani/deep-learning-framework

A simple NumPy-based deep learning framework. Create and train neural networks easily, experiment with backpropagation, optimization, and explore the code to grasp the inner workings.

Language: Python - Size: 990 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

MinhasKamal/Intellectron

An Infant Library of Artificial Neural Network (multilayer-deep-convolutional-machine-learning)

Language: Java - Size: 228 KB - Last synced at: 9 days ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 6

shsarv/Deep-Learning-Projects

In this repository, I will keep my all Deep Learning project implementations.

Language: Jupyter Notebook - Size: 19.7 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 1

penguinmenac3/starttf 📦

A tensorflow batteries included kit to write tensorflow networks from scratch or use existing ones.

Language: Python - Size: 634 KB - Last synced at: 26 days ago - Pushed at: over 5 years ago - Stars: 15 - Forks: 4

wildonion/ColdRice 📦

Super Simple AI framework!

Language: Python - Size: 75.2 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

HackBinghamtonArchives/CNN-Demo

Demo on Convolutional Neural Networks using Keras/Tensorflow on the MNIST dataset for HackBU on 11/9/17

Language: Jupyter Notebook - Size: 9.53 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 3 - Forks: 2

generic-matrix/generics.js

A minimal Deep learning library for the web.

Language: JavaScript - Size: 27.4 MB - Last synced at: 4 days ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 5

lvyufeng/autograd_np

Language: Python - Size: 25.4 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

E1eveNn/shinnosuke

A keras-like API deep learning framework,realized by Numpy only.Support CNN, RNN, LSTM, Dense, etc.

Language: Python - Size: 246 KB - Last synced at: 8 days ago - Pushed at: about 5 years ago - Stars: 21 - Forks: 0

albertaparicio/tfglib

Python libraries for the Voice Conversion TFG

Language: Python - Size: 79.1 KB - Last synced at: 11 days ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 3

VedantYadav/VQA

VQA - Visual Question Answering

Language: Python - Size: 8.13 MB - Last synced at: about 2 years ago - Pushed at: over 8 years ago - Stars: 12 - Forks: 17

saran-sankar/dist-deep

Neural network library for distributed deep learning

Language: C - Size: 61.5 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

djedou/kongodjan

A Deep Learning Library in Rust

Language: Rust - Size: 24.3 MB - Last synced at: 28 days ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

zsdonghao/stackednet

轻量、易于修改、可组层训练的神经网络 / Lightweight Greedy Layer-Wise Training Neural Network

Language: Python - Size: 55.7 KB - Last synced at: 20 days ago - Pushed at: almost 9 years ago - Stars: 7 - Forks: 5

abhaikollara/keras Fork of keras-team/keras

Deep Learning library for Python. Convnets, recurrent neural networks, and more. Runs on Theano or TensorFlow.

Language: Python - Size: 11.8 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

HeZhang1994/deep-learning-server-configuration

my Configuration documents of deep learning server (Chinese version).

Size: 1.15 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

irfanalidv/Applied_Deep_Neural_Networks_using_Keras

Deep Neural Networks with Keras and Tensorflow.Deep learning is one of the leading tools in data analysis these days and one of the most common frameworks for deep learning is Keras.

Language: Jupyter Notebook - Size: 64.1 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

sourcecode369/Python-Environments-for-Machine-Learning

This repository includes many different environments collected from various sources like Udacity - Self Driving Course, Fast.ai, Deep learning with Tensorflow on Udemy etc. Each environment has its very own unique feature and can be used for very specific tasks in Machine Learning. Find the environment that suits you the best.

Size: 25.4 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

irfanalidv/Applications_of_Deep_Neural_Networks

when a deep neural network would be a good choice for a particular problem. | TensorFlow

Language: Jupyter Notebook - Size: 16.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 1

Related Keywords
deep-learning-library 71 deep-learning 50 machine-learning 19 python 16 deep-neural-networks 14 neural-network 13 deep-learning-framework 11 pytorch 10 tensorflow 9 numpy 9 deep-learning-tutorial 9 deep-learning-algorithms 9 neural-networks 6 data-science 6 machine-learning-library 5 artificial-intelligence 5 keras 5 autograd 5 theano 4 machine-learning-algorithms 4 convolutional-neural-networks 4 nlp 4 deep-reinforcement-learning 4 cuda 3 gpu 3 artificial-neural-networks 3 image-classification 3 object-detection 3 deeplearning 3 python3 3 cross-validation 2 scikit-learn 2 tutorial 2 dataklasses 2 supervised-learning 2 mnist-classification 2 backpropagation 2 pruning 2 framework 2 cnn 2 data-preprocessing 2 deep-learning-projects 2 machine-learning-framework 2 machine-learning-projects 2 machinelearning 2 deep-learning-models 2 project-based-learning 2 recurrent-neural-networks 2 jupyter-notebook 2 reinforcement-learning 2 keras-neural-networks 2 backpropagation-learning-algorithm 1 pure-php 1 backpropagation-algorithm 1 php 1 tensorboard 1 notebooks 1 backpropagation-networks 1 gradient-accumulation 1 backpropagation-neural-network 1 neural-network-tutorials 1 vision-and-language 1 text-to-image 1 open-source 1 cnn-classification 1 deep-learning-from-scratch 1 lstm 1 mlp 1 mlp-classifier 1 rnn 1 rnn-language-model 1 catted-sequence 1 jit 1 packed-sequence 1 automatic-differentiation 1 quarantine-project 1 toeffipy 1 caffe 1 ios 1 macos 1 linear-separability 1 course-material 1 fuzzing 1 testing 1 tensorflow2 1 dynamic-batching 1 spn 1 custom-metrics 1 k-fold 1 nodejs 1 free-software 1 lgpl 1 pip 1 python-library 1 question-answering 1 distributed-computing 1 high-performance 1 rust 1 multi-layer-perceptron 1 server-configuration 1