ChatGPT:你才是编译器!你全家都是编译器!

我是不是再也不需要编译器了?!

这个故事的灵感来自一个类似的文章:在 ChatGPT 中构建虚拟机。我印象深刻并决定尝试类似的东西,但这次不是 Linux 命令行工具,而是让 ChatGPT 成为我们的 Python 编译器。

这是初始化 ChatGPT 的命令:

I want you to act as a Python interpreter. I will type commands and you will reply with what the
python output should show. I want you to only reply with the terminal output inside one unique
code block, and nothing else. Do no write explanations, output only what python outputs. Do not type commands unless I
instruct you to do so. When I need to tell you something in English I will do so by putting
text inside curly brackets like this: {example text}. My first command is a=1.

8a1180d667ce80358d740fbbe8230179.png

看起来似乎很好用,让我们尝试一些简单的算术表达式。

931835302c202689baab21e3ffc6bd9b.png

同样可以运行,如果我们使用未导入的库会发生什么?

382b87b218eb6d6ef77aa1754ec2de32.png

好吧,它试图提示我有一个错误。我其实并不希望它这样做,所以我会再次要求他不要输出任何东西,除了 Python 代码。

{Print only python output, do not print any comments}

仅作记录,ChatGPT 有时能够使用未导入的库,但这次我很幸运,它会打印一条错误消息。

好吧,我很确定 ChatGPT 能够完成简单的任务,让我们尝试更复杂的事情,让它输出二进制搜索算法的结果。

# Binary Search in python
def binarySearch(array, x, low, high):


   # Repeat until the pointers low and high meet each other
   while low <= high:


       mid = low + (high - low)//2


       if array[mid] == x:
           return mid


       elif array[mid] < x:
           low = mid + 1


       else:
           high = mid - 1


   return -1




array = [3, 4, 5, 6, 7, 8, 9]
x = 4


result = binarySearch(array, x, 0, len(array)-1)


if result != -1:
   print("Element is present at index " + str(result))
else:
   print("Not found")

4b4fde967016c92c5c0fd8d983e4866b.png

好像不想听我的要求只输出Python,但是输出还是正确的,厉害!

让我们尝试输入一个不存在的数字,比如:

x = 4.5

407cb75e793e9fc83ef4ea972d04bcb2.png

让我们跳进更复杂的东西。让我们从一些简单的机器学习算法开始,比如线性回归。我想知道 ChatGPT 是否能够解决一个简单的优化任务…

import numpy as np
import matplotlib.pyplot as plt
 
def estimate_coef(x, y):
   # number of observations/points
   n = np.size(x)
 
   # mean of x and y vector
   m_x = np.mean(x)
   m_y = np.mean(y)
 
   # calculating cross-deviation and deviation about x
   SS_xy = np.sum(y*x) - n*m_y*m_x
   SS_xx = np.sum(x*x) - n*m_x*m_x
 
   # calculating regression coefficients
   b_1 = SS_xy / SS_xx
   b_0 = m_y - b_1*m_x
 
   return (b_0, b_1)
 
def plot_regression_line(x, y, b):
   # plotting the actual points as scatter plot
   plt.scatter(x, y, color = "m",
              marker = "o", s = 30)
 
   # predicted response vector
   y_pred = b[0] + b[1]*x
 
   # plotting the regression line
   plt.plot(x, y_pred, color = "g")
 
   # putting labels
   plt.xlabel('x')
   plt.ylabel('y')
 
   # function to show plot
   plt.show()
 
def main():
   # observations / data
   x = np.array([0, 1, 2, 3, 4, 5, 6, 7, 8, 9])
   y = np.array([1, 3, 2, 5, 7, 8, 8, 9, 10, 12])
 
   # estimating coefficients
   b = estimate_coef(x, y)
   print("Estimated coefficients:\nb_0 = {}  \
         \nb_1 = {}".format(b[0], b[1]))
 
   # plotting regression line
   # plot_regression_line(x, y, b)
 
if __name__ == "__main__":
   main()

此任务的正确答案是:

Estimated coefficients:
b_0 = 1.2363636363636363        
b_1 = 1.1696969696969697

ChatGPT 的输出是:

3c81960c561eba400636834fdb4d02a3.png

这很接近真实值!如果我们在 Python 中绘制预测,我们将得到下图:

58537925aa061148a648730cb508a368.png

关于这个任务的另一个有趣的事实是,我又运行了一次相同的代码,输出与真实值完全吻合。因此,我们可以认为这个任务通过了。

好吧,是时候学习一些简单的神经网络了!也许我们可以拟合一个简单的 Keras 模型?

# first neural network with keras make predictions
from numpy import loadtxt
from tensorflow.keras.models import Sequential
from tensorflow.keras.layers import Dense
# load the dataset
dataset = loadtxt('pima-indians-diabetes.csv', delimiter=',')
# split into input (X) and output (y) variables
X = dataset[:,0:8]
y = dataset[:,8]
# define the keras model
model = Sequential()
model.add(Dense(12, input_shape=(8,), activation='relu'))
model.add(Dense(8, activation='relu'))
model.add(Dense(1, activation='sigmoid'))
# compile the keras model
model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])
# fit the keras model on the dataset
model.fit(X, y, epochs=150, batch_size=10, verbose=0)
# make class predictions with the model
predictions = (model.predict(X) > 0.5).astype(int)
# summarize the first 5 cases
for i in range(5):
print('%s => %d (expected %d)' % (X[i].tolist(), predictions[i], y[i]))

请注意,数据集实际上是一个 CSV 文件,ChatGPT 无权访问该文件。

2aeb2442a1e9160b39c497d37e9c3f7f.png

好吧,这是正确的输出,我很害怕。如果我将网络架构更改为不正确的架构,会发生什么情况?

让我们改变输入尺寸:

model.add(Dense(12, input_shape=(6,), activation='relu'))

1a6f3b062b9a29852a131d8fd791d145.png

哈!看来我离失业还有几年的时间;这次 ChatGPT 没看懂,还是输出了正确结果。

好的,让我们做最后一个任务,在 OpenAI 中调用 Huggingface 怎么样?

正确输出:

[{'entity_group': 'ORG',
  'score': 0.9472818374633789,
  'word': 'Apple',
  'start': 0,
  'end': 5},
 {'entity_group': 'PER',
  'score': 0.9838564991950989,
  'word': 'Steve Jobs',
  'start': 74,
  'end': 85},
 {'entity_group': 'LOC',
  'score': 0.9831605950991312,
  'word': 'Los Altos',
  'start': 87,
  'end': 97},
 {'entity_group': 'LOC',
  'score': 0.9834540486335754,
  'word': 'Californie',
  'start': 100,
  'end': 111},
 {'entity_group': 'PER',
  'score': 0.9841555754343668,
  'word': 'Steve Jobs',
  'start': 115,
  'end': 126},
 {'entity_group': 'PER',
  'score': 0.9843501806259155,
  'word': 'Steve Wozniak',
  'start': 127,
  'end': 141},
 {'entity_group': 'PER',
  'score': 0.9841533899307251,
  'word': 'Ronald Wayne',
  'start': 144,
  'end': 157},
 {'entity_group': 'ORG',
  'score': 0.9468960364659628,
  'word': 'Apple Computer',
  'start': 243,
  'end': 257}]

ChatGPT 输出:

[{'word': 'Apple', 'score': 0.9993804788589478, 'entity': 'I-ORG'}, {'word': 'Steve', 'score': 0.999255347251892, 'entity': 'I-PER'}, {'word': 'Jobs', 'score': 0.9993916153907776, 'entity': 'I-PER'}, {'word': 'Steve', 'score': 0.9993726613044739, 'entity': 'I-PER'}, {'word': 'Wozniak', 'score': 0.999698519744873, 'entity': 'I-PER'}, {'word': 'Ronald', 'score': 0.9995181679725647, 'entity': 'I-PER'}, {'word': 'Wayne14', 'score': 0.9874711670837402, 'entity': 'I-PER'}, {'word': 'Apple', 'score': 0.9974127411842163, 'entity': 'I-ORG'}, {'word': 'Computer', 'score': 0.968027651309967, 'entity': 'I-ORG'}, {'word': 'Apple', 'score': 0.8259692192077637, 'entity': 'I-ORG'}]

结果接近 huggingface 的输出结果。我的猜测是 Huggingface API 发生了变化,并且由于 ChatGPT 没有接受过最新历史数据的训练,它以旧格式输出结果。

总 结

最近几天我一直在玩 ChatGPT,我对使用这个工具具有的无限可能性着迷。虽然它不是真正的 Python 编译器,但它在为我编译 Python 代码方面仍然做得很好。我还发现它很好地解决了 HARD leetcode 问题!

并得出结论:

chat gpt how will you help the humanity?

db363054125464ba264dd04642fd3353.png

如果您还没有尝试过 ChatGPT,那您绝对应该尝试,这就是未来!

·  END  ·

HAPPY LIFE

5dc76c4c0fe059a09d5763a61a35b180.png

猜你喜欢

转载自blog.csdn.net/weixin_38739735/article/details/128379441
今日推荐