본문 바로가기

AI Company

Hugging Face - The AI Community building the future

반응형

Hugging face is the platform where the machine learning community collaborates on models, datasets, and applications. 

https://huggingface.co/

 

Hugging Face – The AI community building the future.

The Home of Machine Learning Create, discover and collaborate on ML better. We provide paid Compute and Enterprise solutions. We are building the foundation of ML tooling with the community.

huggingface.co

 

 

1. What is Hugging Face

Hugging Face 는 미래를 만들어가는 AI커뮤니티 플랫폼 회사 입니다.

machine learning, natural language processing, and deep learning 분야에 전문성을 가지고 있습니다.

https://huggingface.co/

 
Hugging Face – The AI community building the future.

NEW Try Cohere Command R+ on HuggingChat The AI community building the future. The platform where the machine learning community collaborates on models, datasets, and applications. The Home of Machine Learning Create, discover and collaborate on ML better. The collaboration platform Host and collabo...

huggingface.co

 

2. Why Hugging Face

1) 다양한 모델 : Hugging Face 에는 다양한 Open source model 이 있습니다. BERT, GPT, RoBERTa 와 같은 최신 NLP 모델을 포함하여 다양한 Pre-trained model 을 제공합니다.

2) 사용 용이성 : 또한 hugging face 의 transfomers 라이브러리는 python 에서 쉽게 사용가능하여 몇줄의 코드만으로 강력한 NLP 모델을 불러옵니다.

3) 커뮤니티 지원 : 활발한 오픈소스 커뮤니티이기 때문에 개발자들이 서로의 지식을 공유 및 문제를 해결할 수 있습니다.

4) 기타 : 확장성이 용이하며, 다양한 모델 및 기능을 가지고 있고 이러한 기능들이 지속적으로 업데이트 및 개선됩니다.

 

 

3. How Hugging Face works

pip install transformers

# 1. Install
from transformers import BertTokenizer, BertForSequenceClassification

# 2. Model selection and load
tokenizer = BertTokenizer.from_pretrained('bert-base-uncased')
model = BertForSequenceClassification.from_pretrained('bert-base-uncased')

# 3. Tokernizing & prep input
inputs = tokenizer("Hello, my dog is cute", return_tensors="pt")

# 4. Prediction
outputs = model(**inputs)

# 5. Interpret result
import torch
predictions = torch.argmax(outputs.logits, dim=-1)

 

 

4. Hugging Face News

(24.04.19) [글로벌] 2024년 '주목할 AI기업' 50사…총 조달액 347억 달러, 신 경제권 형성

 

(24.04.16) "누구나 쉽게 쓰는 '생성형 AI'…정책에도 이용할 단계 왔다"

 

(24.03.28) 데이터브릭스, 강력한 범용 대형언어모델 ‘DBRX’ 오픈 소스로 공개…LLM 모델의 새로운 기준 제시

 

 

 

반응형
LIST