>백엔드 개발 >파이썬 튜토리얼 >Matplotlib을 사용하여 Python에서 감정 분석 결과 시각화

Matplotlib을 사용하여 Python에서 감정 분석 결과 시각화

Barbara Streisand
Barbara Streisand원래의
2025-01-05 12:38:41689검색

이 글에서는 Matplotlib을 이용하여 감성분석 결과를 그래픽으로 표현해보겠습니다. 다양한 색상을 사용하여 긍정적인 감정과 부정적인 감정을 구분하는 막대 차트를 사용하여 여러 문장의 감정 점수를 시각화하는 것이 목표입니다.

전제조건

다음 라이브러리가 설치되어 있는지 확인하세요.

pip install transformers torch matplotlib
  • Transformers: 사전 훈련된 NLP 모델을 처리하는 데 사용됩니다.
  • 토치: 모델을 실행하기 위한 것입니다.
  • matplotlib: 감정 분석 결과의 그래픽 표현을 생성합니다.

시각화가 포함된 Python 코드

Visualizing Sentiment Analysis Results in Python using Matplotlib

감정 분석과 데이터 시각화를 통합한 업데이트된 Python 코드는 다음과 같습니다.

import matplotlib.pyplot as plt
from transformers import pipeline
from transformers import AutoTokenizer, AutoModelForSequenceClassification

# Load pre-trained model and tokenizer
model_name = "distilbert-base-uncased-finetuned-sst-2-english"
model = AutoModelForSequenceClassification.from_pretrained(model_name)
tokenizer = AutoTokenizer.from_pretrained(model_name)

# Initialize the sentiment-analysis pipeline
classifier = pipeline("sentiment-analysis", model=model, tokenizer=tokenizer)

# List of 10 sentences for sentiment analysis
sentences = [
    "I love you! I love you! I love you!",
    "I feel so sad today.",
    "This is the best day ever!",
    "I can't stand the rain.",
    "Everything is going so well.",
    "I hate waiting in line.",
    "The weather is nice, but it's cold.",
    "I'm so proud of my achievements.",
    "I am very upset with the decision.",
    "I am feeling optimistic about the future."
]

# Prepare data for the chart
scores = []
colors = []

for sentence in sentences:
    result = classifier(sentence)
    sentiment = result[0]['label']
    score = result[0]['score']
    scores.append(score)

    # Color bars based on sentiment: Positive -> green, Negative -> red
    if sentiment == "POSITIVE":
        colors.append("green")
    else:
        colors.append("red")

# Create a bar chart
plt.figure(figsize=(10, 6))
bars = plt.bar(sentences, scores, color=colors)

# Add labels and title with a line break
plt.xlabel('Sentences')
plt.ylabel('Sentiment Score')
plt.title('Sentiment Analysis of 10 Sentences\n')  # Added newline here
plt.xticks(rotation=45, ha="right")

# Adjust spacing with top margin (to add ceiling space)
plt.subplots_adjust(top=0.85)  # Adjust the top spacing (20px roughly equivalent to 0.1 top margin)

plt.tight_layout()  # Adjusts the rest of the layout

# Display the sentiment score on top of the bars
for bar in bars:
    yval = bar.get_height()
    plt.text(bar.get_x() + bar.get_width() / 2, yval + 0.02, f'{yval:.2f}', ha='center', va='bottom', fontsize=9)

# Show the plot
plt.show()

코드 분석

필요한 라이브러리 가져오기:
matplotlib.pyplot을 가져와 감정 분석을 수행하기 위한 플롯과 변환기를 생성합니다.

   import matplotlib.pyplot as plt
   from transformers import pipeline
   from transformers import AutoTokenizer, AutoModelForSequenceClassification

사전 훈련된 모델 로드:
SST-2 데이터 세트에 대한 감정 분석을 위해 미세 조정된 DistilBERT 모델을 로드합니다. 또한 텍스트를 모델이 읽을 수 있는 토큰으로 변환하는 관련 토크나이저를 로드합니다.

   model_name = "distilbert-base-uncased-finetuned-sst-2-english"
   model = AutoModelForSequenceClassification.from_pretrained(model_name)
   tokenizer = AutoTokenizer.from_pretrained(model_name)

감정 분석 파이프라인 초기화:
감정 분석을 위해 분류자 파이프라인이 설정되었습니다. 이 파이프라인은 입력 텍스트 토큰화, 추론 수행 및 결과 반환을 담당합니다.

   classifier = pipeline("sentiment-analysis", model=model, tokenizer=tokenizer)

감성분석 문장:
분석할 10개의 문장 목록을 만듭니다. 각 문장은 매우 긍정적인 것부터 부정적인 것까지 독특한 감정 표현입니다.

   sentences = [
       "I love you! I love you! I love you!",
       "I feel so sad today.",
       "This is the best day ever!",
       "I can't stand the rain.",
       "Everything is going so well.",
       "I hate waiting in line.",
       "The weather is nice, but it's cold.",
       "I'm so proud of my achievements.",
       "I am very upset with the decision.",
       "I am feeling optimistic about the future."
   ]

감정 처리 및 데이터 준비:
각 문장에 대해 감정을 분류하고 점수를 추출합니다. 감정 레이블(POSITIVE 또는 NEGATIVE)에 따라 차트의 막대에 색상을 할당합니다. 긍정적인 문장은 녹색, 부정적인 문장은 빨간색으로 표시됩니다.

   scores = []
   colors = []

   for sentence in sentences:
       result = classifier(sentence)
       sentiment = result[0]['label']
       score = result[0]['score']
       scores.append(score)

       if sentiment == "POSITIVE":
           colors.append("green")
       else:
           colors.append("red")

막대 차트 만들기:
matplotlib을 사용하여 막대 차트를 만듭니다. 각 막대의 높이는 문장의 감정 점수를 나타내며 색상으로 긍정적인 감정과 부정적인 감정을 구분합니다.

   plt.figure(figsize=(10, 6))
   bars = plt.bar(sentences, scores, color=colors)

라벨 추가 및 레이아웃 조정:
가독성을 높이기 위해 x축 레이블을 회전하고, 제목을 추가하고, 최적의 간격을 위해 레이아웃을 조정하여 플롯의 모양을 사용자 정의합니다.

   plt.xlabel('Sentences')
   plt.ylabel('Sentiment Score')
   plt.title('Sentiment Analysis of 10 Sentences\n')  # Added newline here
   plt.xticks(rotation=45, ha="right")
   plt.subplots_adjust(top=0.85)  # Adjust the top spacing
   plt.tight_layout()  # Adjusts the rest of the layout

막대 상단에 감정 점수 표시:
또한 차트의 정보를 더욱 풍부하게 만들기 위해 각 막대 상단에 감정 점수를 표시합니다.

pip install transformers torch matplotlib

플롯 표시:
마지막으로 플롯을 렌더링하는 plt.show()를 사용하여 차트가 표시됩니다.

import matplotlib.pyplot as plt
from transformers import pipeline
from transformers import AutoTokenizer, AutoModelForSequenceClassification

# Load pre-trained model and tokenizer
model_name = "distilbert-base-uncased-finetuned-sst-2-english"
model = AutoModelForSequenceClassification.from_pretrained(model_name)
tokenizer = AutoTokenizer.from_pretrained(model_name)

# Initialize the sentiment-analysis pipeline
classifier = pipeline("sentiment-analysis", model=model, tokenizer=tokenizer)

# List of 10 sentences for sentiment analysis
sentences = [
    "I love you! I love you! I love you!",
    "I feel so sad today.",
    "This is the best day ever!",
    "I can't stand the rain.",
    "Everything is going so well.",
    "I hate waiting in line.",
    "The weather is nice, but it's cold.",
    "I'm so proud of my achievements.",
    "I am very upset with the decision.",
    "I am feeling optimistic about the future."
]

# Prepare data for the chart
scores = []
colors = []

for sentence in sentences:
    result = classifier(sentence)
    sentiment = result[0]['label']
    score = result[0]['score']
    scores.append(score)

    # Color bars based on sentiment: Positive -> green, Negative -> red
    if sentiment == "POSITIVE":
        colors.append("green")
    else:
        colors.append("red")

# Create a bar chart
plt.figure(figsize=(10, 6))
bars = plt.bar(sentences, scores, color=colors)

# Add labels and title with a line break
plt.xlabel('Sentences')
plt.ylabel('Sentiment Score')
plt.title('Sentiment Analysis of 10 Sentences\n')  # Added newline here
plt.xticks(rotation=45, ha="right")

# Adjust spacing with top margin (to add ceiling space)
plt.subplots_adjust(top=0.85)  # Adjust the top spacing (20px roughly equivalent to 0.1 top margin)

plt.tight_layout()  # Adjusts the rest of the layout

# Display the sentiment score on top of the bars
for bar in bars:
    yval = bar.get_height()
    plt.text(bar.get_x() + bar.get_width() / 2, yval + 0.02, f'{yval:.2f}', ha='center', va='bottom', fontsize=9)

# Show the plot
plt.show()

샘플 출력

이 코드의 출력은 10개 문장의 감정 점수를 표시하는 막대 차트입니다. 긍정적인 문장은 녹색 막대로 표시되고, 부정적인 문장은 빨간색 막대로 표시됩니다. 감정 점수는 각 막대 위에 표시되어 모델의 신뢰 수준을 보여줍니다.

결론

감정 분석과 데이터 시각화를 결합하면 텍스트 데이터 뒤에 숨은 감정을 더 잘 해석할 수 있습니다. 이 기사의 그래픽 표현을 통해 감정 분포를 더 명확하게 이해할 수 있으므로 텍스트의 추세를 쉽게 파악할 수 있습니다. 제품 리뷰, 소셜 미디어 게시물, 고객 피드백 분석 등 다양한 사용 사례에 이 기술을 적용할 수 있습니다.

Hugging Face의 변환기와 matplotlib의 강력한 조합을 통해 이 워크플로를 다양한 NLP 작업에 맞게 확장하고 사용자 정의할 수 있습니다.

위 내용은 Matplotlib을 사용하여 Python에서 감정 분석 결과 시각화의 상세 내용입니다. 자세한 내용은 PHP 중국어 웹사이트의 기타 관련 기사를 참조하세요!

성명:
본 글의 내용은 네티즌들의 자발적인 기여로 작성되었으며, 저작권은 원저작자에게 있습니다. 본 사이트는 이에 상응하는 법적 책임을 지지 않습니다. 표절이나 침해가 의심되는 콘텐츠를 발견한 경우 admin@php.cn으로 문의하세요.