1600 Repositories
Python Face-Recognition-Attendence-System Libraries
a spacial-temporal pattern detection system for home automation
Argos a spacial-temporal pattern detection system for home automation. Based on OpenCV and Tensorflow, can run on raspberry pi and notify HomeAssistan
Face Identity Disentanglement via Latent Space Mapping [SIGGRAPH ASIA 2020]
Face Identity Disentanglement via Latent Space Mapping Description Official Implementation of the paper Face Identity Disentanglement via Latent Space
AI grand challenge 2020 Repo (Speech Recognition Track)
KorBERT๋ฅผ ํ์ฉํ ํ๊ตญ์ด ํ ์คํธ ๊ธฐ๋ฐ ์ํ ์ํฉ์ธ์ง(2020 ์ธ๊ณต์ง๋ฅ ๊ทธ๋๋ ์ฑ๋ฆฐ์ง) ๋ณธ ํ๋ก์ ํธ๋ ETRI์์ ์ ๊ณต๋ ํ๊ตญ์ด korBERT ๋ชจ๋ธ์ ํ์ฉํ์ฌ ํญ๋ ฅ ๊ธฐ๋ฐ ํ๊ตญ์ด ํ ์คํธ๋ฅผ ๋ถ๋ฅํ๋ ๋ค์ํ ๋ถ๋ฅ ๋ชจ๋ธ๋ค์ ์ ๊ณตํฉ๋๋ค. ๋ณธ ๊ฐ๋ฐ์๋ค์ด ์ฐธ์ฌํ 2020 ์ธ๊ณต์ง
Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
NeuroNER NeuroNER is a program that performs named-entity recognition (NER). Website: neuroner.com. This page gives step-by-step instructions to insta
Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.
anaGo anaGo is a Python library for sequence labeling(NER, PoS Tagging,...), implemented in Keras. anaGo can solve sequence labeling tasks such as nam
Stand-alone language identification system
langid.py readme Introduction langid.py is a standalone Language Identification (LangID) tool. The design principles are as follows: Fast Pre-trained
Textpipe: clean and extract metadata from text
textpipe: clean and extract metadata from text textpipe is a Python package for converting raw text in to clean, readable text and extracting metadata
Kashgari is a production-level NLP Transfer learning framework built on top of tf.keras for text-labeling and text-classification, includes Word2Vec, BERT, and GPT2 Language Embedding.
Kashgari Overview | Performance | Installation | Documentation | Contributing ๐ ๐ ๐ We released the 2.0.0 version with TF2 Support. ๐ ๐ ๐ If you
DELTA is a deep learning based natural language and speech processing platform.
DELTA - A DEep learning Language Technology plAtform What is DELTA? DELTA is a deep learning based end-to-end natural language and speech processing p
NeMo: a toolkit for conversational AI
NVIDIA NeMo Introduction NeMo is a toolkit for creating Conversational AI applications. NeMo product page. Introductory video. The toolkit comes with
Snips Python library to extract meaning from text
Snips NLU Snips NLU (Natural Language Understanding) is a Python library that allows to extract structured information from sentences written in natur
Official Stanford NLP Python Library for Many Human Languages
Stanza: A Python NLP Library for Many Human Languages The Stanford NLP Group's official Python NLP library. It contains support for running various ac
State of the Art Natural Language Processing
Spark NLP: State of the Art Natural Language Processing Spark NLP is a Natural Language Processing library built on top of Apache Spark ML. It provide
An open source library for deep learning end-to-end dialog systems and chatbots.
DeepPavlov is an open-source conversational AI library built on TensorFlow, Keras and PyTorch. DeepPavlov is designed for development of production re
A very simple framework for state-of-the-art Natural Language Processing (NLP)
A very simple framework for state-of-the-art NLP. Developed by Humboldt University of Berlin and friends. IMPORTANT: (30.08.2020) We moved our models
๐ซ Industrial-strength Natural Language Processing (NLP) in Python
spaCy: Industrial-strength NLP spaCy is a library for advanced Natural Language Processing in Python and Cython. It's built on the very latest researc
Vowpal Wabbit is a machine learning system which pushes the frontier of machine learning with techniques such as online, hashing, allreduce, reductions, learning2search, active, and interactive learning.
This is the Vowpal Wabbit fast online learning code. Why Vowpal Wabbit? Vowpal Wabbit is a machine learning system which pushes the frontier of machin
Diamond is a python daemon that collects system metrics and publishes them to Graphite (and others). It is capable of collecting cpu, memory, network, i/o, load and disk metrics. Additionally, it features an API for implementing custom collectors for gathering metrics from almost any source.
Diamond Diamond is a python daemon that collects system metrics and publishes them to Graphite (and others). It is capable of collecting cpu, memory,
Glances an Eye on your system. A top/htop alternative for GNU/Linux, BSD, Mac OS and Windows operating systems.
Glances - An eye on your system Summary Glances is a cross-platform monitoring tool which aims to present a large amount of monitoring information thr
Cross-platform lib for process and system monitoring in Python
Home Install Documentation Download Forum Blog Funding What's new Summary psutil (process and system utilities) is a cross-platform library for retrie
Official project repository for the Setuptools build system
See the Installation Instructions in the Python Packaging User's Guide for instructions on installing, upgrading, and uninstalling Setuptools. Questio
An installation and dependency system for Python
Pyflow Simple is better than complex - The Zen of Python Pyflow streamlines working with Python projects and files. It's an easy-to-use CLI app with a
OS-agnostic, system-level binary package manager and ecosystem
Conda is a cross-platform, language-agnostic binary package manager. It is the package manager used by Anaconda installations, but it may be used for
A system for Python that generates static type annotations by collecting runtime types
MonkeyType MonkeyType collects runtime types of function arguments and return values, and can automatically generate stub files or even add draft type
A pandas-like deferred expression system, with first-class SQL support
Ibis: Python data analysis framework for Hadoop and SQL engines Service Status Documentation Conda packages PyPI Azure Coverage Ibis is a toolbox to b
Flexible Python configuration system. The last one you will ever need.
OmegaConf Description Project Code quality Docs and support OmegaConf is a hierarchical configuration system, with support for merging configurations
Supervisor process control system for UNIX
Supervisor Supervisor is a client/server system that allows its users to control a number of processes on UNIX-like operating systems. Supported Platf
Object-oriented file system path manipulation
path (aka path pie, formerly path.py) implements path objects as first-class entities, allowing common operations on files to be invoked on those path
A Django based shop system
django-SHOP Django-SHOP aims to be a the easy, fun and fast e-commerce counterpart to django-CMS. Here you can find the full documentation for django-
A generic system for filtering Django QuerySets based on user selections
Django Filter Django-filter is a reusable Django application allowing users to declaratively add dynamic QuerySet filtering from URL parameters. Full
:incoming_envelope: IMAP/SMTP sync system with modern APIs
Nylas Sync Engine The Nylas Sync Engine provides a RESTful API on top of a powerful email sync platform, making it easy to build apps on top of email.
Fastapi mail system sending mails(individual, bulk) attachments(individual, bulk)
Fastapi-mail The fastapi-mail simple lightweight mail system, sending emails and attachments(individual && bulk) ๐จ Installation $ pip install fastap
A testing system for catching visual regressions in Web applications.
Huxley Watches you browse, takes screenshots, tells you when they change Huxley is a test-like system for catching visual regressions in Web applicati
The lektor static file content management system
Lektor Lektor is a static website generator. It builds out an entire project from static files into many individual HTML pages and has a built-in admi
A Django content management system focused on flexibility and user experience
Wagtail is an open source content management system built on Django, with a strong community and commercial support. It's focused on user experience,
A PyTorch Toolbox for Face Recognition
FaceX-Zoo FaceX-Zoo is a PyTorch toolbox for face recognition. It provides a training module with various supervisory heads and backbones towards stat
PORORO: Platform Of neuRal mOdels for natuRal language prOcessing
PORORO: Platform Of neuRal mOdels for natuRal language prOcessing pororo performs Natural Language Processing and Speech-related tasks. It is easy to
The Modern Hash Identification System
๐ Don't know what type of hash it is? Name That Hash will name that hash type! ๐ค Identify MD5, SHA256 and 3000+ other hashes โ Comes with a neat web app ๐ฅ
REST implementation of Django authentication system.
djoser REST implementation of Django authentication system. djoser library provides a set of Django Rest Framework views to handle basic actions such
Flask user session management.
Flask-Login Flask-Login provides user session management for Flask. It handles the common tasks of logging in, logging out, and remembering your users
๐ฅ Fire up your API with this flamethrower
๐ฅ Fire up your API. Documentation: https://flama.perdy.io Flama Flama aims to bring a layer on top of Starlette to provide an easy to learn and fast
img2pose: Face Alignment and Detection via 6DoF, Face Pose Estimation
img2pose: Face Alignment and Detection via 6DoF, Face Pose Estimation Figure 1: We estimate the 6DoF rigid transformation of a 3D face (rendered in si
Bottleneck Transformers for Visual Recognition
Bottleneck Transformers for Visual Recognition Experiments Model Params (M) Acc (%) ResNet50 baseline (ref) 23.5M 93.62 BoTNet-50 18.8M 95.11% BoTNet-
Command line animations based on the state of the system
shell-emotions Command line animations based on the state of the system for Linux or Windows 10 The ascii animations were created using a modified ver
PhoNLP: A BERT-based multi-task learning toolkit for part-of-speech tagging, named entity recognition and dependency parsing
PhoNLP is a multi-task learning model for joint part-of-speech (POS) tagging, named entity recognition (NER) and dependency parsing. Experiments on Vietnamese benchmark datasets show that PhoNLP produces state-of-the-art results, outperforming a single-task learning approach that fine-tunes the pre-trained Vietnamese language model PhoBERT for each task independently.
ๅๅๆจ่็ณป็ป
ๅๅtop50ๆจ่็ณป็ป ้ฎ้ขๅปบๆจก ๆฌ้กน็ฎ็ๆฐๆฎ้็ปๅบไบ15ไธๅทฆๅณ็็จๆทไปฅๅ12ไธๅทฆๅณ็ๅๅ, ไปฅๅๅฏนๅบ็็ป่ฟ่ฑๆๅค็็็จๆท็นๅพๅ็ป่ฟ้ขๅค็็ๅๅ็นๅพ๏ผๆจๅจไธบ็จๆทๆจ่50ไธชๅ ถๅฏ่ฝ่ดญไนฐ็ๅๅใ ๆจ่็ณป็ปๆถๆๆนๆก ๆฌ้กน็ฎ้็จไผ ็ป็ๅฌๅ๏ผๆๅบ็ๆนๆกใ
MediaPipeใฎPythonใใใฑใผใธใฎใตใณใใซใงใใ2020/12/11ๆ็นใงPythonๅฎ่ฃ ใฎใใ4ๆฉ่ฝ(HandsใPoseใFace MeshใHolistic)ใซใคใใฆ็จๆใใฆใใพใใ
mediapipe-python-sample MediaPipeใฎPythonใใใฑใผใธใฎใตใณใใซใงใใ 2020/12/11ๆ็นใงPythonๅฎ่ฃ ใฎใใไปฅไธ4ๆฉ่ฝใซใคใใฆ็จๆใใฆใใพใใ Hands Pose Face Mesh Holistic Requirement mediapipe 0.
The algorithm performs a simple user registration (Name, CPF, E-mail and Telephone) in an Amazon RDS database and also performs the storage, training and facial recognition of the user's face to identify the users already registered in the system in a next time the user is seen.
Registration form with RDS AWS database and facial recognition via OpenCV The algorithm performs a simple user registration (Name, CPF, E-mail and Tel
TDN: Temporal Difference Networks for Efficient Action Recognition
TDN: Temporal Difference Networks for Efficient Action Recognition Overview We release the PyTorch code of the TDN(Temporal Difference Networks).
[ECCV 2020] Reimplementation of 3DDFAv2, including face mesh, head pose, landmarks, and more.
Stable Head Pose Estimation and Landmark Regression via 3D Dense Face Reconstruction Reimplementation of (ECCV 2020) Towards Fast, Accurate and Stable
When doing audio and video sentiment recognition, I found that a lot of code is duplicated, often a function in different time debugging for a long time, based on this problem, I want to manage all the previous work, organized into an open source library can be iterative. For their own use and others.
FastAudioVisual Our project is developed here. The goal finish time is March 01, 2021 What is FastAudioVisual? FastAudioVisual is a tool that allows u
Exploit Discord's cache system to remote upload payloads on Discord users machines
Exploit Discord's cache system to hide payloads PoC Remote upload embedded payload from image using EOF to Discord users machines through cache. Depen
Python based scripts for obtaining system information from Linux.
sysinfo Python based scripts for obtaining system information from Linux. Python2 and Python3 compatible Output in JSON format Simple scripts and exte
CrossNER: Evaluating Cross-Domain Named Entity Recognition (AAAI-2021)
CrossNER is a fully-labeled collected of named entity recognition (NER) data spanning over five diverse domains (Politics, Natural Science, Music, Literature, and Artificial Intelligence) with specialized entity categories for different domains.
Framework for fine-tuning pretrained transformers for Named-Entity Recognition (NER) tasks
NERDA Not only is NERDA a mesmerizing muppet-like character. NERDA is also a python package, that offers a slick easy-to-use interface for fine-tuning
style mixing for animation face
An implementation of StyleGAN on Animation dataset. Install git clone https://github.com/MorvanZhou/anime-StyleGAN cd anime-StyleGAN pip install -r re
PyTorch implementation of "Conformer: Convolution-augmented Transformer for Speech Recognition" (INTERSPEECH 2020)
PyTorch implementation of Conformer: Convolution-augmented Transformer for Speech Recognition. Transformer models are good at capturing content-based
System checks for your project's environment.
django-version-checks System checks for your project's environment. Requirements Python 3.6 to 3.9 supported. Django 2.2 to 3.2 supported. Are your te
A Python wrapper for the tesseract-ocr API
tesserocr A simple, Pillow-friendly, wrapper around the tesseract-ocr API for Optical Character Recognition (OCR). tesserocr integrates directly with
A Python interface module to the SAS System. It works with Linux, Windows, and mainframe SAS. It supports the sas_kernel project (a Jupyter Notebook kernel for SAS) or can be used on its own.
A Python interface to MVA SAS Overview This module creates a bridge between Python and SAS 9.4. This module enables a Python developer, familiar with
The lektor static file content management system
Lektor Lektor is a static website generator. It builds out an entire project from static files into many individual HTML pages and has a built-in admi
A computer algebra system written in pure Python
SymPy See the AUTHORS file for the list of authors. And many more people helped on the SymPy mailing list, reported bugs, helped organize SymPy's part
A TensorFlow recommendation algorithm and framework in Python.
TensorRec A TensorFlow recommendation algorithm and framework in Python. NOTE: TensorRec is not under active development TensorRec will not be receivi
Deep recommender models using PyTorch.
Spotlight uses PyTorch to build both deep and shallow recommender models. By providing both a slew of building blocks for loss functions (various poin
A Python implementation of LightFM, a hybrid recommendation algorithm.
LightFM Build status Linux OSX (OpenMP disabled) Windows (OpenMP disabled) LightFM is a Python implementation of a number of popular recommendation al
Fast Python Collaborative Filtering for Implicit Feedback Datasets
Implicit Fast Python Collaborative Filtering for Implicit Datasets. This project provides fast Python implementations of several different popular rec
fastFM: A Library for Factorization Machines
Citing fastFM The library fastFM is an academic project. The time and resources spent developing fastFM are therefore justified by the number of citat
OS-agnostic, system-level binary package manager and ecosystem
Conda is a cross-platform, language-agnostic binary package manager. It is the package manager used by Anaconda installations, but it may be used for
A simple but flexible plugin system for Python.
PluginBase PluginBase is a module for Python that enables the development of flexible plugin systems in Python. Step 1: from pluginbase import PluginB
A fast Python in-process signal/event dispatching system.
Blinker Blinker provides a fast dispatching system that allows any number of interested parties to subscribe to events, or "signals". Signal receivers
Official Stanford NLP Python Library for Many Human Languages
Stanza: A Python NLP Library for Many Human Languages The Stanford NLP Group's official Python NLP library. It contains support for running various ac
Stand-alone language identification system
langid.py readme Introduction langid.py is a standalone Language Identification (LangID) tool. The design principles are as follows: Fast Pre-trained
An open source library for deep learning end-to-end dialog systems and chatbots.
DeepPavlov is an open-source conversational AI library built on TensorFlow, Keras and PyTorch. DeepPavlov is designed for development of production re
Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
NeuroNER NeuroNER is a program that performs named-entity recognition (NER). Website: neuroner.com. This page gives step-by-step instructions to insta
Snips Python library to extract meaning from text
Snips NLU Snips NLU (Natural Language Understanding) is a Python library that allows to extract structured information from sentences written in natur
๐ซ Industrial-strength Natural Language Processing (NLP) in Python
spaCy: Industrial-strength NLP spaCy is a library for advanced Natural Language Processing in Python and Cython. It's built on the very latest researc
Colibri core is an NLP tool as well as a C++ and Python library for working with basic linguistic constructions such as n-grams and skipgrams (i.e patterns with one or more gaps, either of fixed or dynamic size) in a quick and memory-efficient way. At the core is the tool ``colibri-patternmodeller`` whi ch allows you to build, view, manipulate and query pattern models.
Colibri Core by Maarten van Gompel, [email protected], Radboud University Nijmegen Licensed under GPLv3 (See http://www.gnu.org/licenses/gpl-3.0.html
Accelerated deep learning R&D
Accelerated deep learning R&D PyTorch framework for Deep Learning research and development. It focuses on reproducibility, rapid experimentation, and
A Comparative Framework for Multimodal Recommender Systems
Cornac Cornac is a comparative framework for multimodal recommender systems. It focuses on making it convenient to work with models leveraging auxilia
Best Practices on Recommendation Systems
Recommenders What's New (February 4, 2021) We have a new relase Recommenders 2021.2! It comes with lots of bug fixes, optimizations and 3 new algorith
Deep Learning GPU Training System
DIGITS DIGITS (the Deep Learning GPU Training System) is a webapp for training deep learning models. The currently supported frameworks are: Caffe, To
Easy and comprehensive assessment of predictive power, with support for neuroimaging features
Documentation: https://raamana.github.io/neuropredict/ News As of v0.6, neuropredict now supports regression applications i.e. predicting continuous t
A python library for implementing a recommender system
python-recsys A python library for implementing a recommender system. Installation Dependencies python-recsys is build on top of Divisi2, with csc-pys
OpenPose: Real-time multi-person keypoint detection library for body, face, hands, and foot estimation
Build Type Linux MacOS Windows Build Status OpenPose has represented the first real-time multi-person system to jointly detect human body, hand, facia
Face detection using deep learning.
Face Detection Docker Solution Using Faster R-CNN Dockerface is a deep learning face detector. It deploys a trained Faster R-CNN network on Caffe thro
The world's simplest facial recognition api for Python and the command line
Face Recognition You can also read a translated version of this file in Chinese ็ฎไฝไธญๆ็ or in Korean ํ๊ตญ์ด or in Japanese ๆฅๆฌ่ช. Recognize and manipulate fa
A Powerful Spider(Web Crawler) System in Python.
pyspider A Powerful Spider(Web Crawler) System in Python. Write script in Python Powerful WebUI with script editor, task monitor, project manager and
Object-oriented file system path manipulation
path (aka path pie, formerly path.py) implements path objects as first-class entities, allowing common operations on files to be invoked on those path
A Django based shop system
django-SHOP Django-SHOP aims to be a the easy, fun and fast e-commerce counterpart to django-CMS. Here you can find the full documentation for django-
Cross-platform lib for process and system monitoring in Python
Home Install Documentation Download Forum Blog Funding What's new Summary psutil (process and system utilities) is a cross-platform library for retrie
Supervisor process control system for UNIX
Supervisor Supervisor is a client/server system that allows its users to control a number of processes on UNIX-like operating systems. Supported Platf
:art: Diagram as Code for prototyping cloud system architectures
Diagrams Diagram as Code. Diagrams lets you draw the cloud system architecture in Python code. It was born for prototyping a new system architecture d
A Python wrapper for the tesseract-ocr API
tesserocr A simple, Pillow-friendly, wrapper around the tesseract-ocr API for Optical Character Recognition (OCR). tesserocr integrates directly with
The world's simplest facial recognition api for Python and the command line
Face Recognition You can also read a translated version of this file in Chinese ็ฎไฝไธญๆ็ or in Korean ํ๊ตญ์ด or in Japanese ๆฅๆฌ่ช. Recognize and manipulate fa
Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
EasyOCR Ready-to-use OCR with 80+ languages supported including Chinese, Japanese, Korean and Thai. What's new 1 February 2021 - Version 1.2.3 Add set
A system for Python that generates static type annotations by collecting runtime types
MonkeyType MonkeyType collects runtime types of function arguments and return values, and can automatically generate stub files or even add draft type
LOOKING FOR NEW MAINTAINER - Quokka is a Content Management System - `docker run --rm -it -p 5000:5000 quokka/quokka`
Quokka The Happiest CMS in the world Quokka is a Content Management Framework written in Python. A lightweight framework to build CMS (Content Managem
Kotti is a high-level, Pythonic web application framework based on Pyramid and SQLAlchemy. It includes an extensible Content Management System called the Kotti CMS.
Kotti Kotti is a high-level, Pythonic web application framework based on Pyramid and SQLAlchemy. It includes an extensible Content Management System c
Indico - A feature-rich event management system, made @ CERN, the place where the Web was born.
Indico Indico is: ? a general-purpose event management tool; ? fully web-based; ? feature-rich but also extensible through the use of plugins; โ๏ธ O
Audio fingerprinting and recognition in Python
dejavu Audio fingerprinting and recognition algorithm implemented in Python, see the explanation here: How it works Dejavu can memorize audio by liste