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

Topic: "pretrained"

Cadene/pretrained-models.pytorch

Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.

Language: Python - Size: 520 KB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 9,087 - Forks: 1,830

onnx/models

A collection of pre-trained, state-of-the-art models in the ONNX format

Language: Jupyter Notebook - Size: 297 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 8,607 - Forks: 1,470

qubvel/segmentation_models

Segmentation models with pretrained backbones. Keras and TensorFlow Keras.

Language: Python - Size: 1.77 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 4,841 - Forks: 1,044

balavenkatesh3322/CV-pretrained-model

A collection of computer vision pre-trained models.

Size: 1.1 MB - Last synced at: 27 days ago - Pushed at: over 4 years ago - Stars: 1,337 - Forks: 190

Michael-OvO/Skin-Burn-Detection-Classification

Highly Accurate and Efficient Burn detection and Classification trained with Deep Learning Model

Language: Jupyter Notebook - Size: 56 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 316 - Forks: 67

csinva/gan-vae-pretrained-pytorch

Pretrained GANs + VAEs + classifiers for MNIST/CIFAR in pytorch.

Language: Jupyter Notebook - Size: 98.4 MB - Last synced at: 27 days ago - Pushed at: 5 months ago - Stars: 192 - Forks: 49

sairajk/PyTorch-Pyramid-Feature-Attention-Network-for-Saliency-Detection

PyTorch implementation of the CVPR 2019 paper “Pyramid Feature Attention Network for Saliency Detection”

Language: Python - Size: 1.17 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 159 - Forks: 43

AllentDan/LibtorchDetection

C++ trainable detection library based on libtorch (or pytorch c++). Yolov4 tiny provided now.

Language: C++ - Size: 8.6 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 108 - Forks: 39

developer0hye/PyTorch-Darknet53

PyTorch implementation of Darknet53

Language: Python - Size: 34.2 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 108 - Forks: 23

hendrycks/pre-training

Pre-Training Buys Better Robustness and Uncertainty Estimates (ICML 2019)

Language: Python - Size: 63.8 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 100 - Forks: 18

lijqhs/text-classification-cn

中文文本分类实践,基于搜狗新闻语料库,采用传统机器学习方法以及预训练模型等方法

Language: Python - Size: 933 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 96 - Forks: 26

tuanio/noisy-student-training-asr

Pytorch implementation of Noisy Student Training for Automatic Speech Recognition and Automatic Pronunciation Error Detection problem

Language: Python - Size: 3.08 MB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 93 - Forks: 15

Separius/SimCLRv2-Pytorch 📦

Pretrained SimCLRv2 models in Pytorch

Language: Python - Size: 25.4 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 88 - Forks: 22

seawee1/Did-Somebody-Say-Corgi

Image Synthesis + Corgis = <3

Language: Jupyter Notebook - Size: 125 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 85 - Forks: 6

nearthlab/image-segmentation

Mask R-CNN, FPN, LinkNet, PSPNet and UNet with multiple backbone architectures support readily available

Language: Python - Size: 35.3 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 63 - Forks: 20

sairajk/Image-Super-Resolution-Application

This is an Image Super Resolution model implemented in python using keras. This model comes with a GUI to allow users to make use of the model easily.

Language: Python - Size: 20.2 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 29 - Forks: 13

muyuuuu/Self-Supervise-Object-Detection

自监督目标检测。针对目标检测任务,提出无需标签数据的自监督算法预训练 backbone,检测性能优于有标签的预训练。

Language: Python - Size: 65.9 MB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 27 - Forks: 5

rusiaaman/PCPM

Presenting Collection of Pretrained Models. Links to pretrained models in NLP and voice.

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

CoinCheung/DenseCL

DenseCL + regionCL-D

Language: Python - Size: 116 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 15 - Forks: 0

weboccult-ai/onnx-model-zoo

This GitHub repository contains converted models in ONNX, TensorRT, and PyTorch formats, along with inference scripts and demos. These models can be used for efficient deployment and inference in machine learning applications.

Language: Python - Size: 7.05 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 13 - Forks: 1

gracecxj/Indoor-Positioning

Language: Python - Size: 32.2 MB - Last synced at: 7 days ago - Pushed at: over 5 years ago - Stars: 13 - Forks: 5

HiKapok/Xception_Tensorflow

Xception V1 model in Tensorflow with pretrained weights on ImageNet

Language: Python - Size: 397 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 13 - Forks: 4

softsys4ai/differentiable-proving

Code and data for the paper "Pretrained Language Models are Symbolic Mathematics Solvers too!", arXiv:2110.03501

Language: Python - Size: 13 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 12 - Forks: 2

mashmawy/ConvNetCS

convolution neural network library in C# with Pretrained models based on convnetjs

Language: C# - Size: 93.8 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 12 - Forks: 4

michelecafagna26/faster-rcnn-bottom-up-py

Extract features and bounding boxes using the original Bottom-up Attention Faster-RCNN in a few lines of Python code

Language: Python - Size: 4.41 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 9 - Forks: 0

AmberzzZZ/unet_vnet_keras

keras implementation of unet & vnet

Language: Python - Size: 817 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 9 - Forks: 1

SC4RECOIN/BERT-summarizer

Text Summarization with Pretrained Encoders

Language: Python - Size: 26.4 KB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 9 - Forks: 1

MartinoMensio/it_vectors_wiki_spacy

Word embeddings for Italian language, spacy2 prebuilt model

Language: Python - Size: 85.9 KB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 8 - Forks: 1

muyuuuu/Faster-RCNN-COCO

基于 torchvision 编写的针对 COCO 数据集的 Faster-RCNN 快速训练与推理框架,支持多 batchsize。

Language: Python - Size: 3.43 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 6 - Forks: 1

qubvel/resnet_152

Pretrained on ImageNet ResNet-152 model in Keras

Language: Python - Size: 110 KB - Last synced at: 3 months ago - Pushed at: about 7 years ago - Stars: 5 - Forks: 6

deepset-ai/open-source/word2vec-embeddings-de

Last synced at: over 2 years ago - Stars: 5 - Forks: 3

NotYuSheng/Multimodal-Large-Language-Model

Localized Multimodal Large Language Model (MLLM) integrated with Streamlit and Ollama for text and image processing tasks.

Language: Python - Size: 7.37 MB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 4 - Forks: 2

chaosgen/awesome-sentence-embedding

A curated list of pretrained sentence and word embedding models

Language: Python - Size: 213 KB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 4 - Forks: 0

andreped/neukit

:hugs: neukit: web application for automatic brain extraction and preoperative tumor segmentation from MRI

Language: Python - Size: 60.5 KB - Last synced at: 4 days ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1

ProGamerGov/pytorch-nin

The NIN-Imagenet model converted from Caffe to PyTorch

Language: Python - Size: 26.3 MB - Last synced at: 3 months ago - Pushed at: about 7 years ago - Stars: 3 - Forks: 5

jplasser/CNEP

CNEP (Contrastive Notes Events Pre-training), Contrastive Learning with Clinical Notes and Events Data Pre-training from MIMIC-III

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

pralab/secml-zoo

SecML models and databases zoo.

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

nanfengpo/age-gender-estimation Fork of yu4u/age-gender-estimation

Keras implementation of a CNN network for age and gender estimation

Language: Jupyter Notebook - Size: 588 KB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

stoneyang/cv-arxiv-daily Fork of Vincentqyw/cv-arxiv-daily

🎓Automatically Update CV Papers Daily using Github Actions (Update Every 24th hours)

Language: Python - Size: 74.5 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 1 - Forks: 0

jahongir7174/MobileOne

MobileOne: An Improved One millisecond Mobile Backbone

Language: Python - Size: 89.8 KB - Last synced at: 16 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Snipeur060/Yoshi-Ai-recognize

This ai aims to find the Yoshi in a photo from a pre trained model

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

sumanthpagadala/NLP_Models

Welcome to my GitHub repo showcasing multiple pretrained NLP models! Explore and test these models to witness their impressive performance. Let's unleash the power of natural language processing!

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

pietertolsma/SAMMask

Masking utility that utilizes "Segment Anything Model" from Meta AI

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

pohanchi/ALBert-tf Fork of google-research/bert

TensorFlow code for a lite bert reimplementation

Language: Python - Size: 481 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 1

nanfengpo/insightface Fork of deepinsight/insightface

Face Recognition Project on MXNet

Language: Python - Size: 12.2 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

nanfengpo/chess_detection Fork of jonkoi/chess_detection

Computer vision project for class

Language: Python - Size: 89.1 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

nanfengpo/VQA_Demo Fork of iamaaditya/VQA_Demo

Visual Question Answering Demo on pretrained model

Language: Jupyter Notebook - Size: 95.1 MB - Last synced at: 21 days ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 0

jahongir7174/RepVGG

RepVGG: Making VGG-style ConvNets Great Again

Language: Python - Size: 8.79 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

BaiJie90/Eye_Disease_Detection_Swin-Transformer_PyTorch

This repository contains an image classification model for the subject AI Convergence and Application held on Handong Global University (HGU)

Language: Jupyter Notebook - Size: 11.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

manhtt-079/vipubmed-deberta

ViPubmedDeBERTa: A Pre-trained Model for Vietnamese Biomedical Text (PACLIC 2023)

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

rainergo/UASFRA-MS-LFD-FINETUNING-DEMO

Part of M.Sc. Computer Science project. Demo Jupyter notebook/Python scripts to download a pretrained language model from huggingface and finetune it according to own topic domain and needs.

Language: Jupyter Notebook - Size: 13.7 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

FloweryK/Sentencepiece-Pretrained-Models

pretrained models and a training code for sentencepiece

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

janarishsaju/albert_question_answering

ALBERT Large Model for Question and Answering System

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

herbwood/webtoon_style_visualization

NAVER에서 연재되고 있는 웹툰의 그림체 시각화

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

kooose38/face-recognition-AI

Extract the face from the image file and make an inference using the similarity as an index.

Language: Jupyter Notebook - Size: 918 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

maddy023/MultiScale-PreTrained-Models-with-keras-2020

Size: 1000 Bytes - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

emizzz/Keras-Models-Cutter

A simple function that allows to cut model's layers (es. in Keras pretrained models)

Language: Python - Size: 6.84 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

Mickey0521/Examples-of-Deep-Learning-Python

Some useful examples of Deep Learning (.py)

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

cedrickchee/ulmfit-multilingual Fork of n-waves/multifit

Temporary repository used for collaboration on application of for multiple languages.

Language: Jupyter Notebook - Size: 233 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

abunickabhi/IRproject

Doing analysis on shared embedding space for the natural languages of English and Tamil

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

nanfengpo/magenta Fork of magenta/magenta

Magenta: Music and Art Generation with Machine Intelligence

Language: Python - Size: 25.4 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

nanfengpo/neural-chessboard Fork of maciejczyzewski/neural-chessboard

♔ An Extremely Efficient Chess-board Detection for Non-trivial Photos ♔

Language: Python - Size: 54 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

nanfengpo/Seq2seq-Chatbot-for-Keras Fork of oswaldoludwig/Seq2seq-Chatbot-for-Keras

This repository contains a new generative model of chatbot based on seq2seq modeling.

Language: Python - Size: 428 KB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 1

nanfengpo/reinforcement-learning-1 Fork of rlcode/reinforcement-learning

Minimal and Clean Reinforcement Learning Examples

Language: Python - Size: 60.2 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

nanfengpo/StackGAN Fork of hanzhanggit/StackGAN

StackGAN: Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networks

Language: Python - Size: 1.84 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

nanfengpo/deep-q-learning Fork of keon/deep-q-learning

Minimal Deep Q Learning (DQN & DDQN) implementations in Keras

Language: Python - Size: 1.76 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

nanfengpo/DQN-DDQN-on-Space-Invaders Fork of yilundu/DQN-DDQN-on-Space-Invaders

Implementation of Double Deep Q Networks and Dueling Q Networks using Keras on Space Invaders using OpenAI Gym. Code can be easily generalized to other Atari games.

Language: Python - Size: 42.2 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

nanfengpo/keras-mobile-colorizer Fork of titu1994/keras-mobile-colorizer

U-Net Model conditioned with MobileNet features for Grayscale -> Color mapping

Language: Python - Size: 48.4 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

nanfengpo/Comicolorization Fork of DwangoMediaVillage/Comicolorization

This is the implementation of the "Comicolorization: Semi-automatic Manga Colorization"

Language: Python - Size: 2.64 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

nanfengpo/CycleGAN-tensorflow-1 Fork of xiaowei-hu/CycleGAN-tensorflow

Tensorflow implementation for learning an image-to-image translation without input-output pairs. https://arxiv.org/pdf/1703.10593.pdf

Language: Python - Size: 12 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

nanfengpo/music-auto_tagging-keras Fork of keunwoochoi/music-auto_tagging-keras

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

Language: Python - Size: 33.2 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

nanfengpo/CarDetection-Keras Fork of ashislaha/CarDetection-Keras

"Car Detection" is trained in Keras using Tensorflow as back-end. It's taking an image as input & gives a binary decision whether a car is present in the image or not.

Language: Python - Size: 213 MB - Last synced at: 21 days ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

nanfengpo/keras-cnn-captcha Fork of szpnygo/keras-cnn-captcha

keras-cnn-captcha

Language: Jupyter Notebook - Size: 7.19 MB - Last synced at: 21 days ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

nanfengpo/captcha_break_keras Fork of FanhuaandLuomu/captcha_break_keras

keras theano 验证码破解 字母+数字

Language: Python - Size: 7.88 MB - Last synced at: 21 days ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

nanfengpo/music_recommender Fork of mattmurray/music_recommender

Music recommender using deep learning with Keras and TensorFlow

Language: Jupyter Notebook - Size: 7.79 MB - Last synced at: 21 days ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

nanfengpo/Sign-Recognition Fork of kashyap32/Sign-Recognition

Traffic Sign Recognition with Keras.

Language: Jupyter Notebook - Size: 34 MB - Last synced at: 21 days ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

nanfengpo/image-compression-cnn Fork of iamaaditya/image-compression-cnn

Semantic JPEG image compression using deep convolutional neural network (CNN)

Language: Python - Size: 138 MB - Last synced at: 21 days ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

nanfengpo/CV_ML_ANPR Fork of rentonhsu/CV_ML_ANPR

“Automatic License Plate Recognition” based on computer vision and machine learning approach.

Language: Jupyter Notebook - Size: 63.9 MB - Last synced at: 21 days ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

nanfengpo/seq2seq-1 Fork of alex-berard/seq2seq

Attention-based sequence to sequence learning

Language: Python - Size: 5.79 MB - Last synced at: 21 days ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

nanfengpo/zheye Fork of 996refuse/zheye

者也 - 知乎 倒立的文字 汉字验证码识别程序

Language: Jupyter Notebook - Size: 65.6 MB - Last synced at: 21 days ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

nanfengpo/Music-Genre-Classification-with-Deep-Learning Fork of jsalbert/Music-Genre-Classification-with-Deep-Learning

Using deep learning to predict the genre of a song.

Language: Python - Size: 13.4 MB - Last synced at: 21 days ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

nanfengpo/webcam-pix2pix-tensorflow Fork of memo/webcam-pix2pix-tensorflow

Source code and pretrained model for webcam pix2pix

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

changebio/holiday-similarity Fork of sujitpal/holiday-similarity

Finding similar images in the Holidays dataset

Language: Jupyter Notebook - Size: 1.09 MB - Last synced at: over 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

nanfengpo/DeepQA Fork of Conchylicultor/DeepQA

My tensorflow implementation of "A neural conversational model", a Deep learning based chatbot

Language: Python - Size: 11.3 MB - Last synced at: 21 days ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

nanfengpo/car-sound-classification-with-keras Fork of KaroDievas/car-sound-classification-with-keras

Car engine sound classification with Keras Deep learning library using spectro analysis pictures of sounds

Language: Python - Size: 437 MB - Last synced at: 21 days ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

nanfengpo/Automatic-Image-Colorization Fork of Armour/Automatic-Image-Colorization

🎨 Automatic Image Colorization using TensorFlow based on Residual Encoder Network

Language: Python - Size: 934 KB - Last synced at: 21 days ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

nanfengpo/dcgan-completion.tensorflow Fork of bamos/dcgan-completion.tensorflow

Image Completion with Deep Learning in TensorFlow

Language: Python - Size: 37.1 MB - Last synced at: 21 days ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

nanfengpo/image-classifier Fork of avn3r/image-classifier

Image Classification based on Transfer Learning of Deep Learning Convolutional Neural Networks

Language: Python - Size: 167 KB - Last synced at: 21 days ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

nanfengpo/traffic_sign_classification_german Fork of georgesung/traffic_sign_classification_german

Traffic sign classification for the German Traffic Sign Dataset

Language: HTML - Size: 28.4 MB - Last synced at: 21 days ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

nanfengpo/mememoji Fork of JostineHo/mememoji

A facial expression classification system that recognizes 6 basic emotions: happy, sad, surprise, fear, anger and neutral.

Language: Jupyter Notebook - Size: 11.6 MB - Last synced at: 21 days ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

nanfengpo/text-to-image Fork of paarthneekhara/text-to-image

Text to image synthesis using thought vectors

Language: Python - Size: 6.02 MB - Last synced at: 21 days ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

nanfengpo/chess-id Fork of daylen/chess-id

Board localization and piece recognition

Language: Jupyter Notebook - Size: 9.77 KB - Last synced at: 21 days ago - Pushed at: over 9 years ago - Stars: 0 - Forks: 0