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

GitHub / suraj-deshmukh 5 Repositories

[email protected]

suraj-deshmukh/Keras-Multi-Label-Image-Classification

Keras- Multi Label Image Classification

Language: Jupyter Notebook - Size: 106 MB - Last synced at: 25 days ago - Pushed at: almost 4 years ago - Stars: 399 - Forks: 117

suraj-deshmukh/BBC-Dataset-News-Classification

Language: Jupyter Notebook - Size: 7.33 MB - Last synced at: about 1 month ago - Pushed at: almost 8 years ago - Stars: 41 - Forks: 38

suraj-deshmukh/ImageTextRecognition Fork of FraPochetti/ImageTextRecognition

Language: Limbo - Size: 203 MB - Last synced at: almost 2 years ago - Pushed at: almost 11 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/flutter Fork of flutter/flutter

Flutter makes it easy and fast to build beautiful mobile apps.

Language: Dart - Size: 59.6 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/mezzanine Fork of stephenmcd/mezzanine

CMS framework for Django

Language: Python - Size: 46.9 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/panel Fork of holoviz/panel

A high-level app and dashboarding solution for Python

Size: 37.8 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/docker-py Fork of docker/docker-py

A Python library for the Docker Engine API

Language: Python - Size: 3.33 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/spacy-models Fork of explosion/spacy-models

💫 Models for the spaCy Natural Language Processing (NLP) library

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

suraj-deshmukh/PySimpleGUI Fork of PySimpleGUI/PySimpleGUI

Launched in 2018 Actively developed and supported. tkinter and Qt supported. Super-simple to create custom layout GUI's. Python 2.7 & 3 Support. 100 Demo programs & Cookbook for rapid start. Extensive documentation. Examples using Machine Learning(GUI, OpenCV Integration, Chatterbot), Floating Desktop Widgets, Matplotlib + Pyplot integration, add GUI to command line scripts, PDF & Image Viewer. Great for beginners as well as advanced GUI programmers..

Language: Python - Size: 87 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/pythreshold Fork of manuelaguadomtz/pythreshold

PyThreshold is a python package featuring Numpy/Scipy implementations of state-of-the-art image thresholding algorithms.

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

suraj-deshmukh/pypostal Fork of openvenues/pypostal

Python bindings to libpostal for fast international address parsing/normalization

Language: C - Size: 56.6 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/sklearn2pmml Fork of jpmml/sklearn2pmml

Python library for converting Scikit-Learn pipelines to PMML

Language: Python - Size: 19.2 MB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/PassportEye Fork of konstantint/PassportEye

Extraction of machine-readable zone information from passports, visas and id-cards via OCR

Language: Python - Size: 7.23 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/yellowbrick Fork of DistrictDataLabs/yellowbrick

Visual analysis and diagnostic tools to facilitate machine learning model selection.

Language: Python - Size: 17.1 MB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/fastapi Fork of tiangolo/fastapi

FastAPI framework, high performance, easy to learn, fast to code, ready for production

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

suraj-deshmukh/pyLSA Fork of kernelmachine/pyLSA

Latent Semantic Analysis in Python

Language: Python - Size: 0 Bytes - Last synced at: almost 2 years ago - Pushed at: over 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/ParkingLot Fork of piyushiitg/ParkingLot

Design a Parking lot

Size: 7.81 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/tpot Fork of EpistasisLab/tpot

A Python tool that automatically creates and optimizes machine learning pipelines using genetic programming.

Language: Python - Size: 4.91 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/labelme Fork of wkentaro/labelme

Image Polygonal Annotation with Python.

Language: Python - Size: 31.8 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/yolov3 Fork of ultralytics/yolov3

YOLOv3 in PyTorch > ONNX > CoreML > iOS

Language: Python - Size: 2.11 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/retinopathy-dataset Fork of javathunderman/retinopathy-dataset

A curated version of the dataset used while developing the diabetic-retinopathy-screening project.

Size: 1.81 GB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/Object-detection-with-deep-learning-and-sliding-window Fork of shreyas0906/Object-detection-with-deep-learning-and-sliding-window

Introduces an approach for object detection in an image with sliding window. The repository contains three files, make_data.py reads the image in gray scale and converts the image into a numpy array. The labels are also appended based on the file name. In this case, if the file name starts with "trn", then 1 is appended else 0. Finally, all the images and labels are saved into .npy file. The test-model-1.py file loads the images and converts the labels into two categories as we are doing binary classification of images. The model is built using keras with theano as backend. In this case, the best training accuracy was 80% since the data was just 500 images and the testing accuracy was 67%

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

suraj-deshmukh/ray Fork of ray-project/ray

A system for parallel and distributed Python that unifies the ML ecosystem.

Language: Python - Size: 16.2 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/horovod Fork of horovod/horovod

Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.

Language: C++ - Size: 1.38 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/connexion Fork of spec-first/connexion

Swagger/OpenAPI First framework for Python on top of Flask with automatic endpoint validation and OAuth2 support

Language: Python - Size: 4.68 MB - Last synced at: almost 2 years ago - Pushed at: almost 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/pymc3 Fork of pymc-devs/pymc

Probabilistic Programming in Python: Bayesian Modeling and Probabilistic Machine Learning with Theano

Language: Python - Size: 260 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/rasa_core Fork of RasaHQ/rasa_core

machine learning based dialogue engine for conversational software

Language: Python - Size: 62.4 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/talkbox Fork of cournape/talkbox

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

suraj-deshmukh/segnet Fork of preddy5/segnet

A Deep Convolutional Encoder-Decoder Architecture for Image Segmentation

Language: Jupyter Notebook - Size: 193 MB - Last synced at: almost 2 years ago - Pushed at: about 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/scikit-multilearn Fork of scikit-multilearn/scikit-multilearn

A scikit-learn based module for multi-label et. al. classification

Language: Python - Size: 41.7 MB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/VQA_LSTM_CNN Fork of GT-Vision-Lab/VQA_LSTM_CNN

Train a deeper LSTM and normalized CNN Visual Question Answering model. This current code can get 58.16 on OpenEnded and 63.09 on Multiple-Choice on test-standard.

Language: Lua - Size: 43 KB - Last synced at: almost 2 years ago - Pushed at: about 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/Urban-Sound-Classification Fork of aqibsaeed/Urban-Sound-Classification

Urban sound classification using Deep Learning

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

suraj-deshmukh/word2vec-sentiments Fork of linanqiu/word2vec-sentiments

Tutorial for Sentiment Analysis using Doc2Vec in gensim (or "getting 87% accuracy in sentiment analysis in under 100 lines of code")

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

suraj-deshmukh/UNet-CRF-RNN Fork of EsmeYi/UNet-CRF-RNN

Edge-aware U-Net with CRF-RNN layer for Medical Image Segmentation

Size: 111 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/VQA_Demo Fork of iamaaditya/VQA_Demo

Visual Question Answering Demo on pretrained model

Language: Jupyter Notebook - Size: 47.7 MB - Last synced at: almost 2 years ago - Pushed at: over 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/django-grappelli Fork of sehmaschine/django-grappelli

A jazzy skin for the Django Admin-Interface (official repository).

Language: HTML - Size: 21.9 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/udacity-nanodegrees Fork of mikesprague/udacity-nanodegrees

:mortar_board: List of Udacity Nanodegree programs with links to the free courses in their curricula

Size: 68.4 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/spark-sklearn Fork of databricks/spark-sklearn

Scikit-learn integration package for Spark

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

suraj-deshmukh/nw-page-editor Fork of mauvilsa/nw-page-editor

Simple app for visual editing of Page XML files

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

suraj-deshmukh/tesseract-mrz Fork of DaanVanVugt/tesseract-mrz

Demonstration of reading a passport with tesseract.js

Language: HTML - Size: 104 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/TensorFlow-Tutorials Fork of nlintz/TensorFlow-Tutorials

Simple tutorials using Google's TensorFlow Framework

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

suraj-deshmukh/libpostal Fork of openvenues/libpostal

A C library for parsing/normalizing street addresses around the world. Powered by statistical NLP and open geo data.

Language: C - Size: 36.6 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 1

suraj-deshmukh/squeezenet_demo Fork of DT42/squeezenet_demo

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

suraj-deshmukh/med2image Fork of FNNDSC/med2image

Converts medical images to more displayable formats, e.g. NIfTI to jpg.

Size: 816 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/receiptscan Fork of CyrusVorwald2/receiptscan

Language: Python - Size: 41.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 10 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/Seq-2-Seq-OCR Fork of giovanniguidi/Seq-2-Seq-OCR

Handwritten text recognition with Keras

Size: 1.46 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/music-auto_tagging-keras Fork of keunwoochoi/music-auto_tagging-keras

Music auto-tagging models and trained weights in keras/theano

Language: Python - Size: 6.96 MB - Last synced at: almost 2 years ago - Pushed at: almost 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/P2PaLA Fork of lquirosd/P2PaLA

Page to PAGE Layout Analysis Tool

Size: 812 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/question-answering Fork of solversa/question-answering

Question Answering System.

Language: Python - Size: 4.82 MB - Last synced at: almost 2 years ago - Pushed at: almost 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/plumber Fork of rstudio/plumber

Turn your R code into a web API.

Language: HTML - Size: 4.49 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/PlotNeuralNet Fork of HarisIqbal88/PlotNeuralNet

Latex code for making neural networks diagrams

Language: TeX - Size: 2.05 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/pymining Fork of bartdag/pymining

A few data mining algorithms in pure python

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

suraj-deshmukh/quiver Fork of keplr-io/quiver

Interactive convnet features visualization for Keras

Language: JavaScript - Size: 117 KB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/ocropus3-docker Fork of tmbarchive/ocropus3-docker

Docker container for ocropus3 OCR system

Size: 55.7 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/machine-learning Fork of jeff1evesque/machine-learning

Web-interface, and programmatic API for classification and regression predictions

Language: Python - Size: 17 MB - Last synced at: almost 2 years ago - Pushed at: almost 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/outlook Fork of awangga/outlook

Python library to read email from live, hotmail, outlook, office365 or any microsoft email service

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

suraj-deshmukh/neural_image_captioning Fork of oarriaga/neural_image_captioning

Neural image captioning (NIC) implementation with Keras 2.

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

suraj-deshmukh/Mask_RCNN Fork of matterport/Mask_RCNN

Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow

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

suraj-deshmukh/Neural-Style-Transfer Fork of titu1994/Neural-Style-Transfer

Implementation of Neural Style Transfer from the paper [A Neural Algorithm of Artistic Style](http://arxiv.org/abs/1508.06576) in Keras 1.0.6

Language: Python - Size: 28.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/neocortex Fork of scienceai/neocortex

Run trained deep neural networks in the browser or node.js

Language: JavaScript - Size: 552 KB - Last synced at: almost 2 years ago - Pushed at: over 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/markdown-cheatsheet Fork of tchapi/markdown-cheatsheet

Markdown Cheatsheet for Github Readme.md

Size: 23.4 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/lectures Fork of oxford-cs-deepnlp-2017/lectures

Oxford Deep NLP 2017 course

Size: 45.3 MB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/keras Fork of keras-team/keras

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

Language: Python - Size: 1.8 MB - Last synced at: almost 2 years ago - Pushed at: over 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/neural-vqa Fork of abhshkdz/neural-vqa

CNN+LSTM model for Visual Question Answering

Language: Lua - Size: 78.1 KB - Last synced at: almost 2 years ago - Pushed at: about 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/keras-frcnn Fork of kbardool/Keras-frcnn

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

suraj-deshmukh/multibox Fork of google/multibox

Language: Jupyter Notebook - Size: 282 MB - Last synced at: almost 2 years ago - Pushed at: over 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/flasgger Fork of flasgger/flasgger

Easy Swagger UI for your Flask API

Language: Python - Size: 2.89 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/jobdescription2jobtitle Fork of afshinrahimi/jobdescription2jobtitle

classify a job description (or noisy job title) into a ONET job title

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

suraj-deshmukh/ImageSegmentation Fork of mohaps/ImageSegmentation

Perform image segmentation and background removal in javascript using superpixes

Language: JavaScript - Size: 19.8 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/imbalanced-learn Fork of scikit-learn-contrib/imbalanced-learn

Python module to perform under sampling and over sampling with various techniques.

Language: Python - Size: 359 MB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/django-material Fork of kmmbvnr/django-material

Material Design for Django

Language: CSS - Size: 22.5 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/keras-retinanet Fork of fizyr/keras-retinanet

Keras implementation of RetinaNet object detection.

Language: Python - Size: 14.4 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/keras-yolo3 Fork of experiencor/keras-yolo3

Training and Detecting Objects with YOLO3

Size: 80.1 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/keras-vis Fork of raghakot/keras-vis

Neural network visualization toolkit for keras

Language: Python - Size: 102 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/ImageAI Fork of OlafenwaMoses/ImageAI

A python library built to empower developers to build applications and systems with self-contained Computer Vision capabilities

Language: Python - Size: 24.1 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/keras-image-ocr Fork of Tony607/keras-image-ocr

How to train a Keras model to recognize variable length text | DLology

Size: 187 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/keras_frcnn Fork of lucasjinreal/keras_frcnn

Keras Implementation of faster-rcnn

Language: Python - Size: 36.9 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/keras-cam Fork of jacobgil/keras-cam

Keras implementation of class activation mapping

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

suraj-deshmukh/loghub Fork of logpai/loghub

A collection of system log datasets for massive log analysis

Size: 6.25 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/categorical-encoding Fork of scikit-learn-contrib/category_encoders

A library of sklearn compatible categorical variable encoders

Language: Python - Size: 1.98 MB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/keras-vggface Fork of rcmalli/keras-vggface

VGGFace implementation with Keras Framework

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

suraj-deshmukh/keras-rcnn Fork of broadinstitute/keras-rcnn

Keras package for region-based convolutional neural networks (RCNNs)

Language: Python - Size: 5.01 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/kerasR Fork of statsmaths/kerasR

R interface to the keras library

Language: R - Size: 205 KB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/image-segmentation-keras Fork of divamgupta/image-segmentation-keras

Implementation of Segnet, FCN, UNet and other models in Keras.

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

suraj-deshmukh/flair Fork of flairNLP/flair

A very simple framework for state-of-the-art Natural Language Processing (NLP)

Language: Python - Size: 1.11 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/image-analogies Fork of awentzonline/image-analogies

Generate image analogies using neural matching and blending.

Language: Python - Size: 4.25 MB - Last synced at: almost 2 years ago - Pushed at: about 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/keras-js Fork of transcranial/keras-js

Run trained Keras models in the browser, with GPU support

Language: Jupyter Notebook - Size: 4.65 MB - Last synced at: almost 2 years ago - Pushed at: almost 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/frcnn-from-scratch-with-keras Fork of kentaroy47/frcnn-from-scratch-with-keras

Faster R-CNN from scratch written with Keras

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

suraj-deshmukh/hualos Fork of fchollet/hualos

Keras Total Visualization project

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

suraj-deshmukh/HandwritingRecognitionSystem Fork of 0x454447415244/HandwritingRecognitionSystem

Handwriting Recognition System based on a deep Convolutional Recurrent Neural Network architecture

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

suraj-deshmukh/handwriting-ocr Fork of Breta01/handwriting-ocr

OCR software for recognition of handwritten text

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

suraj-deshmukh/headlines Fork of udibr/headlines

Automatically generate headlines to short articles

Language: Jupyter Notebook - Size: 619 KB - Last synced at: almost 2 years ago - Pushed at: about 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/Image-Captioning Fork of Div99/Image-Captioning

Image Captioning with Keras

Language: Jupyter Notebook - Size: 1.21 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/face_recognition Fork of ageitgey/face_recognition

The world's simplest facial recognition api for Python and the command line

Language: Python - Size: 99 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/FaceRecog-Keras Fork of rajathkmp/FaceRecog

Face Recognition using Neural Networks implemented using keras library

Language: Jupyter Notebook - Size: 8.79 KB - Last synced at: almost 2 years ago - Pushed at: almost 9 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/FCN-keras Fork of giovanniguidi/FCN-keras

Implementation of the paper "Fully Convolutional Network for Semantic Segmentation" with keras

Size: 2.78 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/docker_image Fork of OCR4all/docker_image

Docker Image for OCR4All, Larex and GTC

Size: 54.7 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/Face-Swap Fork of mrgloom/Face-Swap

Face swapping, Image morphing, Image warping.

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

suraj-deshmukh/ELL Fork of microsoft/ELL

Embedded Learning Library

Language: C++ - Size: 14.2 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

suraj-deshmukh/dockerized-DS-python Fork of dwhitena/dockerized-DS-python

A simple example of containerized data science with python and Docker.

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