Ecosyste.ms: Repos

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

GitHub / howl-anderson 246 repositories

Google Developer Expert (GDE) for Machine Learning. TensorFlow Addons codeowner. SuperHero for Rasa. GSoC 2022, mentor of TensorFlow team. Author of books

Funding links: https://github.com/sponsors/howl-anderson

howl-anderson/llama Fork of meta-llama/llama

Inference code for LLaMA models

Size: 28.3 KB - Last synced: 24 days ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

howl-anderson/hanzi_chaizi

汉字拆字库,可以将汉字拆解成偏旁部首,在机器学习中作为汉字的字形特征

Language: Python - Size: 463 KB - Last synced: 24 days ago - Pushed: over 1 year ago - Stars: 306 - Forks: 56

howl-anderson/Chinese_models_for_SpaCy

SpaCy 中文模型 | Models for SpaCy that support Chinese

Language: Jupyter Notebook - Size: 709 KB - Last synced: 24 days ago - Pushed: almost 4 years ago - Stars: 632 - Forks: 110

howl-anderson/unlocking-the-power-of-llms

使用 Prompts 和 Chains 让 ChatGPT 成为神奇的生产力工具!Unlocking the power of LLMs.

Language: Shell - Size: 2 MB - Last synced: 24 days ago - Pushed: about 1 year ago - Stars: 2,503 - Forks: 163

howl-anderson/RICE-COMP412

My solutions for Compiler Construction for Undergraduates of Rice University

Language: Python - Size: 9.77 KB - Last synced: 24 days ago - Pushed: about 6 years ago - Stars: 1 - Forks: 0

howl-anderson/Chinese_tokenizer_benchmark

中文分词软件基准测试 | Chinese tokenizer benchmark

Language: Python - Size: 141 MB - Last synced: 24 days ago - Pushed: over 5 years ago - Stars: 23 - Forks: 5

howl-anderson/MicroTokenizer

一个微型&算法全面的中文分词引擎 | A micro tokenizer for Chinese

Language: Python - Size: 174 MB - Last synced: 23 days ago - Pushed: over 1 year ago - Stars: 143 - Forks: 22

howl-anderson/ATIS_dataset

The ATIS (Airline Travel Information System) Dataset

Language: Python - Size: 546 KB - Last synced: 24 days ago - Pushed: over 4 years ago - Stars: 152 - Forks: 48

howl-anderson/tools_for_corpus_of_people_daily

人民日报语料处理工具集 | Tools for Corpus of People's Daily

Language: Python - Size: 2.48 MB - Last synced: 24 days ago - Pushed: 11 months ago - Stars: 265 - Forks: 58

howl-anderson/MITIE_Chinese_Wikipedia_corpus

Pre-trained Wikipedia corpus by MITIE

Size: 5.86 KB - Last synced: 24 days ago - Pushed: over 5 years ago - Stars: 52 - Forks: 9

howl-anderson/rasa_chinese

rasa_chinese 专门针对中文语言的 rasa 组件扩展包,提供了许多针对中文语言的组件

Language: Python - Size: 15.5 MB - Last synced: 10 days ago - Pushed: about 1 year ago - Stars: 139 - Forks: 35

howl-anderson/hanzi_char_featurizer

汉字字符特征提取器 (featurizer),提取汉字的特征(发音特征、字形特征)用做深度学习的特征 | A Chinese character feature extractor, which extracts the features of Chinese characters (pronunciation features, glyph features) as features for deep learning

Language: Python - Size: 327 KB - Last synced: 24 days ago - Pushed: about 3 years ago - Stars: 281 - Forks: 56

howl-anderson/MicroCompiler

一个微型的 LL/LR/LALR 语法解析器 | A micro compiler project to provide LL/LR/LALR syntax parser

Language: Python - Size: 1010 KB - Last synced: 24 days ago - Pushed: over 3 years ago - Stars: 15 - Forks: 2

howl-anderson/WeatherBot

一个基于 Rasa 的中文天气情况问询机器人(chatbot), 带 Web UI 界面

Size: 97.6 MB - Last synced: 24 days ago - Pushed: about 5 years ago - Stars: 234 - Forks: 68

howl-anderson/rasa Fork of RasaHQ/rasa

💬 Open source machine learning framework to automate text- and voice-based conversations: NLU, dialogue management, connect to Slack, Facebook, and more - Create chatbots and voice assistants

Size: 1.05 GB - Last synced: 24 days ago - Pushed: over 1 year ago - Stars: 3 - Forks: 0

howl-anderson/scel2txt

搜狗细胞词库到普通文本的转换提取工具。提取词汇表,用于深度学习做数据生成和字典特征

Language: Python - Size: 2.98 MB - Last synced: 24 days ago - Pushed: over 5 years ago - Stars: 21 - Forks: 6

howl-anderson/jieba Fork of fxsjy/jieba

结巴中文分词

Language: Python - Size: 42.2 MB - Last synced: 2 months ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

howl-anderson/MicroHMM

一个微型的基于 Python 的 HMM (隐马尔可夫模型) 包 | A micro python package for HMM (Hidden Markov Model)

Language: Python - Size: 44.9 KB - Last synced: 10 days ago - Pushed: over 4 years ago - Stars: 14 - Forks: 3

howl-anderson/seq2annotation

基于 TensorFlow & PaddlePaddle 的通用序列标注算法库(目前包含 BiLSTM+CRF, Stacked-BiLSTM+CRF 和 IDCNN+CRF,更多算法正在持续添加中)实现中文分词(Tokenizer / segmentation)、词性标注(Part Of Speech, POS)和命名实体识别(Named Entity Recognition, NER)等序列标注任务。

Language: Python - Size: 8.81 MB - Last synced: 23 days ago - Pushed: over 1 year ago - Stars: 85 - Forks: 22

howl-anderson/google-io-keras-vae

Code for Google IO 2021 Modern Keras design patterns session

Language: Jupyter Notebook - Size: 758 KB - Last synced: 24 days ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

howl-anderson/rasa_chinese_service

rasa_chinese 的服务 package

Language: Python - Size: 7.17 MB - Last synced: 12 days ago - Pushed: almost 3 years ago - Stars: 17 - Forks: 7

howl-anderson/tf_crf_layer

CRF(Conditional Random Field) Layer for TensorFlow 1.X with many powerful functions

Language: Python - Size: 498 KB - Last synced: 19 days ago - Pushed: over 4 years ago - Stars: 15 - Forks: 3

howl-anderson/WeatherBot_NLU

Language: Makefile - Size: 188 KB - Last synced: 24 days ago - Pushed: over 1 year ago - Stars: 19 - Forks: 13

howl-anderson/MicroRegEx

一个微型的正则表达式引擎 | A micro regular expression engine

Language: Jupyter Notebook - Size: 1.66 MB - Last synced: 19 days ago - Pushed: over 4 years ago - Stars: 36 - Forks: 6

howl-anderson/four_corner_method

中文「四角号码」数据与工具,可以将汉字拆解成和字形相关的编码,在机器学习中作为汉字的字形特征

Language: HTML - Size: 1.31 MB - Last synced: 24 days ago - Pushed: about 4 years ago - Stars: 23 - Forks: 7

howl-anderson/WeatherBot_Core

Language: Python - Size: 354 KB - Last synced: 24 days ago - Pushed: over 1 year ago - Stars: 10 - Forks: 21

howl-anderson/Chatette Fork of SimGus/Chatette

A powerful dataset generator for Rasa NLU, inspired by Chatito

Size: 13.4 MB - Last synced: 24 days ago - Pushed: over 3 years ago - Stars: 1 - Forks: 1

howl-anderson/chinese-wikipedia-corpus-creator

Corpus creator for Chinese Wikipedia

Language: Python - Size: 32.2 KB - Last synced: 24 days ago - Pushed: almost 3 years ago - Stars: 41 - Forks: 8

howl-anderson/gensim Fork of piskvorky/gensim

Topic Modelling for Humans

Language: Python - Size: 60 MB - Last synced: 24 days ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

howl-anderson/addons Fork of tensorflow/addons

Useful extra functionality for TensorFlow maintained by SIG-addons

Language: Python - Size: 5.2 MB - Last synced: 24 days ago - Pushed: over 2 years ago - Stars: 16 - Forks: 22

howl-anderson/PaddleTokenizer

使用 PaddlePaddle 实现基于深度神经网络的中文分词引擎 | A DNN Chinese Tokenizer by Using PaddlePaddle

Language: JavaScript - Size: 1.62 MB - Last synced: 24 days ago - Pushed: almost 4 years ago - Stars: 15 - Forks: 2

howl-anderson/my-cookiecutter-pypackage Fork of audreyfeldroy/cookiecutter-pypackage

Cookiecutter template for a Python package.

Language: Python - Size: 573 KB - Last synced: 24 days ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

howl-anderson/MicroWeatherBot_CN

基于 rasa 1.x 版本搭建的中文天气查询 demo | A simple & micro Chinese Weatherbot based on rasa framework

Language: Python - Size: 23.4 KB - Last synced: 24 days ago - Pushed: almost 5 years ago - Stars: 13 - Forks: 8

howl-anderson/WeatherBot_Action

Action server for WeatherBot

Language: Python - Size: 183 KB - Last synced: 24 days ago - Pushed: over 1 year ago - Stars: 14 - Forks: 9

howl-anderson/awesome-chatgpt-prompts Fork of f/awesome-chatgpt-prompts

This repo includes ChatGPT prompt curation to use ChatGPT better.

Size: 365 KB - Last synced: 24 days ago - Pushed: over 1 year ago - Stars: 6 - Forks: 2

howl-anderson/rasa_contrib

rasa_contrib is a addon package for rasa. It provide some useful/powerful addition components

Language: Python - Size: 6.7 MB - Last synced: 10 days ago - Pushed: over 1 year ago - Stars: 21 - Forks: 3

howl-anderson/howl-anderson

Size: 46.9 KB - Last synced: 24 days ago - Pushed: almost 2 years ago - Stars: 2 - Forks: 2

howl-anderson/intent_classifier Fork of deeppavlov/intent_classifier

Language: Python - Size: 2.61 MB - Last synced: 24 days ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

howl-anderson/DeepPavlov Fork of deeppavlov/DeepPavlov

An open source library for building end-to-end dialog systems and training chatbots.

Language: Python - Size: 12.9 MB - Last synced: 24 days ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

howl-anderson/keras-nlp Fork of keras-team/keras-nlp

Industry-strength Natural Language Processing workflows with Keras

Language: Python - Size: 532 KB - Last synced: 24 days ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

howl-anderson/vimapt

A package manager for vim (VimApt => Vim's Advanced Package Tools)

Language: Python - Size: 2.87 MB - Last synced: 24 days ago - Pushed: almost 7 years ago - Stars: 16 - Forks: 1

howl-anderson/WeatherBot_UI

WebChat UI (HTML pages) for WeatherBot

Language: HTML - Size: 367 KB - Last synced: 24 days ago - Pushed: about 5 years ago - Stars: 14 - Forks: 10

howl-anderson/corpus_dataset_for_Chinese_NLP

中文 NLP 语料库数据集

Size: 3.91 KB - Last synced: 24 days ago - Pushed: over 5 years ago - Stars: 18 - Forks: 3

howl-anderson/NLU_benchmark_dataset

自然语言理解 基准测试 数据集 | Benchmark datasets for Natural Language Understanding (NLU)

Language: Python - Size: 938 KB - Last synced: 24 days ago - Pushed: over 5 years ago - Stars: 21 - Forks: 11

howl-anderson/OntoNotes-5.0-NER-BIO Fork of ontonotes/conll-formatted-ontonotes-5.0

A BIO formatted Named Entity Recognition data set extracted from the OntoNotes 5.0 release.

Size: 99.4 MB - Last synced: 24 days ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

howl-anderson/PaddleNER

Language: JavaScript - Size: 1.34 MB - Last synced: 24 days ago - Pushed: almost 4 years ago - Stars: 3 - Forks: 1

howl-anderson/tensorflow Fork of tensorflow/tensorflow

An Open Source Machine Learning Framework for Everyone

Language: C++ - Size: 620 MB - Last synced: 24 days ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

howl-anderson/SLTK Fork of liu-nlper/SLTK

序列化标注工具,基于PyTorch实现BLSTM-CNN-CRF模型,CoNLL 2003 English NER测试集F1值为91.10%(word and char feature)。

Language: Python - Size: 688 KB - Last synced: 24 days ago - Pushed: almost 6 years ago - Stars: 2 - Forks: 0

howl-anderson/paddlepaddle-models Fork of PaddlePaddle/models

Pre-trained and Reproduced Deep Learning Models (经典复现模型)

Language: Python - Size: 156 MB - Last synced: 24 days ago - Pushed: about 5 years ago - Stars: 1 - Forks: 0

howl-anderson/hanzi_char_lookup_feature

基于字典的方法给字符提供额外的特征,常用于基于深度学习的NER

Language: Python - Size: 25.4 KB - Last synced: 24 days ago - Pushed: almost 3 years ago - Stars: 2 - Forks: 0

howl-anderson/wechaty.js.org Fork of wechaty/docusaurus

Wechaty Official Website for News, Blogs, Contributor Profiles, and Documentations.

Language: Java - Size: 467 MB - Last synced: 24 days ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

howl-anderson/seqeval Fork of chakki-works/seqeval

A Python framework for sequence labeling evaluation(named-entity recognition, pos tagging, etc...)

Size: 200 KB - Last synced: 24 days ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

howl-anderson/summer Fork of wechaty/summer

Summer of Wechaty (SoW) is a program for connecting students with the Wechaty community for coding & tech writing.

Size: 935 KB - Last synced: 24 days ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

howl-anderson/MicroCPUID

A micro tool based on assembly language to detect and display CPU information

Language: Assembly - Size: 2.93 KB - Last synced: 24 days ago - Pushed: about 7 years ago - Stars: 3 - Forks: 1

howl-anderson/howl-anderson.github.io

Language: HTML - Size: 8.9 MB - Last synced: 24 days ago - Pushed: 6 months ago - Stars: 2 - Forks: 1

howl-anderson/recommenders Fork of tensorflow/recommenders

TensorFlow Recommenders is a library for building recommender system models using TensorFlow.

Size: 624 KB - Last synced: 24 days ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 1

howl-anderson/keras-tuner Fork of keras-team/keras-tuner

Hyperparameter tuning for humans

Size: 1.55 MB - Last synced: 24 days ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

howl-anderson/docs Fork of tensorflow/docs

TensorFlow documentation

Language: Jupyter Notebook - Size: 90.7 MB - Last synced: 24 days ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

howl-anderson/text Fork of tensorflow/text

Making text a first-class citizen in TensorFlow.

Language: Python - Size: 10.8 MB - Last synced: 24 days ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

howl-anderson/eng-edu Fork of google/eng-edu

Language: Jupyter Notebook - Size: 1.5 MB - Last synced: 24 days ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

howl-anderson/wikiextractor Fork of attardi/wikiextractor

A tool for extracting plain text from Wikipedia dumps

Language: Python - Size: 1.25 MB - Last synced: 24 days ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 1

howl-anderson/q_learning_demo

Show how Q-learning works from scratch

Language: Jupyter Notebook - Size: 15.6 KB - Last synced: 24 days ago - Pushed: over 1 year ago - Stars: 5 - Forks: 2

howl-anderson/basic_weather_bot_server

Language: Python - Size: 86.9 KB - Last synced: 24 days ago - Pushed: almost 4 years ago - Stars: 3 - Forks: 1

howl-anderson/wechatdemo Fork of DukeEnglish/wechatdemo

WeChat public platform demo

Size: 5.19 MB - Last synced: 24 days ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

howl-anderson/awesome-bots Fork of DopplerHQ/awesome-bots

The most awesome list about bots ⭐️🤖

Size: 377 KB - Last synced: 24 days ago - Pushed: over 6 years ago - Stars: 0 - Forks: 2

howl-anderson/MicroWeatherBot_EN

基于 rasa 1.x 版本搭建的英文天气查询 demo | A simple & micro English Weatherbot based on rasa framework

Language: Python - Size: 18.6 KB - Last synced: 24 days ago - Pushed: about 1 year ago - Stars: 7 - Forks: 1

howl-anderson/rasa-sdk Fork of RasaHQ/rasa-sdk

SDK for the development of custom actions for Rasa

Size: 1.71 MB - Last synced: 24 days ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

howl-anderson/chaquopy-web-service Fork of chaquo/chaquopy-console

Console app template for Chaquopy, the Python SDK for Android

Language: Java - Size: 159 KB - Last synced: 24 days ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

howl-anderson/nlp-architect Fork of IntelLabs/nlp-architect

NLP Architect by Intel AI Lab: A Python library for exploring the state-of-the-art deep learning topologies and techniques for natural language processing and natural language understanding

Language: Python - Size: 134 MB - Last synced: 24 days ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

howl-anderson/coach Fork of IntelLabs/coach

Reinforcement Learning Coach by Intel® AI Lab enables easy experimentation with state of the art Reinforcement Learning algorithms

Language: Python - Size: 26.5 MB - Last synced: 24 days ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 0

howl-anderson/redbase Fork of yifeih/redbase

Spring 2014. Stanford CS346 project. A mini relational database with query optimization

Size: 21.3 MB - Last synced: 24 days ago - Pushed: over 9 years ago - Stars: 0 - Forks: 0

howl-anderson/cs346-redbase Fork of adityabhandari1992/cs346-redbase

CS 346 RedBase Project (Stanford)

Size: 27.2 MB - Last synced: 24 days ago - Pushed: almost 9 years ago - Stars: 0 - Forks: 0

howl-anderson/rasa-addons Fork of botfront/rasa-addons

Webchat, Input validation, and more

Language: Python - Size: 90.8 KB - Last synced: 24 days ago - Pushed: over 5 years ago - Stars: 1 - Forks: 1

howl-anderson/transformers Fork of huggingface/transformers

🤗Transformers: State-of-the-art Natural Language Processing for Pytorch and TensorFlow 2.0.

Size: 28.9 MB - Last synced: 24 days ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

howl-anderson/SlotGated-SLU Fork of MiuLab/SlotGated-SLU

Slot-Gated Modeling for Joint Slot Filling and Intent Prediction

Size: 418 KB - Last synced: 24 days ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

howl-anderson/PaddleHub Fork of PaddlePaddle/PaddleHub

Toolkit for Pre-trained Model Application of PaddlePaddle(『飞桨』预训练模型应用工具 )

Size: 98.9 MB - Last synced: 24 days ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

howl-anderson/pyston Fork of pyston/pyston_v1

An open-source Python implementation using JIT techniques.

Language: Python - Size: 39.1 MB - Last synced: 24 days ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

howl-anderson/entity2embedding

A python package for word2vec

Language: Python - Size: 3.33 MB - Last synced: 24 days ago - Pushed: almost 3 years ago - Stars: 7 - Forks: 4

howl-anderson/basic_weather_bot_client

Language: Smarty - Size: 525 KB - Last synced: 24 days ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 1

howl-anderson/docs-l10n Fork of tensorflow/docs-l10n

Community translations of TensorFlow documentation

Language: Jupyter Notebook - Size: 42 MB - Last synced: 24 days ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

howl-anderson/tensor2tensor Fork of tensorflow/tensor2tensor

Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.

Size: 15.3 MB - Last synced: 24 days ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

howl-anderson/bert Fork of google-research/bert

TensorFlow code and pre-trained models for BERT

Size: 310 KB - Last synced: 24 days ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

howl-anderson/models Fork of tensorflow/models

Models and examples built with TensorFlow

Language: Python - Size: 501 MB - Last synced: 24 days ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

howl-anderson/chinese-xinhua Fork of pwxcoo/chinese-xinhua

中华新华字典数据库。包括歇后语,成语,词语,汉字。提供新华字典API。

Language: Python - Size: 33.6 MB - Last synced: 24 days ago - Pushed: almost 6 years ago - Stars: 2 - Forks: 0

howl-anderson/prototypical-networks Fork of jakesnell/prototypical-networks

Code for the NIPS 2017 Paper "Prototypical Networks for Few-shot Learning"

Language: Jupyter Notebook - Size: 581 KB - Last synced: 24 days ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

howl-anderson/Prototypical-Networks-for-Few-shot-Learning-PyTorch Fork of orobix/Prototypical-Networks-for-Few-shot-Learning-PyTorch

Implementation of Prototypical Networks for Few Shot Learning (https://arxiv.org/abs/1703.05175) in Pytorch

Size: 195 KB - Last synced: 24 days ago - Pushed: almost 5 years ago - Stars: 1 - Forks: 0

howl-anderson/Prototypical-Networks-1 Fork of Hsankesara/Prototypical-Networks

A novel method for few shot learning

Size: 917 KB - Last synced: 24 days ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

howl-anderson/stopwords Fork of goto456/stopwords

中文常用停用词表(哈工大停用词表、百度停用词表等)

Size: 16.6 KB - Last synced: 24 days ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

howl-anderson/tfug_SH_lottery Fork of ccw1996/tfug_SH_lottery

tfug_sh 抽奖程序

Size: 23.1 MB - Last synced: 24 days ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

howl-anderson/build_optimized_tensorflow_serving

Language: Makefile - Size: 0 Bytes - Last synced: 24 days ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

howl-anderson/corpus_compare

Language: Python - Size: 4.4 MB - Last synced: 24 days ago - Pushed: over 4 years ago - Stars: 0 - Forks: 1

howl-anderson/rasa-ui Fork of paschmann/rasa-ui

Rasa UI is a web application for the Rasa NLU backend

Language: JavaScript - Size: 1.8 MB - Last synced: 24 days ago - Pushed: over 6 years ago - Stars: 1 - Forks: 0

howl-anderson/rasa-webchat Fork of botfront/rasa-webchat

A simple webchat widget to connect with a chatbot

Language: JavaScript - Size: 1.73 MB - Last synced: 24 days ago - Pushed: over 5 years ago - Stars: 0 - Forks: 2

howl-anderson/ner_offline_evaluate

Language: Python - Size: 43 KB - Last synced: 24 days ago - Pushed: over 4 years ago - Stars: 2 - Forks: 1

howl-anderson/tf_attention_layer

Language: Python - Size: 6.84 KB - Last synced: 10 days ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

howl-anderson/tf_summary_reader

Language: Python - Size: 20.5 KB - Last synced: 10 days ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

howl-anderson/Paddle Fork of PaddlePaddle/Paddle

PArallel Distributed Deep LEarning (『飞桨』核心框架,高性能单机、分布式训练和跨平台部署)

Size: 166 MB - Last synced: 24 days ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

howl-anderson/keras-contrib Fork of keras-team/keras-contrib

Keras community contributions

Size: 834 KB - Last synced: 24 days ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

howl-anderson/allennlp Fork of allenai/allennlp

An open-source NLP research library, built on PyTorch.

Language: Python - Size: 58.9 MB - Last synced: 24 days ago - Pushed: almost 5 years ago - Stars: 0 - Forks: 0

howl-anderson/black Fork of psf/black

The uncompromising Python code formatter

Language: Python - Size: 2.53 MB - Last synced: 24 days ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0