EU4-44: Summarizing a networking event

Vocabulary

[NINA] I think it was an interesting evening.
[NINA] I guess I enjoyed it, but I'm... I'm also glad it's over.
[NINA] The networking, however, is not over.
[NINA] Now that I have his number, I think I'm going to call Dan.
[NINA] I know. I'll invite him for dinner. No, dinner is too much.
[NINA] Lunch?
[NINA] Yes, That's it.
[NINA] I'll invite him for lunch.
Key words
  • I think it was an interesting evening.
  • I guess I enjoyed it.
  • networking
  • I think I’m going to call Dan.

Grammar

1. Affirmative tag questions

与否定反意疑问句相同,肯定反意疑问句用来确认某事真假或者征求同意。
跟在否定句后的肯定疑问句,通常的格式是do+代词构成,注意这个动词通常缩写。

You don’t remember his name , do you?
She didn’t like the food, did she?

如果句中含有be,或者含有canhave,使用这个动词在反意疑问句中。

Tom isn’t the CEO, is he?
They weren’t at the event, were they?
We can’t go next week, can we?
Martha hasn’t hired any new people, has she?

2. Expressing a tentative opintion

使用guess,seem或者think类的动词和maybe或者probably类的副词表达一种试探性意见,注意这些词强调表达试探性的发音。

I guess that the networking event was fun.
Sandra seemed interested.
I think that Mr. Soledad will call me.
Maybe I’ll make some new contacts.
I’ll probably have another event next month.

3. Summarizing

你参加社交活动后,你可能想去总结经验,告诉你的同事或朋友。下面是邮件参考样例。

1. 撰写简短扼要的主题

Friday’s networking event
Networking in New Orleans

2. 简要描述你邮件的目的

I want to tell you about the networking event I went to.
I’m writing from New Orleans. I just got back from an exciting networking party.

3. 用两到三个句子总结活动的时间、地点、原因,以及参加人员信息

Our business partner. Frendz Intemational, had the event on Friday at the Beach Palace Inn in Miami. Frendz wanted everyone to share ideas about how to succeed in China.
Food 1st invited about 50 restaurant owners to the event tonight. They served food from around the world. There were 10 food tables and we spent 10 minutes at each table tasting food.

4. 用一个或者两个句子表达你对活动结果的总结

I guess that the event was a success. A vice president at Pumelin seemed interested in our exchange program.
I think that I made some great business contacts, Rene Arzak from Eat 8 took my card. Maybe she’ll give me a call!

  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论
Sure, here's an outline of the steps you'll need to take to complete this task: 1. Download the UCM dataset from the official source or any reputable repository. 2. Preprocess the dataset by splitting it into training, validation, and test sets. Use an 80-10-10 split, respectively. You can use a library like scikit-learn to do this. 3. Choose a suitable deep-learning algorithm for scene classification. Convolutional Neural Networks (CNNs) are a popular choice for image classification tasks like this. 4. Implement the chosen algorithm in Python, using appropriate libraries such as TensorFlow or PyTorch. 5. Train the classifier using the training set and tune the hyperparameters using the validation set. 6. Evaluate the trained classifier on the test set using the following metrics: accuracy, precision, recall, F1-score, and confusion matrix. You can use libraries like scikit-learn to compute these metrics. 7. Prepare a one-page report summarizing the results of your scene classification experiment and the architecture of your network. Include any relevant information such as which hyperparameters you tuned and which ones you used for the final model. Here's some sample code to get you started: ``` # Step 1: Download UCM dataset # TODO: Download dataset and extract files # Step 2: Preprocess dataset from sklearn.model_selection import train_test_split # TODO: Load dataset into memory X_train_val, X_test, y_train_val, y_test = train_test_split(X, y, test_size=0.1, random_state=42) X_train, X_val, y_train, y_val = train_test_split(X_train_val, y_train_val, test_size=0.1, random_state=42) # Step 3: Choose deep-learning algorithm import tensorflow as tf from tensorflow.keras.layers import Conv2D, MaxPooling2D, Flatten, Dense model = tf.keras.Sequential([ Conv2D(32, (3, 3), activation='relu', input_shape=(256, 256, 3)), MaxPooling2D((2, 2)), Conv2D(64, (3, 3), activation='relu'), MaxPooling2D((2, 2)), Conv2D(128, (3, 3), activation='relu'), MaxPooling2D((2, 2)), Conv2D(256, (3, 3), activation='relu'), MaxPooling2D((2, 2)), Flatten(), Dense(256, activation='relu'), Dense(21, activation='softmax') ]) # Step 4: Implement algorithm in Python model.compile(optimizer='adam', loss='categorical_crossentropy', metrics=['accuracy']) # Step 5: Train classifier history = model.fit(X_train, y_train, epochs=10, validation_data=(X_val, y_val)) # Step 6: Evaluate trained classifier from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, confusion_matrix y_pred = model.predict(X_test) y_pred_classes = np.argmax(y_pred, axis=1) y_test_classes = np.argmax(y_test, axis=1) accuracy = accuracy_score(y_test_classes, y_pred_classes) precision = precision_score(y_test_classes, y_pred_classes, average='macro') recall = recall_score(y_test_classes, y_pred_classes, average='macro') f1 = f1_score(y_test_classes, y_pred_classes, average='macro') confusion_mat = confusion_matrix(y_test_classes, y_pred_classes) print("Accuracy:", accuracy) print("Precision:", precision) print("Recall:", recall) print("F1-score:", f1) print("Confusion matrix:\n", confusion_mat) # Step 7: Prepare report # TODO: Write report summarizing results and network architecture ```

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值