chatgpt-4生成代码,看这一篇就够了

news/2024/4/19 17:49:37/文章来源:https://blog.csdn.net/qq_43488795/article/details/129649807

chatgpt-4生成代码,看这一篇就够了

  • cursor
  • 示例
    • python
      • dbscan 聚类
      • voronoi 图像分割
      • 手写数字识别
      • 圆柱绕流
    • matlab
      • 表白程序
      • 常微分方程
      • 常微分方程组
      • 2048小游戏
    • C/C++
      • 正则表达式匹配
      • 删除有序数组中的重复项
      • n 皇后问题
  • 总结

今天发现一个OpenAI的partnership基于gpt-4开发的好玩的code generation软件,分享一下

cursor

官网 https://www.cursor.so/
Build Software. Fast.
Write, edit, and chat about your code with GPT-4
在这里插入图片描述
直接下载安装就可以,使用起来也非常简单,ctrl+k 就可以输入命令生成代码。

示例

先看简介,可以生成,编辑,修改代码

// 1. Try generating with command K on a new line. Ask for a new react component of an error popup.
// 2. Then, select the outputted code and hit chat. Ask if there's a bug. Ask how to improve.
// 3. Try selecting some code and hitting edit. Ask the bot to add a button that updates a statefield.
// 4. To try out cursor on your own projects, go to file menu (top left) and open a folder.

python

dbscan 聚类

prompt: Help me write a dbscan program
在这里插入图片描述

# First, import necessary libraries
from sklearn.cluster import DBSCAN
from sklearn.datasets import make_blobs
from sklearn.preprocessing import StandardScaler
# Generate sample data
X, y = make_blobs(n_samples=1000, centers=5, random_state=42)
# Scale the data
X = StandardScaler().fit_transform(X)
# Initialize DBSCAN object
dbscan = DBSCAN(eps=0.5, min_samples=5)
# Fit the data
dbscan.fit(X)
# Print the labels
print(dbscan.labels_)
# As we can see, some points are labeled as -1, which means they are considered as noise by DBSCAN.
# Let's count the number of noise points
n_noise = list(dbscan.labels_).count(-1)
print(f"Number of noise points: {n_noise}")
# Let's visualize the clusters
import matplotlib.pyplot as plt
# Create a scatter plot of the first two features
plt.scatter(X[:,0], X[:,1], c=dbscan.labels_, cmap='rainbow')
plt.title('DBSCAN Clustering')
plt.xlabel('Feature 1')
plt.ylabel('Feature 2')
plt.show()

运行效果
在这里插入图片描述

voronoi 图像分割

prompt: voronoi

import numpy as np
from scipy.spatial import Voronoi, voronoi_plot_2d
import matplotlib.pyplot as plt
# Generate sample data
points = np.random.rand(20, 2)
# Compute Voronoi tesselation
vor = Voronoi(points)
# Plot result
fig = voronoi_plot_2d(vor)
plt.show()

在这里插入图片描述

手写数字识别

Prompt: Write a handwritten digit recognition program

import tensorflow as tf
from tensorflow import keras
import numpy as np
import matplotlib.pyplot as plt# Load the MNIST dataset
mnist = keras.datasets.mnist
(train_images, train_labels), (test_images, test_labels) = mnist.load_data()# Normalize the images
train_images = train_images / 255.0
test_images = test_images / 255.0# Define the model
model = keras.Sequential([keras.layers.Flatten(input_shape=(28, 28)),keras.layers.Dense(128, activation='relu'),keras.layers.Dense(10)
])# Compile the model
model.compile(optimizer='adam',loss=tf.keras.losses.SparseCategoricalCrossentropy(from_logits=True),metrics=['accuracy'])# Train the model
model.fit(train_images, train_labels, epochs=10)# Evaluate the model
test_loss, test_acc = model.evaluate(test_images, test_labels, verbose=2)
print('\nTest accuracy:', test_acc)# Make predictions
probability_model = tf.keras.Sequential([model, tf.keras.layers.Softmax()])
predictions = probability_model.predict(test_images)# Plot the first 25 test images and their predicted labels
plt.figure(figsize=(10,10))
for i in range(25):plt.subplot(5,5,i+1)plt.xticks([])plt.yticks([])plt.grid(False)plt.imshow(test_images[i], cmap=plt.cm.binary)predicted_label = np.argmax(predictions[i])true_label = test_labels[i]if predicted_label == true_label:color = 'white'else:color = 'red'plt.xlabel("{} ({})".format(predicted_label, true_label), color=color)
plt.show()

tf不太熟悉,简单解释下,先下载了mnist数据集,然后定义一个全连接网络,relu激活函数,adam优化器,训练十个epoch,看下结果
在这里插入图片描述
在这里插入图片描述

圆柱绕流

挺像回事的,可惜运行不出来,要我自己写也有难度

# Writing a program for the flow around a cylinder using the finite volume method# Import necessary libraries
import numpy as np
import matplotlib.pyplot as plt# Define grid parameters
nx = 101  # Number of grid points in x-direction
ny = 101  # Number of grid points in y-direction
Lx = 4.0  # Length of domain in x-direction
Ly = 4.0  # Length of domain in y-direction
dx = Lx / (nx - 1)  # Grid spacing in x-direction
dy = Ly / (ny - 1)  # Grid spacing in y-direction
x = np.linspace(0.0, Lx, num=nx)  # Grid points in x-direction
y = np.linspace(0.0, Ly, num=ny)  # Grid points in y-direction
X, Y = np.meshgrid(x, y)  # Meshgrid of x and y points# Define flow parameters
U_inf = 1.0  # Free-stream velocity
nu = 0.1  # Kinematic viscosity
Re = U_inf * Lx / nu  # Reynolds number
dt = 0.001  # Time step
nt = 1000  # Number of time steps# Define initial conditions
u = np.zeros((ny, nx))  # x-velocity
v = np.zeros((ny, nx))  # y-velocity
p = np.zeros((ny, nx))  # Pressure
b = np.zeros((ny, nx))  # Source term# Define functions for pressure Poisson equation
def laplacian(p, dx, dy):"""Computes the Laplacian of a 2D scalar field."""pxx = (np.roll(p, -1, axis=1) - 2.0 * p + np.roll(p, 1, axis=1)) / dx ** 2pyy = (np.roll(p, -1, axis=0) - 2.0 * p + np.roll(p, 1, axis=0)) / dy ** 2return pxx + pyydef poisson_p(p, b, dx, dy):"""Solves the pressure Poisson equation using the Jacobi method."""pn = np.empty_like(p)pn[:] = p[:]for n in range(nt):pn[:] = p[:]p[1:-1, 1:-1] = (((pn[1:-1, 2:] + pn[1:-1, :-2]) * dy ** 2 +(pn[2:, 1:-1] + pn[:-2, 1:-1]) * dx ** 2 -b[1:-1, 1:-1] * dx ** 2 * dy ** 2) /(2.0 * (dx ** 2 + dy ** 2)))p[:, -1] = p[:, -2]  # dp/dx = 0 at x = Lxp[0, :] = p[1, :]  # dp/dy = 0 at y = 0p[-1, :] = 0.0  # p = 0 at y = Ly
# Define source term
def build_up_b(b, rho, dt, u, v, dx, dy):"""Builds the source term for the pressure Poisson equation."""b[1:-1, 1:-1] = (rho * (1.0 / dt *((u[1:-1, 2:] - u[1:-1, 0:-2]) / (2 * dx) +(v[2:, 1:-1] - v[0:-2, 1:-1]) / (2 * dy)) -((u[1:-1, 2:] - u[1:-1, 0:-2]) / (2 * dx)) ** 2 -2 * ((u[2:, 1:-1] - u[0:-2, 1:-1]) / (2 * dy) *(v[1:-1, 2:] - v[1:-1, 0:-2]) / (2 * dx)) -((v[2:, 1:-1] - v[0:-2, 1:-1]) / (2 * dy)) ** 2))return b# Define density
rho = 1.0
# Solve for velocity and pressure fields
for n in range(nt):un = u.copy()vn = v.copy()b = build_up_b(b, rho, dt, u, v, dx, dy)p = poisson_p(p, b, dx, dy)u[1:-1, 1:-1] = (un[1:-1, 1:-1] -un[1:-1, 1:-1] * dt / dx *(un[1:-1, 1:-1] - un[1:-1, 0:-2]) -vn[1:-1, 1:-1] * dt / dy *(un[1:-1, 1:-1] - un[0:-2, 1:-1]) -dt / (2 * rho * dx) * (np.roll(p[1:-1, :], -1, axis=1) - np.roll(p[1:-1, :], 1, axis=1)) +nu * (dt / dx ** 2 *(un[1:-1, 2:] - 2 * un[1:-1, 1:-1] + un[1:-1, 0:-2]) +dt / dy ** 2 *(un[2:, 1:-1] - 2 * un[1:-1, 1:-1] + un[0:-2, 1:-1])))v[1:-1, 1:-1] = (vn[1:-1, 1:-1] -un[1:-1, 1:-1] * dt / dx *(vn[1:-1, 1:-1] - vn[1:-1, 0:-2]) -vn[1:-1, 1:-1] * dt / dy *(vn[1:-1, 1:-1] - vn[0:-2, 1:-1]) -dt / (2 * rho * dy) * (p[2:, 1:-1] - p[0:-2, 1:-1]) +nu * (dt / dx ** 2 *(vn[1:-1, 2:] - 2 * vn[1:-1, 1:-1] + vn[1:-1, 0:-2]) +dt / dy ** 2 *(vn[2:, 1:-1] - 2 * vn[1:-1, 1:-1] + vn[0:-2, 1:-1])))
# Plot velocity magnitude
vel_magnitude = np.sqrt(u ** 2 + v ** 2)
plt.figure(figsize=(6.0, 6.0))
plt.title('Velocity magnitude')
plt.xlabel('x')
plt.ylabel('y')
plt.xlim(0.0, Lx)
plt.ylim(0.0, Ly)
plt.contourf(X, Y, vel_magnitude, levels=np.linspace(0.0, 0.1, num=10))
plt.colorbar()
plt.show()

matlab

表白程序

Prompt : Write a program to show love to a girl

disp('I love you more than words can express.');
disp('You are the most beautiful and amazing person I have ever met.');
disp('I promise to always be there for you, to support you, and to make you laugh.');
disp('I want to spend the rest of my life with you.');
disp('Will you be mine forever?');

常微分方程

Prompt : Write a program for solving ordinary differential equations

% Define the differential equation
dydt = @(t,y) t*y^2;% Define the initial condition
y0 = 1;% Define the time interval
tspan = [0 1];% Solve the differential equation
[t,y] = ode45(dydt,tspan,y0);% Plot the solution
plot(t,y)
xlabel('Time')
ylabel('y')
title('Solution of dy/dt = ty^2')

常微分方程组

Prompt : Write a program for solving multiple ordinary differential equations
这个需要稍微修改一下顺序


% Define the initial conditions
y0 = [1; 1; 1];% Define the time span
tspan = [0 10];% Solve the system of differential equations
[t,y] = ode45(@myODEs, tspan, y0);% Plot the results
plot(t,y(:,1),'-',t,y(:,2),'--',t,y(:,3),':');
legend('y_1','y_2','y_3');
xlabel('Time');
ylabel('Solution');% Define the system of differential equations
function dydt = myODEs(t,y)
dydt = zeros(3,1);
dydt(1) = -0.1*y(1) + 0.2*y(2)*y(3);
dydt(2) = 0.1*y(1) - 0.2*y(2)*y(3) - 0.3*y(2);
dydt(3) = 0.2*y(1) + 0.3*y(2) - 0.4*y(3);end

运行结果:
在这里插入图片描述

2048小游戏

clear all;
close all;
clc;
% 初始化
board = zeros(4,4);
% 随机生成两个数字
board = generateNumber(board);
board = generateNumber(board);
% 游戏开始
while true% 显示当前棋盘disp(board);% 判断游戏是否结束if isGameOver(board)disp('Game Over!');break;end% 获取用户输入direction = input('Please input direction (w/s/a/d): ','s');% 移动棋子board = move(board,direction);% 随机生成一个数字board = generateNumber(board);
endfunction board = generateNumber(board)% 在空白位置随机生成一个数字[i,j] = find(board==0);if ~isempty(i)idx = randi(length(i));if rand < 0.9board(i(idx),j(idx)) = 2;elseboard(i(idx),j(idx)) = 4;endend
endfunction gameOver = isGameOver(board)% 判断是否有空位if any(board(:)==0)gameOver = false;return;end% 判断是否有相邻的相同数字[m,n] = size(board);for i = 1:mfor j = 1:n-1if board(i,j)==board(i,j+1)gameOver = false;return;endendendfor i = 1:m-1for j = 1:nif board(i,j)==board(i+1,j)gameOver = false;return;endendend% 没有空位,也没有相邻的相同数字,游戏结束gameOver = true;
endfunction board = move(board,direction)% 根据方向移动棋子switch directioncase 'w'for j = 1:4% 向上合并for i = 1:3if board(i,j)==0continue;endfor k = i+1:4if board(k,j)==0continue;elseif board(k,j)==board(i,j)board(i,j) = board(i,j)*2;board(k,j) = 0;break;elsebreak;endendend% 向上移动for i = 1:3if board(i,j)==0for k = i+1:4if board(k,j)~=0board(i,j) = board(k,j);board(k,j) = 0;break;endendendendendcase 's'for j = 1:4% 向下合并for i = 4:-1:2if board(i,j)==0continue;endfor k = i-1:-1:1if board(k,j)==0continue;elseif board(k,j)==board(i,j)board(i,j) = board(i,j)*2;board(k,j) = 0;break;elsebreak;endendend% 向下移动for i = 4:-1:2if board(i,j)==0for k = i-1:-1:1if board(k,j)~=0board(i,j) = board(k,j);board(k,j) = 0;break;endendendendendcase 'a'for i = 1:4% 向左合并for j = 1:3if board(i,j)==0continue;endfor k = j+1:4if board(i,k)==0continue;elseif board(i,k)==board(i,j)board(i,j) = board(i,j)*2;board(i,k) = 0;break;elsebreak;endendend% 向左移动for j = 1:3if board(i,j)==0for k = j+1:4if board(i,k)~=0board(i,j) = board(i,k);board(i,k) = 0;continue;endendendendendcase 'd'for i = 1:4% 向右合并for j = 4:-1:2if board(i,j)==0continue;endfor k = j-1:-1:1if board(i,k)==0continue;elseif board(i,k)==board(i,j)board(i,j) = board(i,j)*2;board(i,k) = 0;break;elsebreak;endendend% 向右移动for j = 4:-1:2if board(i,j)==0for k = j-1:-1:1if board(i,k)~=0board(i,j) = board(i,k);board(i,k) = 0;continue;endendendendendend
end

运行效果
在这里插入图片描述

C/C++

来刷会leecode吧,直接上困难强度

正则表达式匹配

给你一个字符串 s 和一个字符规律 p,请你来实现一个支持 '.''*' 的正则表达式匹配。'.' 匹配任意单个字符
'*' 匹配零个或多个前面的那一个元素
所谓匹配,是要涵盖 整个 字符串 s的,而不是部分字符串。示例 1:
输入:s = "aa", p = "a"
输出:false
解释:"a" 无法匹配 "aa" 整个字符串。示例 2:
输入:s = "aa", p = "a*"
输出:true
解释:因为 '*' 代表可以匹配零个或多个前面的那一个元素, 在这里前面的元素就是 'a'。因此,字符串 "aa" 可被视为 'a' 重复了一次。示例 3:
输入:s = "ab", p = ".*"
输出:true
解释:".*" 表示可匹配零个或多个('*')任意字符('.')。来源:力扣(LeetCode)
链接:https://leetcode.cn/problems/regular-expression-matching
著作权归领扣网络所有。商业转载请联系官方授权,非商业转载请注明出处。

没给头文件,还得我自己加。。。

#include <iostream>
#include <string>
#include <vector>
using namespace std;class Solution {
public:bool isMatch(string s, string p) {int m = s.size(), n = p.size();vector<vector<bool>> dp(m + 1, vector<bool>(n + 1, false));dp[0][0] = true;for (int i = 0; i <= m; i++) {for (int j = 1; j <= n; j++) {if (p[j - 1] == '*') {dp[i][j] = dp[i][j - 2];if (matches(s, p, i, j - 1)) {dp[i][j] = dp[i][j] || dp[i - 1][j];}}else {if (matches(s, p, i, j)) {dp[i][j] = dp[i - 1][j - 1];}}}}return dp[m][n];}bool matches(string& s, string& p, int i, int j) {if (i == 0) {return false;}if (p[j - 1] == '.') {return true;}return s[i - 1] == p[j - 1];}
};
int main() {Solution s;string str = "ab";string pattern = ".*";cout << s.isMatch(str, pattern) << endl;return 0;
}

有兴趣自己拿去测试,写的是对的

删除有序数组中的重复项

太简单了我都会

删除有序数组中的重复项
给你一个 升序排列 的数组 nums ,请你 原地 删除重复出现的元素,使每个元素 只出现一次 ,返回删除后数组的新长度。元素的 相对顺序 应该保持 一致 。由于在某些语言中不能改变数组的长度,所以必须将结果放在数组nums的第一部分。更规范地说,如果在删除重复项之后有 k 个元素,那么 nums 的前 k 个元素应该保存最终结果。将最终结果插入 nums 的前 k 个位置后返回 k 。不要使用额外的空间,你必须在 原地 修改输入数组 并在使用 O(1) 额外空间的条件下完成。来源:力扣(LeetCode)
链接:https://leetcode.cn/problems/remove-duplicates-from-sorted-array
著作权归领扣网络所有。商业转载请联系官方授权,非商业转载请注明出处。
#include <iostream>
#include <string>
#include <vector>
using namespace std;int removeDuplicates(vector<int>& nums) {if (nums.empty()) {return 0;}int i = 0;for (int j = 1; j < nums.size(); j++) {if (nums[j] != nums[i]) {i++;nums[i] = nums[j];}}return i + 1;
}
int main() {vector<int> nums = { 9,9 ,1, 1, 2, 2, 2, 3, 4, 5, 5 };int len = removeDuplicates(nums);for (int i = 0; i < len; i++) {cout << nums[i] << " ";}cout << endl;return 0;
}
// Output: 1 2 3 4 5

n 皇后问题

按照国际象棋的规则,皇后可以攻击与之处在同一行或同一列或同一斜线上的棋子。n 皇后问题 研究的是如何将 n 个皇后放置在 n×n 的棋盘上,并且使皇后彼此之间不能相互攻击。给你一个整数 n ,返回所有不同的 n 皇后问题 的解决方案。每一种解法包含一个不同的 n 皇后问题 的棋子放置方案,该方案中 'Q' 和 '.' 分别代表了皇后和空位。来源:力扣(LeetCode)
链接:https://leetcode.cn/problems/n-queens
著作权归领扣网络所有。商业转载请联系官方授权,非商业转载请注明出处。
#include <iostream>
#include <string>
#include <vector>
using namespace std;class Solution {
public:vector<vector<string>> solveNQueens(int n) {vector<vector<string>> res;vector<string> board(n, string(n, '.'));backtrack(res, board, 0);return res;}void backtrack(vector<vector<string>>& res, vector<string>& board, int row) {if (row == board.size()) {res.push_back(board);return;}for (int col = 0; col < board.size(); col++) {if (!isValid(board, row, col)) continue;board[row][col] = 'Q';backtrack(res, board, row + 1);board[row][col] = '.';}}bool isValid(vector<string>& board, int row, int col) {for (int i = 0; i < row; i++) {if (board[i][col] == 'Q') return false;}for (int i = row - 1, j = col - 1; i >= 0 && j >= 0; i--, j--) {if (board[i][j] == 'Q') return false;}for (int i = row - 1, j = col + 1; i >= 0 && j < board.size(); i--, j++) {if (board[i][j] == 'Q') return false;}return true;}
};
int main() {Solution s;vector<vector<string>> res = s.solveNQueens(5);for (auto& board : res) {for (auto& row : board) {cout << row << endl;}cout << endl;}return 0;
}
/*
output:
...Q.
Q....
..Q..
....Q
.Q......Q.
.Q...
....Q
..Q..
Q........Q
.Q...
...Q.
Q....
..Q......Q
..Q..
Q....
...Q.
.Q...
*/

我怀疑这是个搜索引擎。。。

总结

体验下来能写一些基础的程序,支持 html / css / python / c / rust / go / c# / java / php / matlab等语言,用来写点小工具还是非常不错的,可以说比我水平高多了,gpt4果然有点东西。
估计未来可重复性的程序员的工作会被替代,可以说大大降低了编程的门槛,但同时生成的代码也需要有一定基础的人去修改,对于我们搞cfd的影响还不大,用来做做数据处理挺好。
最后,一定要做一个会提问的人!

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

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

相关文章

ChatGPT成精了

ChatGPT 是OpenAI 发布的一个全新的聊天机器人模型。它到底有多厉害呢&#xff1f;我注册后体验了一下&#xff0c;你会感觉背后有个真人跟你在聊天。例如&#xff1a; 代码不仅可以运行&#xff0c;还特么有每行带有中文注释&#xff0c;这完全是降维打击StackOverflow。 再来…

ChatGPT | 分享论文 Rebuttal、Review 时可能会用到的 Prompt

ChatGPT 可以帮助润色学术论文&#xff0c;助力搞科研&#xff01; 论文 Rebuttal, Review 过程中可能使用的一个 Prompt&#xff1a; Prompt&#xff1a;I want you to act as an English translator, spelling corrector and improver. I will speak to you in any language…

技巧|使用Chatgpt练习多种类型口语

练雅思口语——其实练什么语言、什么形式的口语都可以。 ChatGPT作为一款聊天机器人&#xff0c;自然可以用于对练口语——只要你的输入和它的输出都变换为语音的形式即可。 一、语音插件 首先&#xff0c;谷歌搜索voice control for chatgpt&#xff0c;点击第一个chrome……

ChatGPT的API接口的模型有多少种?这些模型都有什么功能或者在应用场景上有什么区别?【模型介绍使用与调用接口方法】

OpenAI 的 API 接口提供了多个 GPT-3 模型,每个模型针对不同的应用场景和任务进行了优化。以下是目前可用的 GPT-3 模型: davinci: 这是最大和最全面的模型,具有最高的准确性和灵活性,用于多种自然语言处理任务,如文本生成、对话系统、翻译等。 curie: 这个模型比 davin…

ChatGPT 通过谷歌算法面试,年薪 18.3 万美金

本文已收录到 AndroidFamily&#xff0c;技术和职场问题&#xff0c;请关注公众号 [彭旭锐] 提问。 声明&#xff1a;此图片由 MidJourney 生成 未经训练&#xff0c;不属于任何真实人物 大家好&#xff0c;我是小彭。 2023 开年以来&#xff0c;全球媒体最火爆的热点莫过于一…

ChatGPT必将在文档处理领域大有所为,未来以来,拭目以待【文末送书】

您好&#xff0c;我是码农飞哥&#xff08;wei158556&#xff09;&#xff0c;感谢您阅读本文&#xff0c;欢迎一键三连哦。 &#x1f4aa;&#x1f3fb; 1. Python基础专栏&#xff0c;基础知识一网打尽&#xff0c;9.9元买不了吃亏&#xff0c;买不了上当。 Python从入门到精…

ChatGPT与网络安全的跨时代对话

前言 ChatGPT&#xff1a;是人工智能技术驱动的自然语言处理工具&#xff0c;它能够通过学习和理解人类的语言来进行对话&#xff0c;还能根据聊天的上下文进行互动&#xff0c;真正像人类一样来聊天交流&#xff0c;甚至能完成撰写邮件、视频脚本、文案、翻译、代码等任务。G…

爆火的ChatGPT到底能做什么?5分钟带你进入AI的大门

刘润说过&#xff1a;AI不会让你失业, 会使用AI的人, 才会让你失业。ChatGPT不会淘汰你, 能驾驭ChatGPT的人, 才会淘汰你。最近一个月&#xff0c;不管是各大新闻网站&#xff0c;还是朋友圈&#xff0c;ChatGPT都被刷爆了&#xff0c;火爆程度空前&#xff0c;有人焦虑&#x…

「ChatGPT国内首款学术优化工具首发」代码解析、论文润色全覆盖:未来以来,你来不来

♥️作者&#xff1a;白日参商 &#x1f935;‍♂️个人主页&#xff1a;白日参商主页 ♥️坚持分析平时学习到的项目以及学习到的软件开发知识&#xff0c;和大家一起努力呀&#xff01;&#xff01;&#xff01; &#x1f388;&#x1f388;加油&#xff01; 加油&#xff01…

建议收藏chatGPT说的编译安装nginx教程

写在前面 这个是当下最流行最时髦的AI神器chatGPT和我一起合作写的一篇通用技术文章&#xff0c;请读者笑纳&#xff01; chatGPT说 咚咚咚&#xff0c;咚咚咚&#xff0c;嘿嘿&#xff1b;咚咚咚&#xff0c;咚咚咚&#xff0c;嘿嘿&#xff1b;AI等一会&#xff0c;我来发答案…

【类ChatGPT】本地CPU部署中文羊驼大模型LLaMA和Alpaca

昨天在github上看到一个在本地部署中文大模型的项目&#xff0c;和大家分享一下。先把地址po出来。 项目名称&#xff1a;中文LLaMA&Alpaca大语言模型本地部署 (Chinese LLaMA & Alpaca LLMs) 项目地址&#xff1a;https://github.com/ymcui/Chinese-LLaMA-Alpaca 以…

释放 OpenAI 的 ChatGPT API 的力量:使用 Python 轻松进行命令行对话

最近&#xff0c;对话式 AI 变得越来越流行&#xff0c;原因很容易理解。凭借自动执行日常任务、提供客户支持甚至生成创意内容的能力&#xff0c;对话式 AI 正在迅速改变我们与技术交互的方式。OpenAI 的 ChatGPT 是当今可用的最强大的对话式 AI 工具之一&#xff0c;这是一种…

ChatGPT的智能性体现在哪里?就当前的发展路径而言,ChatGPT 还有更好的路可以走吗?

最近 ChatGPT 真的是太火爆了&#xff0c;连我儿子的小学老师都和我在微信上关于这个话题聊了很久。 ChatGPT 的智能性主要体现在它能够处理各种自然语言的问题&#xff0c;并且具备一定的理解、推理和生成能力。在语言理解方面&#xff0c;ChatGPT 可以理解语言的含义和语法结…

无需GPU无需网络“本地部署chatGPT”(更新中文模型)

想当初图像生成从DELL到stable diffusion再到苹果的移动部署过了两三年吧 聊天bot才发展几个月就可以边缘部署了&#xff0c;如果苹果更新silicon&#xff0c;npu和运存翻倍&#xff0c;争取apple watch也能本地内置&#xff0c;最快ios18 mac、ipad、iPhone能内置吧 又是一个平…

手把手教会你如何通过ChatGPT API实现上下文对话

前言 ChatGPT最近热度持续高涨&#xff0c;已经成为互联网和金融投资领域最热门的话题。 有的小伙伴可能需要在公司搭建一套ChatGPT系统&#xff0c;那使用ChatGPT的API显然是最好的选择。 不过ChatGPT的API都是无状态的&#xff0c;没有对话管理的功能。 你调用API发送一个…

文心一言(中国版ChatGPT)内测申请体验

百度十年&#xff0c;汇成一言 文心一言 文心一言&#xff08;英文名&#xff1a;ERNIE Bot&#xff09;是百度全新一代知识增强大语言模型&#xff0c;文心大模型家族的新成员&#xff0c;能够与人对话互动&#xff0c;回答问题&#xff0c;协助创作&#xff0c;高效便捷地帮…

用ChatGPT生成openAI全景报告

“云孚科技基于业内领先的自然语言处理、知识图谱、语义匹配、智能写作等技术&#xff0c;打造了云孚开源情报系统YFINT&#xff0c;并结合ChatGPT模型成果&#xff0c;重磅推出OpenAI调研报告。”ChatGPT简介 2022年11月30日&#xff0c;总部位于旧金山的OpenAI推出了其最新作…

干货!​如何打造我们自己的“ChatGPT”?| 大佬思辨

点击蓝字关注我们AI TIME欢迎每一位AI爱好者的加入&#xff01;火爆全网的ChatGPT究竟是什么&#xff1f;为什么这么强&#xff1f;ChatGPT会取代搜素引擎吗&#xff1f;ChatGPT凸显的能力会是metaverse的有力支撑吗&#xff1f;ChatGPT的火爆背后, AI发展路向何方?2022年12月…

ChatGPT 工具论 我能用它做什么

​ 前言 bing版ChatGPT现在已经可以使用了。试用下来&#xff0c;相较于原版本ChatGPT&#xff0c;更加流畅&#xff0c;数据库也是最新的&#xff0c;在这里梳理下它能为我做什么。 1.搜索代码片段 我目前最想用过的功能就是这个&#xff0c;以前在CSDN上太难找到直接可以用…

天润融通首席科学家田凤占:如何客观看待ChatGPT在智能客服领域的商业化落地?

天润融通首席科学家田凤占&#xff1a;如何客观看待ChatGPT在智能客服领域的商业化落地&#xff1f; 2012年到2022年&#xff0c;AI革命历经了十年的黄金发展期。从互联网、金融、汽车、工业制造&#xff0c;再到医疗健康、零售、物流等&#xff0c;AI技术在现实生活中的应用持…