Sion1225's Stars
triton-lang/triton
Development repository for the Triton language and compiler
keras-team/keras-tuner
A Hyperparameter Tuning Library for Keras
runpod/runpodctl
🧰 | RunPod CLI for pod management
google-research/vision_transformer
ukairia777/tensorflow-nlp-tutorial
tensorflow를 사용하여 텍스트 전처리부터, Topic Models, BERT, GPT, LLM과 같은 최신 모델의 다운스트림 태스크들을 정리한 Deep Learning NLP 저장소입니다.
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
apache/arrow
Apache Arrow is the universal columnar format and multi-language toolbox for fast data interchange and in-memory analytics
tensorflow/models
Models and examples built with TensorFlow
google-deepmind/deepmind-research
This repository contains implementations and illustrative code to accompany DeepMind publications
AntonOsika/gpt-engineer
Platform to experiment with the AI Software Engineer. Terminal based. NOTE: Very different from https://gptengineer.app
pyenv-win/pyenv-win
pyenv for Windows. pyenv is a simple python version management tool. It lets you easily switch between multiple versions of Python. It's simple, unobtrusive, and follows the UNIX tradition of single-purpose tools that do one thing well.
apsarath/CorrNet
SkelterLabsInc/JaQuAD
JaQuAD: Japanese Question Answering Dataset for Machine Reading Comprehension (2022, Skelter Labs)
google/sentencepiece
Unsupervised text tokenizer for Neural Network-based text generation.
google-research/t5x
aesuli/SentiWordNet
The SentiWordNet sentiment lexicon
JULIELab/EmoBank
This repository contains EmoBank, a large-scale text corpus manually annotated with emotion according to the psychological Valence-Arousal-Dominance scheme.
dykang/PASTEL
Data and code for Kang et al., EMNLP 2019's paper titled "(Male, Bachelor) and (Female, Ph.D) have different connotations: Parallelly Annotated Stylistic Language Dataset with Multiple Personas"
bayesian-optimization/BayesianOptimization
A Python implementation of global optimization with gaussian processes.
dmlc/xgboost
Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Dask, Flink and DataFlow
scikit-learn/scikit-learn
scikit-learn: machine learning in Python
pandas-dev/pandas
Flexible and powerful data analysis / manipulation library for Python, providing labeled data structures similar to R data.frame objects, statistical functions, and much more
nltk/nltk
NLTK Source
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
keras-team/keras
Deep Learning for humans
ray-project/ray
Ray is an AI compute engine. Ray consists of a core distributed runtime and a set of AI Libraries for accelerating ML workloads.
numpy/numpy
The fundamental package for scientific computing with Python.
tensorflow/tensorflow
An Open Source Machine Learning Framework for Everyone