I can‘t link the chatbot model with react

题意:我无法将聊天机器人模型 chatbot 与React连接起来

问题背景:

This is the model

from flask import Flask, request, jsonify
from flask_cors import CORS
import json
import nltk
import numpy as np
import random
import pickle
from time import sleep
from nltk.stem.lancaster import LancasterStemmer
from sklearn.model_selection import train_test_split
from sklearn.metrics import f1_score
from keras.models import Sequential
from keras.layers import Dense
from keras.optimizers import Adam
from pathlib import Path
from pyngrok import ngrokstemmer = LancasterStemmer()# Load intents file
with open("intents2.json") as file:data = json.load(file)app = Flask(__name__)
CORS(app)  # Enable CORS for all routes    # Load preprocessed data or process it if not available
try:with open("data.pickle", "rb") as f:words, labels, training, output = pickle.load(f)
except:words = []labels = []docs_x = []docs_y = []for intent in data["intents"]:for pattern in intent["patterns"]:wrds = nltk.word_tokenize(pattern)words.extend(wrds)docs_x.append(wrds)docs_y.append(intent["tag"])if intent["tag"] not in labels:labels.append(intent["tag"])words = [stemmer.stem(w.lower()) for w in words if w != "?"]words = sorted(list(set(words)))labels = sorted(labels)training = []output = []out_empty = [0 for _ in range(len(labels))]for x, doc in enumerate(docs_x):bag = []wrds = [stemmer.stem(w) for w in doc]for w in words:if w in wrds:bag.append(1)else:bag.append(0)output_row = out_empty[:]output_row[labels.index(docs_y[x])] = 1training.append(bag)output.append(output_row)training = np.array(training)output = np.array(output)with open("data.pickle", "wb") as f:pickle.dump((words, labels, training, output), f)# Split the data into training and testing sets
X_train, X_test, y_train, y_test = train_test_split(training, output, test_size=0.2)# Define the Keras model
model = Sequential()
model.add(Dense(20, input_shape=(len(X_train[0]),), activation='relu'))
model.add(Dense(20, activation='relu'))
model.add(Dense(20, activation='relu'))
model.add(Dense(len(y_train[0]), activation='softmax'))# Compile the model
model.compile(optimizer=Adam(learning_rate=0.01), loss='categorical_crossentropy', metrics=['accuracy'])# Train the model
model.fit(X_train, y_train, epochs=200, batch_size=8, verbose=1)# Save the model
model.save("model.h5")# Evaluate the model
y_train_pred = model.predict(X_train)
f1_train = f1_score(y_train.argmax(axis=1), y_train_pred.argmax(axis=1), average='weighted')
print(f"F1 Score (Training): {f1_train:.4f}")test_loss, test_acc = model.evaluate(X_test, y_test)
print(f"Test Loss: {test_loss:.4f}")
print(f"Test Accuracy: {test_acc:.4f}")def bag_of_words(s, words):bag = [0 for _ in range(len(words))]s_words = nltk.word_tokenize(s)s_words = [stemmer.stem(word.lower()) for word in s_words]for se in s_words:for i, w in enumerate(words):if w == se:bag[i] = 1return np.array(bag)@app.route('/chat', methods=['POST'])
def chat():user_input = request.form.get('message')if not user_input:return jsonify({"error": "No message provided"}), 400#print("Hi, How can I help you?")#while True:#   inp = input("You: ")#  if inp.lower() == "quit":#     breakresults = model.predict(np.array([bag_of_words(user_input, words)]))[0]results_index = np.argmax(results)tag = labels[results_index]if results[results_index] > 0.8:for tg in data["intents"]:if tg['tag'] == tag:responses = tg['responses']sleep(1)bot_response = random.choice(responses)else:bot_response = "I don't understand!"return jsonify({"response": bot_response})    
if __name__ == '__main__':# Set up ngrokngrok.set_auth_token("2i16Qv3WbGVeggfwzrzUGEZbEK5_3d5kArxvbSNbwB6kQsJZA")public_url = ngrok.connect(5000).public_urlprint(" * ngrok tunnel \"{}\" -> \"http://127.0.0.1:5000/\"".format(public_url))# Run Flask appapp.run(debug=True, use_reloader=False)#chat()

this is the error i got while i tried to see the output i will get

I made AI model that answer your questions and in work well in python so i used flask to link it to front end i got the api link and try it on postman and it goes well but i can't link it with react

问题解决:

In your flask Code, at the top of your Chat Route you have:

user_input = request.form.get("message")

But in the flask Api, the form.get only works If the Data is NOT JSON. But INSIDE your fetch call in the react code, you JSON stringify your Message Object. Now the form.get function cannot get the Message. If you deleted the JSON.stringify INSIDE your Body, It should Work then.

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.mzph.cn/news/874720.shtml

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

【javascript】关于js控制滚动的一些注意事项

滚动方式有2种 1、element.scrollIntoView // 假设你有一个元素的ID是element-id const element document.getElementById(element-id); // 滚动到该元素 element.scrollIntoView(); // 如果你想要平滑滚动,可以传递一个选项对象 element.scrollIntoView({ behav…

Windows图形界面(GUI)-MFC-C/C++ - 键鼠操作

公开视频 -> 链接点击跳转公开课程博客首页 -> ​​​链接点击跳转博客主页 目录 MFC鼠标 派发流程 鼠标消息(客户区) 鼠标消息(非客户) 坐标处理 客户区 非客户 坐标转换 示例代码 MFC键盘 击键消息 虚拟键代码 键状态 MFC鼠标 派发流程 消息捕获&#…

科研绘图系列:R语言热图(heatmap)

介绍 热图是一种数据可视化技术,通常用于展示数据的分布情况。它通过颜色的变化来表示数据的大小或密度,使得观察者能够直观地理解数据集中的模式和趋势。以下是热图的一些关键特点和应用场景: 数据分布:热图可以显示数据在不同区域的分布情况,比如在地图上显示不同地区的…

【cocos creator】ts中export的模块管理

在 TypeScript(TS)中,export 和 import 的概念与 Java 中的 public 类、接口以及 import 语句有一些相似之处。可以用以下方式来类比理解: Export 在 TypeScript 中,export 用于将模块中的变量、函数、类等暴露给外部…

WHAT - CSS :root 变量定义和使用(var)

在日常开发中,我们经常遇到如下 CSS 代码: bg-primary {background-color: var(--primary-color); } disabled-foreground {color: var(--disabled-foreground-color); }这些变量通常来自于CSS变量(也称为CSS自定义属性)&#xf…

Mac 下华为鸿蒙 :DevEco Studio 开发工具下载

1.登录:华为开发者中心--开发--下载工具DevEco Studio 2.下载完成后 ,安装,并创建一个新项目。 3.Tools --点击SDK Manager 下载SDK: 如果报:淘宝镜像源错误: npm ERR! code CERT_HAS_EXPIRED npm ERR! errno CERT_H…

Spring 的BeanPostProcessor 有什么作用?内置那些BeanPostProcessor

在 Spring 框架中,BeanPostProcessor 是一个用于在容器初始化时对 bean 的创建过程进行扩展和自定义的接口。它的作用主要体现在以下几个方面: BeanPostProcessor 的作用 前置处理 (postProcessBeforeInitialization): 在调用 bean 的初始化…

使用docker-compose给自己上传的JAR打包成镜像并自动启动容器每次更新jar包自动化执行脚本

在持续集成和部署(CI/CD)过程中,自动化是提高效率的关键。本文将介绍如何使用Docker Compose将一个上传的JAR文件打包成Docker镜像,并在容器中自动启动该应用程序。同时,创建一个脚本,以便在每次更新JAR包后…

js动态规划

动态规划(英语:Dynamic programming,简称 DP)是一种在数学、管理科学、计算机科学、经济学和生物信息学中使用的,把原问题分解为相对简单的子问题 动态规划常常适用于有重叠子问题和最优子结构性质的问题,…

优略解距离法—Topsis模型【清风数模学习笔记】

层次分析法的局限性 (1)决策层不能太多 (2)数据已知,使用层次分析法不准确 构造计算评分 相较于取卷面理论上的最高分(100)和最低分(0),取分数区间上的最…

Qt编程技巧总结篇(6)-QCustomPlot绘图篇(一)

文章目录 Qt编程技巧总结篇(6)-QCustomPlot绘图篇(一)图轴的放缩、拖拽与粗体图画标题设计轴标题设计图例设计简单画线的步骤1小结Qt编程技巧总结篇(6)-QCustomPlot绘图篇(一) 多线程学习,告一段落,这里开始使用QCustomPlot进行绘图操作,原来已经有一篇《Qt编程技巧…

Visio绘制的Tanh激活函数结构图,可导出高清图片,可修改,无水印。

Visio绘制的Tanh激活函数结构图,可导出高清图片,可修改,无水印。 方便用于小论文写作,方便用于毕业设计。 Visio版本为2021版,可用更高版本打开。 下载地址:tanh 图片展示:

深入理解树的遍历:前序遍历、中序遍历、后序遍历及层次遍历

引言 树(Tree)是一种常见的非线性数据结构,用于模拟具有层次关系的数据。树的遍历是树的基本操作之一,用于按一定顺序访问树中的所有节点。本文将详细介绍树的四种遍历方式:前序遍历、中序遍历、后序遍历及层次遍历。…

C语言程序设计10

程序设计10 问题10_1代码10_1结果10_1 问题10_2代码10_2结果10_2 问题10_3代码10_3结果10_3 问题10_1 下列给定程序中已建立一个带结点的单向链表,链表中的各结点数据中的数据递增有序链接,函数 f u n fun fun 的功能是:把形参 x x x 的值放…

【echarts】存在左右Y轴,多个图例切换时,图宽度会缩短(没有右轴,图宽度正常。 高亮右轴,图宽度会变窄。)- 已解决

问题描述: 在绘制图表时,左侧 Y 轴有一条曲线,右侧 Y 轴有三条曲线。初始化时发现,图表的宽度变窄了,这在 PC 端不太明显,但在移动端特别明显。 没有右轴,图宽度正常。 高亮右轴,图…

Windows系统设置暂停更新,暂停时间可达3000天,“永久”暂停更新,亲测有效

好多小伙伴被Windows系统的更新搞得很烦,经常在使用中自己下载更新包,占用网路资源,过段时间就要更新,特别讨厌 今天教你一招,可以暂停更新长达3000天,亲测有效 1、打开系统CMD命令执行窗口,输…

英伟达、Mistral AI 开源企业级大模型,120亿参数、可商用

全球AI领导者英伟达(Nvidia)和著名开源大模型平台Mistral.ai联合开源了,企业级大模型Mistral NeMo 12B。(以下简称“MN 12B”) 据悉,MN 12B一共有基础和指令微调两种模型,支持128K上下文长度&a…

因为很会用工具,拿下了很多客户!

作为一名想要得到更多业绩的打工人,能提高工作效率的工具一定要拥有! 今天,就给大家分享一个职场必备的提效神器,一起来看看它都有哪些功能吧! 1、多渠道客源 它可以从多个渠道去获取你想要的客户资源,无…

代码随想录——一和零(Leetcode474)

题目链接 0-1背包 class Solution {public int findMaxForm(String[] strs, int m, int n) {// 本题m,n为背包两个维度// dp[i][j]:最多右i个0和j个1的strs的最大子集大小int[][] dp new int[m 1][n 1];// 遍历strs中字符串for(String str : strs){int num0 …

题解|2024暑期牛客多校03

【原文链接】 比赛链接:2024牛客暑期多校训练营3 A.Bridging the Gap 2 题目大意 n n n个人过河,第 i i i 个人初始有 h i h_i hi​ 点体力。 由于船的限制,每次过河(或返回)至少需要乘坐 l l l 人(来…