You signed in with another tab or window. Reload to refresh your session.You signed out in another tab or window. Reload to refresh your session.You switched accounts on another tab or window. Reload to refresh your session.Dismiss alert
👉Graphical system monitor for linux, including information about CPU, GPU, Memory, HDD/SDD and your network connections. Similar to windows task manager.
BERTopic is a topic modeling technique that leverages BERT embeddings and c-TF-IDF to create dense clusters
allowing for easily interpretable topics whilst keeping important words in the topic descriptions.
Abstract: *Training generative adversarial networks (GAN) using too little data typically leads to discriminator overfitting, causing training to diverge. We propose an adaptive discriminator augmentation mechanism that significantly stabilizes training in limited data regimes. The approach does not require changes to loss functions or network architectures, and is applicable both when training from scratch and when fine-tuning an existing GAN on another dataset. We demonstrate, on several datasets, that good results are now possible using only a few thousand training images, often matching StyleGAN2 results with an order of magnitude fewer images. We expect this to open up new application domains for GANs. We a...
For information on contributing to this project, please see the contributing guide.
Please note a passing build status indicates all listed APIs are available since the last update. A failing build status indicates that 1 or more services may be unavailable at the moment.
Fully generated fake resumes using machine learning models trained off ~6000 JSON resumes.
This repo generates the website, and also includes code for people who would like to see how to train text based models and generate sample outputs.
This is just for a bit of fun, all ideas are welcome (create an issue) and we hope you learn something along the way.
We did not include the real data the models are currently trained off for privacy purposes. Though, thousands of people host their resume.json on Github Gist which you can see results for here
Note: The models/output obviously suck. We didn't clean the data enough. And we didn't train them for long enough. (Who can afford that)
Getting Started
You will need Node and Python3 for this project (sorry)
This repository represents Ultralytics open-source research into future object detection methods, and incorporates our lessons learned and best practices evolved over training thousands of models on custom client datasets with our previous YOLO repository https://github.com/ultralytics/yolov3. All code and models are under active development, and are subject to modification or deletion without notice. Use at your own risk.
** GPU Speed measures end-to-end time per image averaged over 5000 COCO val2017 images using a V100 GPU with batch size 32, and includes image preprocessing, PyTorch FP16 inference, postprocessing and NMS. EfficientDet data from [google/automl](https://github.co...
Users and logs provide clues. Sentry provides answers.
What's Sentry?
Sentry is a service that helps you monitor and fix crashes
in realtime. The server is in Python, but it contains a full API for
sending events from any language, in any application.
Open source home automation that puts local control and privacy first. Powered by a worldwide community of tinkerers and DIY enthusiasts. Perfect to run on a Raspberry Pi or a local server.
Check out home-assistant.io <https://home-assistant.io>__ for a demo <https://home-assistant.io/demo/>, installation instructions <https://home-assistant.io/getting-started/>, tutorials <https://home-assistant.io/getting-started/automation-2/>__ and documentation <https://home-assistant.io/docs/>__.
👉Natural Intelligence is still a pretty good idea.
😎TOPICS: scikit-learn,machine-learning,benchmark
⭐️STARS:145, 今日上升数↑:56
👉README:
Human Learning
Machine Learning models should play by the rules, literally.
Project Goal
Back in the old days, it was common to write rule-based systems. Systems that do;
Nowadays, it's much more fashionable to use machine learning instead. Something like;
We started wondering if we might have lost something in this transition. Sure,
machine learning covers a lot of ground but it is also capable of making bad
decision. We've also reached a stage of hype that folks forget that many
classification problems can be handled by natural intelligence too.
This package contains scikit-learn compatible tools that should make it easier
to construct and benchmark rule based systems that are designed by humans. You
can also use it in combination with ML models.
DeepCTR is a Easy-to-use,Modular and Extendible package of deep-learning based CTR models along with lots of core components layers which can be used to easily build custom models.You can use any complex model with model.fit(),and model.predict() .
Provide tf.keras.Model like interface for quick experiment. example
Provide tensorflow estimator interface for large scale data and distributed training. example
Encoding in Style: a StyleGAN Encoder for Image-to-Image Translation
We present a generic image-to-image translation framework, Pixel2Style2Pixel (pSp). Our pSp framework is based on a novel encoder network that directly generates a series of style vectors which are fed into a pretrained StyleGAN generator, forming the extended W+ latent space. We first show that our encoder can directly embed real images into W+, with no additional optimization. We further introduce a dedicated identity loss which is shown to achieve improved performance in the reconstruction of an input image. We demonstrate pSp to be a simple architecture that, by leveraging a well-trained, fixed generator network, can be easily applied on a wide-range of image-to-image translation tasks. Solving these t...
These notebooks cover an introduction to deep learning, fastai, and PyTorch. fastai is a layered API for deep learning; for more information, see the fastai paper. Everything in this repo is copyright Jeremy Howard and Sylvain Gugger, 2020 onwards.
These notebooks are used for a MOOC and form the basis of this book, which is currently available for purchase. It does not have the same GPL restrictions that are on this draft.
The code in the notebooks and python .py files is covered by the GPL v3 license; see the LICENSE file for details.
The remainder (including all markdown cells in the notebooks and other prose) is not licensed for any redistribution or change of format or medium, other than making copies of the notebooks or forking this repo...
Update July: Added support for action recognition and tracking
in the new release v1.2.
Computer Vision
In recent years, we've see an extra-ordinary growth in Computer Vision, with applications in face recognition, image understanding, search, drones, mapping, semi-autonomous and autonomous vehicles. A key part to many of these applications are visual recognition tasks such as image classification, object detection and image similarity.
This repository provides examples and best practice guidelines for building computer vision systems. The goal of this repository is to build a comprehensive set of tools and examples that leverage recent advances in Computer Vision algorithms, neural architectures, and operationalizing such systems. Rather than creating implementions from scratch, we draw from existing state-of-the-art libraries and build additional utility around loading image data, optimizing and evaluating mo...
nlp-tutorial is a tutorial for who is studying NLP(Natural Language Processing) using Pytorch. Most of the models in NLP were implemented with less than 100 lines of code.(except comments or blank lines)
[08-14-2020] Old TensorFlow v1 code is archived in the archive folder. For beginner readability, only pytorch version 1.0 or higher is supported.
Python随身听-2020-10-11-技术精选
🤩Python随身听-技术精选: /jackfrued/Python-100-Days
👉Python - 100天从新手到大师
😎TOPICS: ``
⭐️STARS:93753, 今日上升数↑:206
👉README:
Python - 100天从新手到大师
Python应用领域和职业发展分析
简单的说,Python是一个“优雅”、“明确”、“简单”的编程语言。
Python在以下领域都有用武之地。
地址:https://github.com/jackfrued/Python-100-Days
🤩Python随身听-技术精选: /MatthiasSchinzel/sysmon
👉Graphical system monitor for linux, including information about CPU, GPU, Memory, HDD/SDD and your network connections. Similar to windows task manager.
😎TOPICS:
system-monitoring,system-monitor,task-manager,linux,ubuntu
⭐️STARS:152, 今日上升数↑:40
👉README:
Linux activity monitor
Key Features • Getting Started
<img src="https://raw.githubusercontent.com/MatthiasSchinzel/sysmon/master/media/optimi...
地址:https://github.com/MatthiasSchinzel/sysmon
🤩Python随身听-技术精选: /MaartenGr/BERTopic
👉Leveraging BERT and a class-based TF-IDF to create easily interpretable topics.
😎TOPICS:
bert,transformers,topic-modeling,sentence-embeddings,nlp,machine-learning
⭐️STARS:316, 今日上升数↑:91
👉README:
BERTopic is a topic modeling technique that leverages BERT embeddings and c-TF-IDF to create dense clusters
allowing for easily interpretable topics whilst keeping important words in the topic descriptions.
Corresponding medium post can be found here.
Table of Contents
2.1. Sentence Transformer
2.2. UMAP + HDBSCAN
2.3. c-TF-IDF
3.1. Installation
3.2. Basic Usage
3.3. Overview
1. About the Project
Back to ToC
T...
地址:https://github.com/MaartenGr/BERTopic
🤩Python随身听-技术精选: /fighting41love/funNLP
👉中英文敏感词、语言检测、中外手机/电话归属地/运营商查询、名字推断性别、手机号抽取、身份证抽取、邮箱抽取、中日文人名库、中文缩写库、拆字词典、词汇情感值、停用词、反动词表、暴恐词表、繁简体转换、英文模拟中文发音、汪峰歌词生成器、职业名称词库、同义词库、反义词库、否定词库、汽车品牌词库、汽车零件词库、连续英文切割、各种中文词向量、公司名字大全、古诗词库、IT词库、财经词库、成语词库、地名词库、历史名人词库、诗词词库、医学词库、饮食词库、法律词库、汽车词库、动物词库、中文聊天语料、中文谣言数据、百度中文问答数据集、句子相似度匹配算法集合、bert资源、文本生成&摘要相关工具、cocoNLP信息抽取工具、国内电话号码正则匹配、清华大学XLORE:中英文跨语言百科知识图谱、清华大学人工智能技术系列报告、自然语言生成、NLU太难了系列、自动对联数据及机器人、用户名黑名单列表、罪名法务名词及分类模型、微信公众号语料、cs224n深度学习自然语言处理课程、中文手写汉字识别、中文自然语言处理 语料/数据集、变量命名神器、分词语料库+代码、任务型对话英文数据集、ASR 语音数据集 + 基于深度学习的中文语音识别系统、笑声检测器、Microsoft多语言数字/单位/如日期时间识别包、中华新华字典数据库及api(包括常用歇后语、成语、词语和汉字)、文档图谱自动生成、SpaCy 中文模型、Common Voice语音识别数据集新版、神经网络关系抽取、基于bert的命名实体识别、关键词(Keyphrase)抽取包pke、基于医疗领域知识图谱的问答系统、基于依存句法与语义角色标注的事件三元组抽取、依存句法分析4万句高质量标注数据、cnocr:用来做中文OCR的Python3包、中文人物关系知识图谱项目、中文nlp竞赛项目及代码汇总、中文字符数据、speech-aligner: 从“人声语音”及其“语言文本”产生音素级别时间对齐标注的工具、AmpliGraph: 知识图谱表示学习(Python)库:知识图谱概念链接预测、Scattertext 文本可视化(python)、语言/知识表示工具:BERT & ERNIE、中文对比英文自然语言处理NLP的区别综述、Synonyms中文近义词工具包、HarvestText领域自适应文本挖掘工具(新词发现-情感分析-实体链接等)、word2word:(Python)方便易用的多语言词-词对集:62种语言/3,564个多语言对、语音识别语料生成工具:从具有音频/字幕的在线视频创建自动语音识别(ASR)语料库、构建医疗实体识别的模型(包含词典和语料标注)、单文档非监督的关键词抽取、Kashgari中使用gpt-2语言模型、开源的金融投资数据提取工具、文本自动摘要库TextTeaser: 仅支持英文、人民日报语料处理工具集、一些关于自然语言的基本模型、基于14W歌曲知识库的问答尝试--功能包括歌词接龙and已知歌词找歌曲以及歌曲歌手歌词三角关系的问答、基于Siamese bilstm模型的相似句子判定模型并提供训练数据集和测试数据集、用Transformer编解码模型实现的根据Hacker News文章标题自动生成评论、用BERT进行序列标记和文本分类的模板代码、LitBank:NLP数据集——支持自然语言处理和计算人文学科任务的100部带标记英文小说语料、百度开源的基准信息抽取系统、虚假新闻数据集、Facebook: LAMA语言模型分析,提供Transformer-XL/BERT/ELMo/GPT预训练语言模型的统一访问接口、CommonsenseQA:面向常识的英文QA挑战、中文知识图谱资料、数据及工具、各大公司内部里大牛分享的技术文档 PDF 或者 PPT、自然语言生成SQL语句(英文)、中文NLP数据增强(EDA)工具、英文NLP数据增强工具 、基于医药知识图谱的智能问答系统、京东商品知识图谱、基于mongodb存储的军事领域知识图谱问答项目、基于远监督的中文关系抽取、语音情感分析、中文ULMFiT-情感分析-文本分类-语料及模型、一个拍照做题程序、世界各国大规模人名库、一个利用有趣中文语料库 qingyun 训练出来的中文聊天机器人、中文聊天机器人seqGAN、省市区镇行政区划数据带拼音标注、教育行业新闻语料库包含自动文摘功能、开放了对话机器人-知识图谱-语义理解-自然语言处理工具及数据、中文知识图谱:基于百度百科中文页面-抽取三元组信息-构建中文知识图谱、masr: 中文语音识别-提供预训练模型-高识别率、Python音频数据增广库、中文全词覆盖BERT及两份阅读理解数据、ConvLab:开源多域端到端对话系统平台、中文自然语言处理数据集、基于最新版本rasa搭建的对话系统、基于TensorFlow和BERT的管道式实体及关系抽取、一个小型的证券知识图谱/知识库、复盘所有NLP比赛的TOP方案、OpenCLaP:多领域开源中文预训练语言模型仓库、UER:基于不同语料+编码器+目标任务的中文预训练模型仓库、中文自然语言处理向量合集、基于金融-司法领域(兼有闲聊性质)的聊天机器人、g2pC:基于上下文的汉语读音自动标记模块、Zincbase 知识图谱构建工具包、诗歌质量评价/细粒度情感诗歌语料库、快速转化「中文数字」和「阿拉伯数字」、百度知道问答语料库、基于知识图谱的问答系统、jieba_fast 加速版的jieba、正则表达式教程、中文阅读理解数据集、基于BERT等最新语言模型的抽取式摘要提取、Python利用深度学习进行文本摘要的综合指南、知识图谱深度学习相关资料整理、维基大规模平行文本语料、StanfordNLP 0.2.0:纯Python版自然语言处理包、NeuralNLP-NeuralClassifier:腾讯开源深度学习文本分类工具、端到端的封闭域对话系统、中文命名实体识别:NeuroNER vs. BertNER、新闻事件线索抽取、2019年百度的三元组抽取比赛:“科学空间队”源码、基于依存句法的开放域文本知识三元组抽取和知识库构建、中文的GPT2训练代码、ML-NLP - 机器学习(Machine Learning)NLP面试中常考到的知识点和代码实现、nlp4han:中文自然语言处理工具集(断句/分词/词性标注/组块/句法分析/语义分析/NER/N元语法/HMM/代词消解/情感分析/拼写检查、XLM:Facebook的跨语言预训练语言模型、用基于BERT的微调和特征提取方法来进行知识图谱百度百科人物词条属性抽取、中文自然语言处理相关的开放任务-数据集-当前最佳结果、CoupletAI - 基于CNN+Bi-LSTM+Attention 的自动对对联系统、抽象知识图谱、MiningZhiDaoQACorpus - 580万百度知道问答数据挖掘项目、brat rapid annotation tool: 序列标注工具、大规模中文知识图谱数据:1.4亿实体、数据增强在机器翻译及其他nlp任务中的应用及效果、allennlp阅读理解:支持多种数据和模型、PDF表格数据提取工具 、 Graphbrain:AI开源软件库和科研工具,目的是促进自动意义提取和文本理解以及知识的探索和推断、简历自动筛选系统、基于命名实体识别的简历自动摘要、中文语言理解测评基准,包括代表性的数据集&基准模型&语料库&排行榜、树洞 OCR 文字识别 、从包含表格的扫描图片中识别表格和文字、语声迁移、Python口语自然语言处理工具集(英文)、 similarity:相似度计算工具包,java编写、海量中文预训练ALBERT模型 、Transformers 2.0 、基于大规模音频数据集Audioset的音频增强 、Poplar:网页版自然语言标注工具、图片文字去除,可用于漫画翻译 、186种语言的数字叫法库、Amazon发布基于知识的人-人开放领域对话数据集 、中文文本纠错模块代码、繁简体转换 、 Python实现的多种文本可读性评价指标、类似于人名/地名/组织机构名的命名体识别数据集 、东南大学《知识图谱》研究生课程(资料)、. 英文拼写检查库 、 wwsearch是企业微信后台自研的全文检索引擎、CHAMELEON:深度学习新闻推荐系统元架构 、 8篇论文梳理BERT相关模型进展与反思、DocSearch:免费文档搜索引擎、 LIDA:轻量交互式对话标注工具 、aili - the fastest in-memory index in the East 东半球最快并发索引 、知识图谱车音工作项目、自然语言生成资源大全 、中日韩分词库mecab的Python接口库、中文文本摘要/关键词提取、汉字字符特征提取器 (featurizer),提取汉字的特征(发音特征、字形特征)用做深度学习的特征、中文生成任务基准测评 、中文缩写数据集、中文任务基准测评 - 代表性的数据集-基准(预训练)模型-语料库-baseline-工具包-排行榜、PySS3:面向可解释AI的SS3文本分类器机器可视化工具 、中文NLP数据集列表、COPE - 格律诗编辑程序、doccano:基于网页的开源协同多语言文本标注工具 、PreNLP:自然语言预处理库、简单的简历解析器,用来从简历中提取关键信息、用于中文闲聊的GPT2模型:GPT2-chitchat、基于检索聊天机器人多轮响应选择相关资源列表(Leaderboards、Datasets、Papers)、(Colab)抽象文本摘要实现集锦(教程 、词语拼音数据、高效模糊搜索工具、NLP数据增广资源集、微软对话机器人框架 、 GitHub Typo Corpus:大规模GitHub多语言拼写错误/语法错误数据集、TextCluster:短文本聚类预处理模块 Short text cluster、面向语音识别的中文文本规范化、BLINK:最先进的实体链接库、BertPunc:基于BERT的最先进标点修复模型、Tokenizer:快速、可定制的文本词条化库、中文语言理解测评基准,包括代表性的数据集、基准(预训练)模型、语料库、排行榜、spaCy 医学文本挖掘与信息提取 、 NLP任务示例项目代码集、 python拼写检查库、chatbot-list - 行业内关于智能客服、聊天机器人的应用和架构、算法分享和介绍、语音质量评价指标(MOSNet, BSSEval, STOI, PESQ, SRMR)、 用138GB语料训练的法文RoBERTa预训练语言模型 、BERT-NER-Pytorch:三种不同模式的BERT中文NER实验、无道词典 - 有道词典的命令行版本,支持英汉互查和在线查询、2019年NLP亮点回顾、 Chinese medical dialogue data 中文医疗对话数据集 、最好的汉字数字(中文数字)-阿拉伯数字转换工具、 基于百科知识库的中文词语多词义/义项获取与特定句子词语语义消歧、awesome-nlp-sentiment-analysis - 情感分析、情绪原因识别、评价对象和评价词抽取、LineFlow:面向所有深度学习框架的NLP数据高效加载器、中文医学NLP公开资源整理 、MedQuAD:(英文)医学问答数据集、将自然语言数字串解析转换为整数和浮点数、Transfer Learning in Natural Language Processing (NLP) 、面向语音识别的中文/英文发音辞典、Tokenizers:注重性能与多功能性的最先进分词器、CLUENER 细粒度命名实体识别 Fine Grained Named Entity Recognition、 基于BERT的中文命名实体识别、中文谣言数据库、NLP数据集/基准任务大列表、nlp相关的一些论文及代码, 包括主题模型、词向量(Word Embedding)、命名实体识别(NER)、文本分类(Text Classificatin)、文本生成(Text Generation)、文本相似性(Text Similarity)计算等,涉及到各种与nlp相关的算法,基于keras和tensorflow 、Python文本挖掘/NLP实战示例、 Blackstone:面向非结构化法律文本的spaCy pipeline和NLP模型通过同义词替换实现文本“变脸” 、中文 预训练 ELECTREA 模型: 基于对抗学习 pretrain Chinese Model 、albert-chinese-ner - 用预训练语言模型ALBERT做中文NER 、基于GPT2的特定主题文本生成/文本增广、开源预训练语言模型合集、多语言句向量包、编码、标记和实现:一种可控高效的文本生成方法、 英文脏话大列表 、attnvis:GPT2、BERT等transformer语言模型注意力交互可视化、CoVoST:Facebook发布的多语种语音-文本翻译语料库,包括11种语言(法语、德语、荷兰语、俄语、西班牙语、意大利语、土耳其语、波斯语、瑞典语、蒙古语和中文)的语音、文字转录及英文译文、Jiagu自然语言处理工具 - 以BiLSTM等模型为基础,提供知识图谱关系抽取 中文分词 词性标注 命名实体识别 情感分析 新词发现 关键词 文本摘要 文本聚类等功能、用unet实现对文档表格的自动检测,表格重建、NLP事件提取文献资源列表 、 金融领域自然语言处理研究资源大列表、CLUEDatasetSearch - 中英文NLP数据集:搜索所有中文NLP数据集,附常用英文NLP数据集 、medical_NER - 中文医学知识图谱命名实体识别 、(哈佛)讲因果推理的免费书、知识图谱相关学习资料/数据集/工具资源大列表、Forte:灵活强大的自然语言处理pipeline工具集 、Python字符串相似性算法库、PyLaia:面向手写文档分析的深度学习工具包、TextFooler:针对文本分类/推理的对抗文本生成模块、Haystack:灵活、强大的可扩展问答(QA)框架、中文关键短语抽取工具
😎TOPICS: ``
⭐️STARS:25039, 今日上升数↑:57
👉README:
The Most Powerful NLP-Weapon Arsenal
NLP民工的乐园: 几乎最全的中文NLP资源库
在入门到熟悉NLP的过程中,用到了很多github上的包,遂整理了一下,分享在这里。
很多包非常有趣,值得收藏,满足大家的收集癖!
如果觉得有用,请分享并star,谢谢!
长期不定时更新,欢迎watch和fork!
涉及内容包括但不限于:**中英文敏感词、语言检测、中外手机/电话归属地/运营商查询、名字推断性别、手机号抽取、身份证抽取、邮箱抽取、中日文人名库、中文缩写库、拆字词典、词汇情感值、停用词、反动词表、暴恐词表、繁简体转换、英文模拟中文发音、汪峰歌词生成器、职业名称词库、同义词库、反义词库、否定词库、汽车品牌词库、汽车零件词库、连续英文切割、各种中文词向量、公司名字大全、古诗词库、IT词库、财经词库、成语词库、地名词库、历史名人词库、诗词词库、医学词库、饮食词库、法律词库、汽车词库、动物词库、中文聊天语料、中文谣言数据、百度中文问答数据集、句子相似度匹配算法集合、bert资源、文本生成&摘要相关工具、cocoNLP信息抽取工具、国内电话号码正则匹配、清华大学XLORE:中英文跨语言百科知识图谱、清华大学人工智能技术系列报告、自然语言生成、NLU太难了系列、自动对联数据及机器人、用户名黑名单列表、罪名法务名词及分类模型、微信公众号语料、cs224n深度学习自然语言处理课程、中文手写汉字识别、中文自然语言处理 语料/数据集、变量命名神器、分词语料库+代码、任务型...
地址:https://github.com/fighting41love/funNLP
🤩Python随身听-技术精选: /donnemartin/system-design-primer
👉Learn how to design large-scale systems. Prep for the system design interview. Includes Anki flashcards.
😎TOPICS:
programming,development,design,design-system,system,design-patterns,web,web-application,webapp,python,interview,interview-questions,interview-practice
⭐️STARS:108893, 今日上升数↑:137
👉README:
*English ∙ 日本語 ∙ 简体中文 ∙ 繁體中文 | العَرَبِيَّة ∙ বাংলা ∙ Português do Brasil ∙ Deutsch ∙ ελληνικά ∙ עברית ∙ Italiano ∙ 한국어 ∙ فارسی ∙ Polski ∙ русский язык ∙ Español ∙ [...
地址:https://github.com/donnemartin/system-design-primer
🤩Python随身听-技术精选: /NVlabs/stylegan2-ada
👉StyleGAN2 with adaptive discriminator augmentation (ADA) - Official TensorFlow implementation
😎TOPICS: ``
⭐️STARS:186, 今日上升数↑:60
👉README:
StyleGAN2 with adaptive discriminator augmentation (ADA)
— Official TensorFlow implementation
Training Generative Adversarial Networks with Limited Data
Tero Karras, Miika Aittala, Janne Hellsten, Samuli Laine, Jaakko Lehtinen, Timo Aila
https://arxiv.org/abs/2006.06676
Abstract: *Training generative adversarial networks (GAN) using too little data typically leads to discriminator overfitting, causing training to diverge. We propose an adaptive discriminator augmentation mechanism that significantly stabilizes training in limited data regimes. The approach does not require changes to loss functions or network architectures, and is applicable both when training from scratch and when fine-tuning an existing GAN on another dataset. We demonstrate, on several datasets, that good results are now possible using only a few thousand training images, often matching StyleGAN2 results with an order of magnitude fewer images. We expect this to open up new application domains for GANs. We a...
地址:https://github.com/NVlabs/stylegan2-ada
🤩Python随身听-技术精选: /wangzheng0822/algo
👉数据结构和算法必知必会的50个代码实现
😎TOPICS: ``
⭐️STARS:16674, 今日上升数↑:16
👉README:
数据结构和算法必知必会的50个代码实现
微信搜索我的公众号“小争哥”,或者微信扫描下面二维码关注
关注微信公众号,回复”算法“或”设计模式“获取更多学习资料。
前Google工程师,10万人跟着学的《数据结构和算法之美》《设计模式之美》专栏作者
数组
链表
栈
队列
递归
排序
二分查找
地址:https://github.com/wangzheng0822/algo
🤩Python随身听-技术精选: /521xueweihan/HelloGitHub
👉:octocat: Find pearls on open-source seashore 分享 GitHub 上有趣、入门级的开源项目
😎TOPICS:
github,hellogithub,python,awesome
⭐️STARS:33962, 今日上升数↑:54
👉README:
中文 | English
HelloGitHub 分享 GitHub 上有趣、入门级的开源项目。
兴趣是最好的老师,这里能够帮你找到编程的兴趣!
https://github.com/521xueweihan/HelloGitHub
🤩Python随身听-技术精选: /deepinsight/insightface
👉Face Analysis Project on MXNet
😎TOPICS:
face-recognition,face-detection,mxnet,face-alignment,age-estimation,arcface,retinaface
⭐️STARS:7569, 今日上升数↑:17
👉README:
InsightFace: 2D and 3D Face Analysis Project
By Jia Guo and Jiankang Deng
License
The code of InsightFace is released under the MIT License. There is no limitation for both acadmic and commercial usage.
The training data containing the annotation (and the models trained with these data) are available for non-commercial research purposes only.
Introduction
InsightFace is an open source 2D&3D deep face analysis toolbox, mainly based on MXNet.
The master branch works with MXNet 1.2 to 1.6, with Python 3.x.
ArcFace Video Demo
Please click the image to watch the Youtube video. For Bilibili users, click here.
Recent Update
2020-08-01
: We released lightweight facial landmark models with fast coordinate regression(106 points). See detail here.2020-04-27
: InsightFace...地址:https://github.com/deepinsight/insightface
🤩Python随身听-技术精选: /public-apis/public-apis
👉A collective list of free APIs for use in software and web development.
😎TOPICS: ``
⭐️STARS:97766, 今日上升数↑:105
👉README:
A collective list of free APIs for use in software and web development.
A public API for this project can be found here!
For information on contributing to this project, please see the contributing guide.
Please note a passing build status indicates all listed APIs are available since the last update. A failing build status indicates that 1 or more services may be unavailable at the moment.
Index
地址:https://github.com/public-apis/public-apis
🤩Python随身听-技术精选: /jsonresume/jsonresume-fake
👉Fully generated fake resumes using machine learning models trained off ~6000 JSON resumes.
😎TOPICS: ``
⭐️STARS:92, 今日上升数↑:19
👉README:
Almost Real Resume
https://fake.jsonresume.org
Fully generated fake resumes using machine learning models trained off ~6000 JSON resumes.
This repo generates the website, and also includes code for people who would like to see how to train text based models and generate sample outputs.
This is just for a bit of fun, all ideas are welcome (create an issue) and we hope you learn something along the way.
We did not include the real data the models are currently trained off for privacy purposes. Though, thousands of people host their
resume.json
on Github Gist which you can see results for hereNote: The models/output obviously suck. We didn't clean the data enough. And we didn't train them for long enough. (Who can afford that)
Getting Started
You will need Node and Python3 for this project (sorry)
git clone https://github.com/jsonresume/jsonresume-fake
Install dependencies
npm ...
地址:https://github.com/jsonresume/jsonresume-fake
🤩Python随身听-技术精选: /marblexu/PythonPlantsVsZombies
👉a simple PlantsVsZombies game
😎TOPICS: ``
⭐️STARS:1613, 今日上升数↑:43
👉README:
PythonPlantsVsZombies
A simple PlantsVsZombies game.
It's only for personal learning and noncommercial use. If this game infringes the copyright, please let me know.
地址:https://github.com/marblexu/PythonPlantsVsZombies
🤩Python随身听-技术精选: /ultralytics/yolov5
👉YOLOv5 in PyTorch > ONNX > CoreML > iOS
😎TOPICS:
yolov3,yolov4,yolov5,object-detection,pytorch,onnx,coreml,ios,tflite
⭐️STARS:5350, 今日上升数↑:46
👉README:
This repository represents Ultralytics open-source research into future object detection methods, and incorporates our lessons learned and best practices evolved over training thousands of models on custom client datasets with our previous YOLO repository https://github.com/ultralytics/yolov3. All code and models are under active development, and are subject to modification or deletion without notice. Use at your own risk.
** GPU Speed measures end-to-end time per image averaged over 5000 COCO val2017 images using a V100 GPU with batch size 32, and includes image preprocessing, PyTorch FP16 inference, postprocessing and NMS. EfficientDet data from [google/automl](https://github.co...
地址:https://github.com/ultralytics/yolov5
🤩Python随身听-技术精选: /getsentry/sentry
👉Sentry is cross-platform application monitoring, with a focus on error reporting.
😎TOPICS:
crash-reporting,crash-reports,error-monitoring,monitoring,devops,csp-report,django,error-logging,sentry,python,monitor,apm,hacktoberfest
⭐️STARS:26247, 今日上升数↑:13
👉README:
Users and logs provide clues. Sentry provides answers.
What's Sentry?
Sentry is a service that helps you monitor and fix crashes
in realtime. The server is in Python, but it contains a full API for
sending events from any language, in any application.
Official Sentry SDKs
地址:https://github.com/getsentry/sentry
🤩Python随身听-技术精选: /home-assistant/core
👉:house_with_garden: Open source home automation that puts local control and privacy first
😎TOPICS:
python,home-automation,iot,internet-of-things,mqtt,raspberry-pi,asyncio,hacktoberfest
⭐️STARS:36146, 今日上升数↑:35
👉README:
Home Assistant |Chat Status|
Open source home automation that puts local control and privacy first. Powered by a worldwide community of tinkerers and DIY enthusiasts. Perfect to run on a Raspberry Pi or a local server.
Check out
home-assistant.io <https://home-assistant.io>
__ fora demo <https://home-assistant.io/demo/>
,installation instructions <https://home-assistant.io/getting-started/>
,tutorials <https://home-assistant.io/getting-started/automation-2/>
__ anddocumentation <https://home-assistant.io/docs/>
__.|screenshot-states|
Featured integrations
|screenshot-components|
The system is built using a modular approach so support for other devices or actions can be implemented easily. See also the `section on architecture <https://developers.home-assistant.io/docs/en/architectu...
地址:https://github.com/home-assistant/core
🤩Python随身听-技术精选: /koaning/human-learn
👉Natural Intelligence is still a pretty good idea.
😎TOPICS:
scikit-learn,machine-learning,benchmark
⭐️STARS:145, 今日上升数↑:56
👉README:
Human Learning
Project Goal
Back in the old days, it was common to write rule-based systems. Systems that do;
Nowadays, it's much more fashionable to use machine learning instead. Something like;
We started wondering if we might have lost something in this transition. Sure,
machine learning covers a lot of ground but it is also capable of making bad
decision. We've also reached a stage of hype that folks forget that many
classification problems can be handled by natural intelligence too.
This package contains scikit-learn compatible tools that should make it easier
to construct and benchmark rule based systems that are designed by humans. You
can also use it in combination with ML models.
Installation
You can install this tool via
pip
.python -m pip install human-learn
Documentation
Detailed documentation of this tool can be found [here](https://koaning.github.io/huma...
地址:https://github.com/koaning/human-learn
🤩Python随身听-技术精选: /shenweichen/DeepCTR
👉Easy-to-use,Modular and Extendible package of deep-learning based CTR models for search and recommendation.
😎TOPICS:
ctr,click-through-rate,deep-learning,factorization-machines,deepfm,ffm,nfm,afm,mlr,din,deepinterestnetwork,xdeepfm,deepcross,autoint,deepinterestevolutionnetwork,dien,nffm,fgcnn,ccpm
⭐️STARS:3994, 今日上升数↑:11
👉README:
DeepCTR
)](https://github.com/shenweichen/deepctr/issues)
DeepCTR is a Easy-to-use,Modular and Extendible package of deep-learning based CTR models along with lots of core components layers which can be used to easily build custom models.You can use any complex model with
model.fit()
,andmodel.predict()
.tf.keras.Model
like interface for quick experiment. exampletensorflow estimator
interface for large scale data and distributed training. exampletf 1.x
andtf 2.x
.Some related project:
Let's Get Started!([Ch...
地址:https://github.com/shenweichen/DeepCTR
🤩Python随身听-技术精选: /apachecn/AiLearning
👉AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
😎TOPICS:
fp-growth,apriori,mahchine-leaning,naivebayes,svm,adaboost,kmeans,svd,pca,logistic,regression,recommendedsystem,sklearn,scikit-learn,nlp,deeplearning,python,dnn,lstm,rnn
⭐️STARS:27284, 今日上升数↑:30
👉README:
AI learning
网站地址
地址A: xxx (欢迎留言,我们完善补充)
下载
Docker
docker pull apachecn0/ailearning
docker run -tid -p :80 apachecn0/ailearning
访问 http://localhost:{port} 查看文档
PYPI
pip install apachecn-ailearning
apachecn-ailearning
访问 http://localhost:{port} 查看文档
NPM
npm install -g ailearning
ailearning
...
地址:https://github.com/apachecn/AiLearning
🤩Python随身听-技术精选: /huggingface/transformers
👉🤗Transformers: State-of-the-art Natural Language Processing for Pytorch and TensorFlow 2.0.
😎TOPICS:
nlp,natural-language-processing,natural-language-understanding,pytorch,language-model,natural-language-generation,tensorflow,bert,gpt,xlnet,language-models,xlm,transformer-xl,pytorch-transformers
⭐️STARS:34801, 今日上升数↑:71
👉README:
https://github.com/huggingface/transformers
🤩Python随身听-技术精选: /simoninithomas/Deep_reinforcement_learning_Course
👉Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
😎TOPICS:
deep-reinforcement-learning,qlearning,deep-learning,tensorflow-tutorials,tensorflow,ppo,a2c,actor-critic,deep-q-network,deep-q-learning,pytorch,unity
⭐️STARS:2538, 今日上升数↑:71
👉README:
Deep Reinforcement Learning Course
Syllabus
Part 1: Introduction to Deeep Reinforcement Learning
📜 ARTICLE Introduction to Deep Reinforcement Learning
📹 VIDEO Introduction to Deep Reinforcement Learning
Part 2: Q-learning with FrozenLake
📜 [ARTICLE](h...
地址:https://github.com/simoninithomas/Deep_reinforcement_learning_Course
🤩Python随身听-技术精选: /eladrich/pixel2style2pixel
👉Official Implementation for "Encoding in Style: a StyleGAN Encoder for Image-to-Image Translation"
😎TOPICS:
image-translation,stylegan,generative-adversarial-network,stylegan-encoder
⭐️STARS:305, 今日上升数↑:80
👉README:
Encoding in Style: a StyleGAN Encoder for Image-to-Image Translation
地址:https://github.com/eladrich/pixel2style2pixel
🤩Python随身听-技术精选: /Atcold/pytorch-Deep-Learning
👉Deep Learning (with PyTorch)
😎TOPICS:
jupyter-notebook,pytorch,deep-learning,neural-nets
⭐️STARS:3084, 今日上升数↑:53
👉README:
This notebook repository now has a companion website, where all the course material can be found in video and textual format.
🇬🇧 🇨🇳 🇰🇷 🇪🇸 🇮🇹 🇹🇷 🇯🇵 [🇸🇦](https://github.com/Atcold/pytorch-Deep-Learning/blob/master/docs/ar/README-AR.m...
地址:https://github.com/Atcold/pytorch-Deep-Learning
🤩Python随身听-技术精选: /fastai/fastbook
👉The fastai book, published as Jupyter Notebooks
😎TOPICS:
notebooks,fastai,deep-learning,machine-learning,data-science,python,book
⭐️STARS:9634, 今日上升数↑:35
👉README:
English / Korean
The fastai book
These notebooks cover an introduction to deep learning, fastai, and PyTorch. fastai is a layered API for deep learning; for more information, see the fastai paper. Everything in this repo is copyright Jeremy Howard and Sylvain Gugger, 2020 onwards.
These notebooks are used for a MOOC and form the basis of this book, which is currently available for purchase. It does not have the same GPL restrictions that are on this draft.
The code in the notebooks and python
.py
files is covered by the GPL v3 license; see the LICENSE file for details.The remainder (including all markdown cells in the notebooks and other prose) is not licensed for any redistribution or change of format or medium, other than making copies of the notebooks or forking this repo...
地址:https://github.com/fastai/fastbook
🤩Python随身听-技术精选: /microsoft/computervision-recipes
👉Best Practices, code samples, and documentation for Computer Vision.
😎TOPICS:
machine-learning,computer-vision,deep-learning,python,jupyter-notebook,operationalization,kubernetes,azure,microsoft,data-science,tutorial,artificial-intelligence,image-classification,image-processing,similarity,object-detection,convolutional-neural-networks
⭐️STARS:7073, 今日上升数↑:15
👉README:
Computer Vision
In recent years, we've see an extra-ordinary growth in Computer Vision, with applications in face recognition, image understanding, search, drones, mapping, semi-autonomous and autonomous vehicles. A key part to many of these applications are visual recognition tasks such as image classification, object detection and image similarity.
This repository provides examples and best practice guidelines for building computer vision systems. The goal of this repository is to build a comprehensive set of tools and examples that leverage recent advances in Computer Vision algorithms, neural architectures, and operationalizing such systems. Rather than creating implementions from scratch, we draw from existing state-of-the-art libraries and build additional utility around loading image data, optimizing and evaluating mo...
地址:https://github.com/microsoft/computervision-recipes
🤩Python随身听-技术精选: /NLP-LOVE/ML-NLP
👉此项目是机器学习(Machine Learning)、深度学习(Deep Learning)、NLP面试中常考到的知识点和代码实现,也是作为一个算法工程师必会的理论基础知识。
😎TOPICS:
nlp,machine-learning,deep-learning
⭐️STARS:6554, 今日上升数↑:18
👉README:
项目介绍
目录
地址:https://github.com/NLP-LOVE/ML-NLP
🤩Python随身听-技术精选: /Pierian-Data/Complete-Python-3-Bootcamp
👉Course Files for Complete Python 3 Bootcamp Course on Udemy
😎TOPICS: ``
⭐️STARS:12363, 今日上升数↑:21
👉README:
Complete-Python-3-Bootcamp
Course Files for Complete Python 3 Bootcamp Course on Udemy
Get it now for ...
地址:https://github.com/Pierian-Data/Complete-Python-3-Bootcamp
🤩Python随身听-技术精选: /AtsushiSakai/PythonRobotics
👉Python sample codes for robotics algorithms.
😎TOPICS:
python,robotics,algorithm,path-planning,control,animation,localization,slam,cvxpy,ekf,autonomous-vehicles,autonomous-driving,mapping,autonomous-navigation,robot
⭐️STARS:10325, 今日上升数↑:21
👉README:
PythonRobotics
Python codes for robotics algorithm.
Table of Contents
地址:https://github.com/AtsushiSakai/PythonRobotics
🤩Python随身听-技术精选: /graykode/nlp-tutorial
👉Natural Language Processing Tutorial for Deep Learning Researchers
😎TOPICS:
nlp,natural-language-processing,tutorial,pytorch,tensorflow,transformer,attention,paper,bert
⭐️STARS:7227, 今日上升数↑:18
👉README:
nlp-tutorial
nlp-tutorial
is a tutorial for who is studying NLP(Natural Language Processing) using Pytorch. Most of the models in NLP were implemented with less than 100 lines of code.(except comments or blank lines)Curriculum - (Example Purpose)
1. Basic Embedding Model
地址:https://github.com/graykode/nlp-tutorial
🤩Python随身听-技术精选: /Mikoto10032/DeepLearning
👉深度学习入门教程, 优秀文章, Deep Learning Tutorial
😎TOPICS:
deeplearning,cnn,rnn,gan,machine-learning,tensorflow,mxnet,deep-learning,machinelearning,pytorch,gcn,kaggle
⭐️STARS:3757, 今日上升数↑:18
👉README:
DeepLearning Tutorial
一. 入门资料
完备的 AI 学习路线,最详细的中英文资源整理 ⭐
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NL
Machine-Learning
数学基础
机器学习基础
快速入门
地址:https://github.com/Mikoto10032/DeepLearning
The text was updated successfully, but these errors were encountered: