diff --git a/convokit/__init__.py b/convokit/__init__.py
index 087104d2..fafd3f5e 100644
--- a/convokit/__init__.py
+++ b/convokit/__init__.py
@@ -12,7 +12,7 @@
from .text_processing import *
from .phrasing_motifs import *
from .prompt_types import *
- from .classifier import *
+ from .classifier.classifier import *
from .ranker import *
from .forecaster import *
from .fighting_words import *
diff --git a/convokit/classifier/__init__.py b/convokit/classifier/__init__.py
index 2cd15fd4..34b6089a 100644
--- a/convokit/classifier/__init__.py
+++ b/convokit/classifier/__init__.py
@@ -1,3 +1,4 @@
from .classifier import *
+from .classifierModel import *
from .util import *
from .vectorClassifier import VectorClassifier
diff --git a/convokit/classifier/classifier.py b/convokit/classifier/classifier.py
index d464f471..77e314de 100644
--- a/convokit/classifier/classifier.py
+++ b/convokit/classifier/classifier.py
@@ -1,10 +1,14 @@
+from typing import Callable, Optional, Union, Any, List, Iterator
+
from sklearn.linear_model import LogisticRegression
from sklearn.metrics import confusion_matrix, classification_report
from sklearn.model_selection import train_test_split, cross_val_score, KFold
from sklearn.pipeline import Pipeline
from sklearn.preprocessing import StandardScaler
-from convokit import Transformer
+from convokit.transformer import Transformer
+from .classifierModel import ClassifierModel
+from convokit.model.corpusComponent import CorpusComponent
from convokit.classifier.util import *
@@ -15,56 +19,88 @@ class Classifier(Transformer):
Runs on the Corpus's Speakers, Utterances, or Conversations (as specified by obj_type).
:param obj_type: type of Corpus object to classify: 'conversation', 'speaker', or 'utterance'
- :param pred_feats: list of metadata attributes containing the features to be used in prediction.
- If the metadata attribute contains a dictionary, all the keys of the dictionary will be included in pred_feats.
- Each feature used should have a numeric/boolean type.
:param labeller: a (lambda) function that takes a Corpus object and returns True (y=1) or False (y=0)
- i.e. labeller defines the y value of the object for fitting
- :param clf: optional sklearn classifier model. By default, clf is a Pipeline with StandardScaler and LogisticRegression.
+ :param clf_model: instance of a classifier model of type convokit.classifier.classifier.ClassifierModel
:param clf_attribute_name: the metadata attribute name to store the classifier prediction value under; default: "prediction"
:param clf_prob_attribute_name: the metadata attribute name to store the classifier prediction score under; default: "pred_score"
+ :param pred_feats: (Please note: usage of pred_feats is no longer recommended—users should define their own prediction features using
+ their own custom dataset.) list of metadata attributes containing the features to be used in prediction.
+ If the metadata attribute contains a dictionary, all the keys of the dictionary will be included in pred_feats.
+ Each feature used should have a numeric/boolean type.
"""
def __init__(
self,
obj_type: str,
- pred_feats: List[str],
labeller: Callable[[CorpusComponent], bool] = lambda x: True,
- clf=None,
+ clf_model: ClassifierModel = None,
clf_attribute_name: str = "prediction",
- clf_prob_attribute_name: str = "pred_score",
+ clf_prob_attribute_name: str = "probability",
+ pred_feats: List[str] = None,
):
- self.pred_feats = pred_feats
self.labeller = labeller
self.obj_type = obj_type
- if clf is None:
- clf = Pipeline(
+ if clf_model is None:
+ clf_model = Pipeline(
[
("standardScaler", StandardScaler(with_mean=False)),
("logreg", LogisticRegression(solver="liblinear")),
]
)
print("Initialized default classification model (standard scaled logistic regression).")
- self.clf = clf
+ self.clf_model = clf_model
self.clf_attribute_name = clf_attribute_name
self.clf_prob_attribute_name = clf_prob_attribute_name
+ def _create_context_iterator(
+ self,
+ corpus: Corpus,
+ # NTS: not sure if this is a correct approach. `context_type` would be a string which would be interpreted into a specific subtype of
+ # CorpusComponent
+ context_type: str,
+ context_selector: Callable[[CorpusComponent], bool],
+ ) -> Iterator[CorpusComponent]:
+ """
+ Helper function that generates an iterator over conversational contexts that satisfy the provided context selector,
+ across the entire corpus.
+ """
+ for obj in corpus.iter_objs(context_type):
+ if not context_selector(obj):
+ continue
+ yield obj # this needed to be indented...
+
def fit(
- self, corpus: Corpus, y=None, selector: Callable[[CorpusComponent], bool] = lambda x: True
+ self,
+ context_type: str,
+ corpus: Corpus,
+ y=None,
+ context_selector: Callable[[CorpusComponent], bool] = lambda context: True,
+ val_context_selector: Optional[Callable[[CorpusComponent], bool]] = None,
):
"""
Trains the Transformer's classifier model, with an optional selector that filters for objects to be fit on.
+ :param context_type: type of Corpus object to classify: 'conversation', 'speaker', or 'utterance'
:param corpus: target Corpus
- :param selector: a (lambda) function that takes a Corpus object and returns True or False (i.e. include / exclude).
- By default, the selector includes all objects of the specified type in the Corpus.
+ :param context_selector: a (lambda) function that takes a Corpus object and returns True or False (i.e. include / exclude).
+ By default, the context_selector includes all objects of the specified type in the Corpus.
+ :param context_selector: a (lambda) function that takes a Corpus object and returns True or False (i.e. include / exclude).
+ By default, the val_context_selector is None.
+
:return: the fitted Classifier Transformer
"""
- X, y = extract_feats_and_label(
- corpus, self.obj_type, self.pred_feats, self.labeller, selector
+ contexts = self._create_context_iterator(
+ corpus, context_type=context_type, context_selector=context_selector
)
- self.clf.fit(X, y)
+ val_contexts = None
+ if val_context_selector is not None:
+ val_contexts = self._create_context_iterator(
+ corpus, context_type=context_type, context_selector=val_context_selector
+ )
+ self.clf_model.fit(contexts, val_contexts)
+
return self
def transform(
@@ -81,23 +117,17 @@ def transform(
:return: annotated Corpus
"""
- obj_id_to_feats = extract_feats_dict(corpus, self.obj_type, self.pred_feats, selector)
- feats_df = pd.DataFrame.from_dict(obj_id_to_feats, orient="index").reindex(
- index=list(obj_id_to_feats)
+ contexts = self._create_context_iterator(
+ corpus, context_type=self.obj_type, context_selector=selector
)
- X = csr_matrix(feats_df.values.astype("float64"))
- idx_to_id = {idx: obj_id for idx, obj_id in enumerate(list(obj_id_to_feats))}
- clfs, clfs_probs = self.clf.predict(X), self.clf.predict_proba(X)[:, 1]
-
- for idx, (clf, clf_prob) in enumerate(list(zip(clfs, clfs_probs))):
- corpus_obj = corpus.get_object(self.obj_type, idx_to_id[idx])
- corpus_obj.add_meta(self.clf_attribute_name, clf)
- corpus_obj.add_meta(self.clf_prob_attribute_name, clf_prob)
- for obj in corpus.iter_objs(self.obj_type, selector):
- if self.clf_attribute_name not in obj.meta:
- obj.meta[self.clf_attribute_name] = None
- obj.meta[self.clf_prob_attribute_name] = None
+ outputs = self.clf_model.transform(contexts)
+ # NTS: outputs is a dataframe
+ preds = outputs["predictions"].tolist()
+ probs = outputs["probabilities"].tolist()
+ for obj, pred, prob in zip(corpus.iter_objs(self.obj_type, selector), preds, probs):
+ obj.add_meta(self.clf_attribute_name, pred)
+ obj.add_meta(self.clf_prob_attribute_name, prob)
return corpus
@@ -107,7 +137,11 @@ def fit_transform(
self.fit(corpus, selector=selector)
return self.transform(corpus, selector=selector)
- def transform_objs(self, objs: List[CorpusComponent]) -> List[CorpusComponent]:
+ def transform_objs(
+ self,
+ objs: List[CorpusComponent],
+ selector: Callable[[CorpusComponent], bool] = lambda x: True,
+ ) -> List[CorpusComponent]:
"""
Run classifier on list of Corpus objects and annotate them with the predictions and prediction scores
@@ -115,15 +149,8 @@ def transform_objs(self, objs: List[CorpusComponent]) -> List[CorpusComponent]:
:return: list of annotated Corpus objects
"""
- X = np.array([list(extract_feats_from_obj(obj, self.pred_feats).values()) for obj in objs])
- # obj_ids = [obj.id for obj in objs]
- clfs, clfs_probs = self.clf.predict(X), self.clf.predict_proba(X)[:, 1]
-
- for idx, (clf, clf_prob) in enumerate(list(zip(clfs, clfs_probs))):
- obj = objs[idx]
- obj.add_meta(self.clf_attribute_name, clf)
- obj.add_meta(self.clf_prob_attribute_name, clf_prob)
-
+ for obj in objs:
+ self.transform(obj, selector=selector)
return objs
def summarize(
@@ -187,6 +214,7 @@ def evaluate_with_train_test_split(
test_size: float = 0.2,
):
"""
+ Please note that Classifier.pred_feats is a deprecated attribute, and so this function may have undefined behavior.
Evaluate the performance of predictive features (Classifier.pred_feats) in predicting for the label,
using a train-test split.
@@ -238,6 +266,7 @@ def evaluate_with_cv(
selector: Callable[[CorpusComponent], bool] = lambda x: True,
):
"""
+ Please note that Classifier.pred_feats is a deprecated attribute, and so this function may have undefined behavior.
Evaluate the performance of predictive features (Classifier.pred_feats) in predicting for the label,
using cross-validation for data splitting.
@@ -367,10 +396,10 @@ def get_model(self):
"""
Gets the Classifier's internal model
"""
- return self.clf
+ return self.clf_model
def set_model(self, clf):
"""
Sets the Classifier's internal model
"""
- self.clf = clf
+ self.clf_model = clf
diff --git a/convokit/classifier/classifierModel.py b/convokit/classifier/classifierModel.py
new file mode 100644
index 00000000..d78e5b67
--- /dev/null
+++ b/convokit/classifier/classifierModel.py
@@ -0,0 +1,45 @@
+from abc import ABC, abstractmethod
+from typing import Callable
+
+
+class ClassifierModel(ABC):
+ """
+ An abstract class defining an interface that Classifier can call into to invoke a conversational classification algorithm.
+ The “contract” between Classifier and ClassifierModel means that ClassifierModel can expect to receive conversational data
+ in a consistent format, defined above.
+ """
+
+ def __init__(self):
+ self._labeller = None
+
+ @property
+ def labeller(self):
+ return self._labeller
+
+ @labeller.setter
+ def labeller(self, value: Callable):
+ self._labeller = value
+
+ @abstractmethod
+ def fit(self, contexts, val_contexts=None):
+ """
+ A method the user would use to fit the model.
+
+ :param contexts: an iterator over context objects
+ :param val_contexts: optional second iterator which would produce validation data for the model.
+ """
+ pass
+
+ @abstractmethod
+ def transform(
+ self, contexts, classification_attribute_name, classification_prob_attribute_name
+ ):
+ """
+ Function underlying the higher-level `transform` method in the Classifier class which operates
+ at a context level (again, Utterance, Conversation, or Speaker, etc.) to annotate.
+
+ :param contexts: iterator over context objects, which may or not be narrowed down by the selector argument in the Classifier wrapper
+
+ :return: a pandas DataFrame containing two added columns: one with raw probabilities named according to classification_prob_attribute_name, and one with discretized (binary) classification. Indexed by the ID of that context’s current utterance.
+ """
+ pass
diff --git a/examples/classifier/modular-classifier-example.ipynb b/examples/classifier/modular-classifier-example.ipynb
new file mode 100644
index 00000000..48ce3b86
--- /dev/null
+++ b/examples/classifier/modular-classifier-example.ipynb
@@ -0,0 +1,6532 @@
+{
+ "cells": [
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "# Modular Classifier Usage Example\n",
+ "\n",
+ "In this notebook, we introduce changes made to the Classifier, with a new ClassifierModel class created to add modularity and flexibility for users, now able to use their own models and HuggingFace models with ConvoKit."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 1,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Obtaining file:///Users/asungii/Documents/zissou/ConvoKit\n",
+ " Installing build dependencies ... \u001b[?25ldone\n",
+ "\u001b[?25h Checking if build backend supports build_editable ... \u001b[?25ldone\n",
+ "\u001b[?25h Getting requirements to build editable ... \u001b[?25ldone\n",
+ "\u001b[?25h Preparing editable metadata (pyproject.toml) ... \u001b[?25ldone\n",
+ "\u001b[?25hBuilding wheels for collected packages: convokit\n",
+ " Building editable for convokit (pyproject.toml) ... \u001b[?25ldone\n",
+ "\u001b[?25h Created wheel for convokit: filename=convokit-3.1.0-0.editable-py3-none-any.whl size=4047 sha256=afda85919aa5a716aa9b82a113b14729753a8859008d8b02f26fcde39361875e\n",
+ " Stored in directory: /private/var/folders/np/2c3gpv41187bz541ynn4spnw0000gn/T/pip-ephem-wheel-cache-dp9_0rgp/wheels/23/db/d3/5bd865e74fa21bc45eb3365c1d1b8335330dc68c15b7686aba\n",
+ "Successfully built convokit\n",
+ "Installing collected packages: convokit\n",
+ " Attempting uninstall: convokit\n",
+ " Found existing installation: convokit 3.1.0\n",
+ " Uninstalling convokit-3.1.0:\n",
+ " Successfully uninstalled convokit-3.1.0\n",
+ "Successfully installed convokit-3.1.0\n"
+ ]
+ }
+ ],
+ "source": [
+ "! pip install --force-reinstall --no-deps -e ../../../ConvoKit"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 2,
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "'/Users/asungii/Documents/zissou/ConvoKit/examples/classifier'"
+ ]
+ },
+ "execution_count": 2,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "import os\n",
+ "os.getcwd()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 3,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "['Users/asungii/Documents/zissou/ConvoKit', '/opt/anaconda3/envs/convokit/lib/python311.zip', '/opt/anaconda3/envs/convokit/lib/python3.11', '/opt/anaconda3/envs/convokit/lib/python3.11/lib-dynload', '', '/opt/anaconda3/envs/convokit/lib/python3.11/site-packages']\n"
+ ]
+ }
+ ],
+ "source": [
+ "import sys\n",
+ "sys.path.insert(0, 'Users/asungii/Documents/zissou/ConvoKit')\n",
+ "print(sys.path)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 4,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "from convokit.classifier.classifier import Classifier, ClassifierModel"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 5,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "#from convokit import Classifier, ClassifierModel"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 6,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/opt/anaconda3/envs/convokit/lib/python3.11/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n",
+ " from .autonotebook import tqdm as notebook_tqdm\n"
+ ]
+ }
+ ],
+ "source": [
+ "from torch.utils.data import DataLoader, Dataset\n",
+ "import torch\n",
+ "from transformers import AutoModelForSequenceClassification, AutoTokenizer, Trainer, TrainingArguments\n",
+ "from convokit import Speaker, Conversation, Utterance, CorpusComponent, Corpus, download\n",
+ "import numpy as np\n",
+ "import pandas as pd"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "We must create a Dataset subclass in order to load our CorpusComponent objects into a torch Dataset to feed into our model."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "Next, we prepare a subclass of Dataset to contain the CorpusComponent data."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 7,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "# the way that contexts will likely be initialized is applying the pred_feats keys to the Corpus\n",
+ "# so, when we give the contexts to the dataset, we will need to use logic in the custom Dataset class to extract the relevant information\n",
+ "# in other words, i need to add some more use cases\n",
+ "\n",
+ "# So, to answer your question, I think the general structure would stay relatively similar to the old classifier,\n",
+ "# which means the context you are refering to I think should be user specified CorpusComponent fields (utt.text, convo.meta['xxx'],\n",
+ "# or even utt.text + convo.meta['xxx'] if user want etc.). The data preparation should just organize the user specified context, into what the\n",
+ "# BertModel/LMModel 's training data format requirement (which we can provide some format and examples for standard HuggingFace models (for example,\n",
+ "# if user use AutoModel class, then it is pretty standard), and it is user's responsibility if they want to use custom models.\n",
+ "\n",
+ "class CorpusComponentDataset(Dataset):\n",
+ " def __init__(self, contexts, tokenizer, max_length=512):\n",
+ " # convert our contexts into a list of CorpusComponent objects\n",
+ " self.contexts = contexts\n",
+ " \n",
+ " self.data = list(contexts)\n",
+ " for context in self.data:\n",
+ " if context.text == None:\n",
+ " self.data.remove(context)\n",
+ " self.tokenizer = tokenizer\n",
+ " self.max_length = max_length\n",
+ " # labels should be a list of booleans indicating if the score of the utt is > 3\n",
+ " self.labels = [context.meta['score'] > 3 for context in self.data]\n",
+ " \n",
+ " def __len__(self):\n",
+ " return len(self.data)\n",
+ " \n",
+ " def __getitem__(self, idx):\n",
+ " context = self.data[idx]\n",
+ "\n",
+ " # get text from each utterance CorpusComponent object\n",
+ " text = context.text\n",
+ "\n",
+ " print(text)\n",
+ "\n",
+ " # or, if we want to get the metadata from conversation objects, we could do that too\n",
+ " # text = context.conversation.meta[\"foo\"]\n",
+ "\n",
+ " tokenized = self.tokenizer(\n",
+ " text,\n",
+ " padding=\"max_length\",\n",
+ " truncation=True,\n",
+ " max_length=self.max_length,\n",
+ " return_tensors=\"pt\"\n",
+ " )\n",
+ "\n",
+ " print(tokenized[\"input_ids\"].squeeze())\n",
+ "\n",
+ " # the Dataset's job is to return the input_ids, attention_mask, and label\n",
+ " return {\n",
+ " \"input_ids\": tokenized[\"input_ids\"].squeeze(0),\n",
+ " \"attention_mask\": tokenized[\"attention_mask\"].squeeze(0),\n",
+ " \"labels\": torch.tensor(self.labels[idx], dtype=torch.long)\n",
+ " }\n",
+ " "
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 8,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "def compute_metrics(eval_pred):\n",
+ " logits, labels = eval_pred\n",
+ " predictions = np.argmax(logits, axis=-1)\n",
+ " return {\"accuracy\": (predictions == labels).mean()}"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "The ClassifierModel is a new class used to define the behavior of an underlying, user-defined model."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 9,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "class BertModel(ClassifierModel):\n",
+ " def __init__(self):\n",
+ " self.tokenizer = AutoTokenizer.from_pretrained(\"bert-base-uncased\")\n",
+ " self.model = AutoModelForSequenceClassification.from_pretrained(\"bert-base-uncased\")\n",
+ " self.device = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n",
+ " self.model.to(self.device)\n",
+ "\n",
+ " def fit(self, contexts, val_contexts=None):\n",
+ " epochs=5\n",
+ " batch_size=8\n",
+ " learning_rate=1e-5\n",
+ "\n",
+ " train_dataset = CorpusComponentDataset(contexts, tokenizer=self.tokenizer)\n",
+ "\n",
+ " trainer = Trainer(\n",
+ " model = self.model,\n",
+ " args = TrainingArguments(\n",
+ " output_dir = \"./results\",\n",
+ " num_train_epochs = epochs,\n",
+ " per_device_train_batch_size = batch_size,\n",
+ " learning_rate = learning_rate,\n",
+ " logging_dir = \"./logs\",\n",
+ " logging_steps = 10,\n",
+ " evaluation_strategy = \"no\",\n",
+ " do_eval=False,\n",
+ " ),\n",
+ " train_dataset = train_dataset,\n",
+ " eval_dataset = CorpusComponentDataset(val_contexts, tokenizer=self.tokenizer) if val_contexts != None else None,\n",
+ " compute_metrics = compute_metrics\n",
+ " )\n",
+ "\n",
+ " trainer.args.eval_strategy = 'no'\n",
+ " trainer.train()\n",
+ "\n",
+ "\n",
+ " def transform(self, contexts):\n",
+ " \"\"\"\n",
+ " Perform inference on the given contexts provided by the iterator `contexts`.\n",
+ " \"\"\"\n",
+ "\n",
+ " # because the contexts are consumed by the DataLoader, we need to make a copy of the contexts \n",
+ " data = CorpusComponentDataset(contexts, self.tokenizer)\n",
+ " loader = DataLoader(data, batch_size=8)\n",
+ " self.model.eval()\n",
+ "\n",
+ " # these are the output objects which will be used to create the DataFrame\n",
+ " probabilities_out = []\n",
+ " predictions_out = []\n",
+ "\n",
+ " with torch.no_grad():\n",
+ " for batch in loader:\n",
+ " input_ids = batch[\"input_ids\"].to(self.device)\n",
+ " attention_mask = batch[\"attention_mask\"].to(self.device)\n",
+ "\n",
+ " output = self.model(input_ids=input_ids, attention_mask=attention_mask)\n",
+ "\n",
+ " logits = output.logits\n",
+ "\n",
+ " # these probabilities and predictions will be the length of the batch\n",
+ " probabilities = torch.nn.functional.softmax(logits, dim=1)\n",
+ " predictions = torch.argmax(probabilities, dim=1)\n",
+ "\n",
+ " probabilities_out.extend(probabilities)\n",
+ " predictions_out.extend(predictions)\n",
+ " print('predictions', predictions)\n",
+ "\n",
+ " outputs = {\n",
+ " 'predictions': predictions_out,\n",
+ " 'probabilities': probabilities_out\n",
+ " }\n",
+ "\n",
+ " return pd.DataFrame(outputs)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 10,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Dataset already exists at /Users/asungii/.convokit/saved-corpora/subreddit-Cornell\n"
+ ]
+ }
+ ],
+ "source": [
+ "corpus = Corpus(filename=download(\"subreddit-Cornell\"))"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 11,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "Some weights of BertForSequenceClassification were not initialized from the model checkpoint at bert-base-uncased and are newly initialized: ['classifier.bias', 'classifier.weight']\n",
+ "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n"
+ ]
+ }
+ ],
+ "source": [
+ "# this classifier should predict whether or not a given utterance has a score greater than 3, based on the text of the utterance\n",
+ "classifier = Classifier(obj_type='utterance', pred_feats=['top_level_comment'], clf_model=BertModel())"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 12,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/opt/anaconda3/envs/convokit/lib/python3.11/site-packages/transformers/training_args.py:1575: FutureWarning: `evaluation_strategy` is deprecated and will be removed in version 4.46 of 🤗 Transformers. Use `eval_strategy` instead\n",
+ " warnings.warn(\n"
+ ]
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "​\n",
+ "\n",
+ "​\n",
+ "\n",
+ "i can hardly do this shit anymore. it’s not the academic pressure - thats the only thing that keeps me afloat. it’s the weight i keep down this immense sadness with. it’s meaningless in the end to me, but for these ends, the means are effective albeit without a real meaning to me. it’s been 8 days since the last time somebody touched me beyond a handshake. i didn’t love her, and it felt so wrong as there’s always been another on my mind, but she’s gone. my heart remains miles away but its keeper has disqualified herself. as a man, i guess i forget how much a meaningful hug means.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "i have crushes here, i have friends here. nothing goes beyond that. i’ve always been intense. i’ve always tried to draw the meaning out of everybody around me. i want people to experience that connection i so long for, with me. i want them to embrace what they hate about themselves, expose their inner demons to me. i want to know what makes them tick. i’m so fucking tired of talking about school work. i don’t give a fuck about prelims anymore. why can’t we go deeper than that?\n",
+ "\n",
+ "​\n",
+ "\n",
+ "people here treat me like i’m insane. they see the tired eyes of an anxious insomniac. they see the sadness tucked away behind shades of blue. they don’t make eye contact because i show them my soul. i’m harmless. i’m just sad. i’m just lonely. i just want to feel appreciated. i want to feel wanted. i want somebody to miss my presence. i want somebody to feel like they’re missing out because i’m not around. i want to be loved by somebody - in any form. i’m friendly. i’m a caretaker. i’m sweet and kindhearted. i’m loyal. i cherish every individual that walks into my life.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "people tell me i’m intense. i’m too much. “it’s always an experience with you”. i pique the interests of others, but soon they get tired of my reality. they get tired of hearing the crazy ideas and perspectives of a lonely boy trapped in his head all day. i just want to entertain you. i want to stimulate the minds of those around me, just as they do to me. this place is about expansion and growth isn’t it? it clearly isn’t about connectivity.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "maybe i was just naive. coming from such a small town, we were one family. here i walk by hundreds every day that wouldn’t even consider giving me 5 minutes. men and women. friends and more than that. the worst part is i’m a good talker. i’m relatively handsome, i dress adequately. i have a strong charismatic frame. i love to make people laugh. i love it so much. it’s ecstasy. laughter comes from relatability, people appreciate what they see themselves in the most.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "i’ve thought of dozens of ways to get myself out there more and have failed horribly in every attempt. i don’t know what it is about me that scares people off, but this snowballs. it becomes desperation. people can smell the desperation on your breath and they hate it. the desperate ones must be undesirable.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "i’m starting to wonder if this goes beyond the boundaries of a land far above cayugas waters. maybe this is the real world. maybe i am just a misfit. an alien. burning out this fuse up here alone.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "i dream of relief - daydream that is. i sleep enough to maintain motor function throughout the day, barely.\n",
+ "\n",
+ "i drown myself in schoolwork, but that backfires tremendously. it always crumbles. salt in an already deteriorating wound. it was supposed to get better after last year. and before that it was supposed to get better once i transferred here. and before that it was supposed to get better once i went to college. or high school. but it won’t. i don’t fit this place. i care too much and they don’t care enough. there is no blame to place. it just simply is.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "i dream of an escape. it’s cowardly. i couldn’t hurt my mother. i couldn’t hurt those who don’t know they “didn’t do enough” as they’d say. christ, even cornell health has recognized insanity sitting across from them. i couldn’t even blame them. i just can’t do it. i don’t want you all to know me because of some mass martha pollack statement manufactured to give the appearance that anybody here valued my existence. i would never want to go out like that. if i am to be known, it will be through my words, my writings, my music, my heart, my larger than life personality, my ideas, a connection with human beings at a level we are so deprived of.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "stuck between a rock and a hard place it seems. a desire to be loved and a hatred of a society that has rejected me. a desperation to escape and an insatiable drive to succeed. an infatuation with both life and death.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "i guess the point of this all is, people like me are out there. i know i am not alone. it is a cold, brutal world out there, but it doesn’t have to be. don’t be afraid to connect. you never know what somebody has to offer, especially at a place like this. sometimes, the curiously psycho looking dude with headphones and soulless eyes just need to feel appreciated for a minute. he might make you laugh, he might add value to your life, and he might cherish you for your humanity. everybody is broken somewhere.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "​\n",
+ "\n",
+ "​\n",
+ "\n",
+ "thanks for reading, everybody. have a safe and enjoyable weekend. ladies, stay aware. guys, don’t be fucking pieces of shit (and visa versa). take care of your drunk friends even if you don’t want to. drink responsibly (or at least responsibly enough to still nail your prelims). good luck on those too.\n",
+ "\n",
+ "​\n",
+ "tensor([ 101, 1004, 23713, 1025, 1001, 1060, 28332, 2497, 1025, 1004,\n",
+ " 23713, 1025, 1001, 1060, 28332, 2497, 1025, 1045, 2064, 6684,\n",
+ " 2079, 2023, 4485, 4902, 1012, 2009, 1521, 1055, 2025, 1996,\n",
+ " 3834, 3778, 1011, 2008, 2015, 1996, 2069, 2518, 2008, 7906,\n",
+ " 2033, 10028, 16503, 1012, 2009, 1521, 1055, 1996, 3635, 1045,\n",
+ " 2562, 2091, 2023, 14269, 12039, 2007, 1012, 2009, 1521, 1055,\n",
+ " 25120, 1999, 1996, 2203, 2000, 2033, 1010, 2021, 2005, 2122,\n",
+ " 4515, 1010, 1996, 2965, 2024, 4621, 12167, 2302, 1037, 2613,\n",
+ " 3574, 2000, 2033, 1012, 2009, 1521, 1055, 2042, 1022, 2420,\n",
+ " 2144, 1996, 2197, 2051, 8307, 5028, 2033, 3458, 1037, 2398,\n",
+ " 20459, 2063, 1012, 1045, 2134, 1521, 1056, 2293, 2014, 1010,\n",
+ " 1998, 2009, 2371, 2061, 3308, 2004, 2045, 1521, 1055, 2467,\n",
+ " 2042, 2178, 2006, 2026, 2568, 1010, 2021, 2016, 1521, 1055,\n",
+ " 2908, 1012, 2026, 2540, 3464, 2661, 2185, 2021, 2049, 10684,\n",
+ " 2038, 14209, 2841, 1012, 2004, 1037, 2158, 1010, 1045, 3984,\n",
+ " 1045, 5293, 2129, 2172, 1037, 15902, 8549, 2965, 1012, 1004,\n",
+ " 23713, 1025, 1001, 1060, 28332, 2497, 1025, 1045, 2031, 10188,\n",
+ " 2229, 2182, 1010, 1045, 2031, 2814, 2182, 1012, 2498, 3632,\n",
+ " 3458, 2008, 1012, 1045, 1521, 2310, 2467, 2042, 6387, 1012,\n",
+ " 1045, 1521, 2310, 2467, 2699, 2000, 4009, 1996, 3574, 2041,\n",
+ " 1997, 7955, 2105, 2033, 1012, 1045, 2215, 2111, 2000, 3325,\n",
+ " 2008, 4434, 1045, 2061, 2146, 2005, 1010, 2007, 2033, 1012,\n",
+ " 1045, 2215, 2068, 2000, 9979, 2054, 2027, 5223, 2055, 3209,\n",
+ " 1010, 14451, 2037, 5110, 7942, 2000, 2033, 1012, 1045, 2215,\n",
+ " 2000, 2113, 2054, 3084, 2068, 16356, 1012, 1045, 1521, 1049,\n",
+ " 2061, 8239, 5458, 1997, 3331, 2055, 2082, 2147, 1012, 1045,\n",
+ " 2123, 1521, 1056, 2507, 1037, 6616, 2055, 3653, 17960, 2015,\n",
+ " 4902, 1012, 2339, 2064, 1521, 1056, 2057, 2175, 6748, 2084,\n",
+ " 2008, 1029, 1004, 23713, 1025, 1001, 1060, 28332, 2497, 1025,\n",
+ " 2111, 2182, 7438, 2033, 2066, 1045, 1521, 1049, 9577, 1012,\n",
+ " 2027, 2156, 1996, 5458, 2159, 1997, 2019, 11480, 16021, 5358,\n",
+ " 6200, 2278, 1012, 2027, 2156, 1996, 12039, 9332, 2185, 2369,\n",
+ " 13178, 1997, 2630, 1012, 2027, 2123, 1521, 1056, 2191, 3239,\n",
+ " 3967, 2138, 1045, 2265, 2068, 2026, 3969, 1012, 1045, 1521,\n",
+ " 1049, 19741, 1012, 1045, 1521, 1049, 2074, 6517, 1012, 1045,\n",
+ " 1521, 1049, 2074, 9479, 1012, 1045, 2074, 2215, 2000, 2514,\n",
+ " 12315, 1012, 1045, 2215, 2000, 2514, 2359, 1012, 1045, 2215,\n",
+ " 8307, 2000, 3335, 2026, 3739, 1012, 1045, 2215, 8307, 2000,\n",
+ " 2514, 2066, 2027, 1521, 2128, 4394, 2041, 2138, 1045, 1521,\n",
+ " 1049, 2025, 2105, 1012, 1045, 2215, 2000, 2022, 3866, 2011,\n",
+ " 8307, 1011, 1999, 2151, 2433, 1012, 1045, 1521, 1049, 5379,\n",
+ " 1012, 1045, 1521, 1049, 1037, 17600, 1012, 1045, 1521, 1049,\n",
+ " 4086, 1998, 2785, 27693, 1012, 1045, 1521, 1049, 8884, 1012,\n",
+ " 1045, 24188, 4509, 2296, 3265, 2008, 7365, 2046, 2026, 2166,\n",
+ " 1012, 1004, 23713, 1025, 1001, 1060, 28332, 2497, 1025, 2111,\n",
+ " 2425, 2033, 1045, 1521, 1049, 6387, 1012, 1045, 1521, 1049,\n",
+ " 2205, 2172, 1012, 1523, 2009, 1521, 1055, 2467, 2019, 3325,\n",
+ " 2007, 2017, 1524, 1012, 1045, 14255, 4226, 1996, 5426, 1997,\n",
+ " 2500, 1010, 2021, 2574, 2027, 2131, 5458, 1997, 2026, 4507,\n",
+ " 1012, 2027, 2131, 5458, 1997, 4994, 1996, 4689, 4784, 1998,\n",
+ " 15251, 1997, 1037, 9479, 2879, 7567, 1999, 2010, 2132, 2035,\n",
+ " 2154, 102])\n",
+ "• First semester freshman students are not allowed to attend any form of fraternity or sorority sponsored event or activity, regardless of where it is hosted, if alcohol is present. This includes, but is not limited to, “open parties.”\n",
+ "• Registered events as defined by the Cornell Greek Community’s Event Management Guidelines may continue to be conducted for members and appropriate guests according to Event Management Guidelines, University regulations, and state and federal laws. \n",
+ "• Recognizing that this will fundamentally shift what had become an unofficial recruitment process through social events, which went against the longstanding policy deferring recruitment to the second semester of a student’s freshman year, we will establish a four-quarter schedule so new students may become informed about fraternity and sorority life.\n",
+ "When enacted by the Trustees, the amendment serves to align the University policy with those of national fraternities and sororities and the laws of the State of New York. The amendment to the University’s Recognition Policy for Fraternities and Sororities provides explicit clarification for the University fraternity and sorority community by reiterating the University’s position and policy on these important matters.\n",
+ "The University recognizes the efforts of student leaders who have striven to address the high risk behaviors of members; yet, experience shows that risk management through self-governance can fall short of compliance with the law and achieving required objectives without the additional guidance and support of alumni and the University.\n",
+ "As a community we must work together to protect our organizations, the students who are members, the alumni who have given so much to preserve the positive experience of fraternity and sorority membership, and the students who seek to become members. Also critical is the work we do to sustain and support the long tradition of exemplary behavior and values of our Cornell fraternity and sorority system. Implementation of the amendments to the Recognition Policy requires that alcohol may not be provided, present, or part of any recruitment, education, or initiation process. Practically speaking, we must alter the ways in which the social programs of our chapters are conducted to conform to the law and the new Trustee amendment. Compliance by chapters will help alleviate the pressure, real or perceived, placed upon the fraternity and sorority system to serve as the primary social venue for all Cornell undergraduates and specifically for freshmen upon their initial entrance to the University community. It also will significantly reduce liability by curtailing activities which are unlawful, unsafe, and are typically not covered by the chapter’s general liability insurance.\n",
+ "Moreover, in the aftermath of the tragic death of George Desdunes this past spring, the Tri-Council agreed to advance implementation of the amendments. The $25 million wrongful death suit filed against the Cornell local SAE Chapter, the International SAE Fraternity, and a number of its local officers and members only adds gravity and urgency to our need to cooperate together in implementing the changes summarized below.\n",
+ "Ralph Wilhelm, President of the Fraternity and Sorority Advisory Council, Jonathan Feldman, President of the Alumni Interfraternity Council, Donna Green Barsotti, President of the Alumni Panhellenic Advisory Council, and Frank Wilkinson, President of the Alumni Multicultural Greek Letter Council, support the rules and protocols being implemented under the new Trustee amendments to the University Recognition Policy. They will continue to work with alumni and undergraduates, the Fraternity and Sorority Advisory Council, and the Office of Fraternity and Sorority Affairs to support a strong Cornell Greek System.\n",
+ "\n",
+ "IMPLEMENTATION\n",
+ "The four quarter system is defined as follows:\n",
+ "\n",
+ "o 1st Quarter – Moratorium\n",
+ " **Moratorium is defined as the period when there will be no formal or informal recruitment activities initiated or organized by fraternity and sorority members. Contact with freshmen will be limited to those interactions that occur in the normal day-to-day conduct on campus and in the classroom and through campus related organizations and activities.**\n",
+ " Moratorium commences with the arrival of the freshman class on campus and concludes at the end of fall semester break. For academic year 2011-2012, this time period will last from **August 19th to October 11th**.\n",
+ " **For freshmen, this period of time should be devoted to academic and residential transition to the new University environment.\n",
+ " Chapter members will not engage with freshmen in chapter organized events or activities during this time period. This restriction applies to all events and activities including, but not limited to; chapter houses, chapter annexes, residences in Collegetown, or other off-campus locations.**\n",
+ " Chapters may choose to focus on recruiting transfer students and upperclassmen during this time.\n",
+ " The fraternity and sorority system will be presented to freshmen as an option through general informational opportunities planned and guided by the Tri-Council and the Office of Fraternity and Sorority Affairs.\n",
+ "\n",
+ "o 2nd Quarter – Informal Recruitment\n",
+ " Informal Recruitment is defined as the period when **freshmen are permitted to engage with chapter members in activities that do not involve alcohol or other drugs to learn about individual fraternity and sorority chapters and their members**.\n",
+ " Informal Recruitment commences with the first day of classes following fall semester break and concludes with the last day of finals in the fall semester. For academic year 2011-2012, this time period will last from **October 12th to December 16th**.\n",
+ " For freshmen, this period of time will be their introduction to the organizations, the facilities if applicable, and chapter members. The councils may choose to develop and provide a schedule of organized activities during this time period. For example, the Interfraternity Council (IFC) may create a schedule of supplemental smokers and dinners to allow organized opportunities for freshmen to meet and interact with members to gain an informed orientation to the IFC and individual chapters.\n",
+ " Chapters may host an array of informal recruitment activities to introduce potential members to the chapter’s members, programs, and the values of the organization as well as the physical house itself where applicable. These events will be free of alcohol, illegal substances, and any form of activities that could be construed as hazing as defined by the Campus Code of Conduct.\n",
+ "\n",
+ "o 3rd Quarter – Formal Recruitment & New Member Education\n",
+ " Formal Recruitment is defined as the period when freshmen return to campus in January to engage in the events known as Recruitment Week or **“Rush Week.”**\n",
+ " Formal Recruitment for IFC and PHC commences with the first day of Recruitment Week and concludes with the last day of Recruitment Week. For academic year 2011-2012, this time period will last from January 17th to January 22nd. Formal Requirement for Asian-Interest organizations commences on January 23rd and concludes on February 3rd, 2011.\n",
+ " **There will be no alcohol or drugs used, furnished, or present during any period of contact with the freshmen. This includes, but is not limited to; informational sessions, dinners, smokers, day activities, contacts, and night events. Even if the location of the event or activity is located outside of the chapter house or outside of Ithaca, alcohol and any other drugs are prohibited**.\n",
+ " If they so choose, chapters will extend bids at the conclusion of Formal Recruitment.\n",
+ " Chapters that choose to participate in Continuous Open Bidding will abide by the rules herein stated for the 3rd Quarter. Continuous Open Bidding must be complete by the initiation deadline, which is April 1st for the spring 2012 semester.\n",
+ " New Member Education is defined as the period when new members/associate members learn the history, values, and responsibilities of membership for their individual chapters.\n",
+ "\n",
+ " New Member Education commences with the first day following Bid Day and concludes approximately eight weeks from the beginning of the academic semester as determined by the University. For academic year 2011-2012, this time period may last from **January 23rd to April 1st.\n",
+ " Chapters will not conduct any social activities or events with alcohol or other drugs if new members are present. This includes, but is not limited to; activities and events such as “pledge parties” and “mixers” regardless of location.**\n",
+ " Hazing, as defined by the Cornell Code of Conduct, will not be tolerated in any form. The Fraternity and Sorority Affairs Staff should be consulted if there are any questionable activities in a fraternity or sorority’s initiation or intake process.\n",
+ "\n",
+ "o 4th Quarter – Post-Initiation\n",
+ " Post-Initiation is defined as the time period in which all members will be fully initiated and privileged to enjoy the full benefits of membership.\n",
+ " Post-Initiation commences with the first day following the chapter’s Initiation ceremony or no later than April 2nd.\n",
+ " At this time, their participation in the programs of their chapter will be conducted according to the appropriate Tri-Council guidelines and the general rules under the Campus Code of Conduct.\n",
+ "\n",
+ "tensor([ 101, 1528, 2034, 13609, 10452, 2493, 2024, 2025, 3039, 2000,\n",
+ " 5463, 2151, 2433, 1997, 13577, 2030, 27600, 6485, 2724, 2030,\n",
+ " 4023, 1010, 7539, 1997, 2073, 2009, 2003, 4354, 1010, 2065,\n",
+ " 6544, 2003, 2556, 1012, 2023, 2950, 1010, 2021, 2003, 2025,\n",
+ " 3132, 2000, 1010, 1523, 2330, 4243, 1012, 1524, 1528, 5068,\n",
+ " 2824, 2004, 4225, 2011, 1996, 10921, 3306, 2451, 1521, 1055,\n",
+ " 2724, 2968, 11594, 2089, 3613, 2000, 2022, 4146, 2005, 2372,\n",
+ " 1998, 6413, 6368, 2429, 2000, 2724, 2968, 11594, 1010, 2118,\n",
+ " 7040, 1010, 1998, 2110, 1998, 2976, 4277, 1012, 1528, 14622,\n",
+ " 2008, 2023, 2097, 24670, 5670, 2054, 2018, 2468, 2019, 11982,\n",
+ " 15680, 2832, 2083, 2591, 2824, 1010, 2029, 2253, 2114, 1996,\n",
+ " 2146, 24911, 3343, 13366, 2121, 4892, 15680, 2000, 1996, 2117,\n",
+ " 13609, 1997, 1037, 3076, 1521, 1055, 10452, 2095, 1010, 2057,\n",
+ " 2097, 5323, 1037, 2176, 1011, 4284, 6134, 2061, 2047, 2493,\n",
+ " 2089, 2468, 6727, 2055, 13577, 1998, 27600, 2166, 1012, 2043,\n",
+ " 11955, 2011, 1996, 9360, 1010, 1996, 7450, 4240, 2000, 25705,\n",
+ " 1996, 2118, 3343, 2007, 2216, 1997, 2120, 25312, 16451, 6447,\n",
+ " 1998, 2061, 29165, 6447, 1998, 1996, 4277, 1997, 1996, 2110,\n",
+ " 1997, 2047, 2259, 1012, 1996, 7450, 2000, 1996, 2118, 1521,\n",
+ " 1055, 5038, 3343, 2005, 25312, 16451, 6447, 1998, 2061, 29165,\n",
+ " 6447, 3640, 13216, 18856, 8486, 10803, 2005, 1996, 2118, 13577,\n",
+ " 1998, 27600, 2451, 2011, 24964, 14621, 3436, 1996, 2118, 1521,\n",
+ " 1055, 2597, 1998, 3343, 2006, 2122, 2590, 5609, 1012, 1996,\n",
+ " 2118, 14600, 1996, 4073, 1997, 3076, 4177, 2040, 2031, 29453,\n",
+ " 2078, 2000, 4769, 1996, 2152, 3891, 15592, 1997, 2372, 1025,\n",
+ " 2664, 1010, 3325, 3065, 2008, 3891, 2968, 2083, 2969, 1011,\n",
+ " 10615, 2064, 2991, 2460, 1997, 12646, 2007, 1996, 2375, 1998,\n",
+ " 10910, 3223, 11100, 2302, 1996, 3176, 8606, 1998, 2490, 1997,\n",
+ " 9441, 1998, 1996, 2118, 1012, 2004, 1037, 2451, 2057, 2442,\n",
+ " 2147, 2362, 2000, 4047, 2256, 4411, 1010, 1996, 2493, 2040,\n",
+ " 2024, 2372, 1010, 1996, 9441, 2040, 2031, 2445, 2061, 2172,\n",
+ " 2000, 7969, 1996, 3893, 3325, 1997, 13577, 1998, 27600, 5779,\n",
+ " 1010, 1998, 1996, 2493, 2040, 6148, 2000, 2468, 2372, 1012,\n",
+ " 2036, 4187, 2003, 1996, 2147, 2057, 2079, 2000, 15770, 1998,\n",
+ " 2490, 1996, 2146, 4535, 1997, 27792, 5248, 1998, 5300, 1997,\n",
+ " 2256, 10921, 13577, 1998, 27600, 2291, 1012, 7375, 1997, 1996,\n",
+ " 16051, 2000, 1996, 5038, 3343, 5942, 2008, 6544, 2089, 2025,\n",
+ " 2022, 3024, 1010, 2556, 1010, 2030, 2112, 1997, 2151, 15680,\n",
+ " 1010, 2495, 1010, 2030, 17890, 2832, 1012, 8134, 4092, 1010,\n",
+ " 2057, 2442, 11477, 1996, 3971, 1999, 2029, 1996, 2591, 3454,\n",
+ " 1997, 2256, 9159, 2024, 4146, 2000, 23758, 2000, 1996, 2375,\n",
+ " 1998, 1996, 2047, 13209, 7450, 1012, 12646, 2011, 9159, 2097,\n",
+ " 2393, 24251, 1996, 3778, 1010, 2613, 2030, 8690, 1010, 2872,\n",
+ " 2588, 1996, 13577, 1998, 27600, 2291, 2000, 3710, 2004, 1996,\n",
+ " 3078, 2591, 6891, 2005, 2035, 10921, 8324, 2015, 1998, 4919,\n",
+ " 2005, 26612, 2588, 2037, 3988, 4211, 2000, 1996, 2118, 2451,\n",
+ " 1012, 2009, 2036, 2097, 6022, 5547, 14000, 2011, 20099, 29544,\n",
+ " 3450, 2029, 2024, 22300, 1010, 25135, 1010, 1998, 2024, 4050,\n",
+ " 2025, 3139, 2011, 1996, 3127, 1521, 1055, 2236, 14000, 5427,\n",
+ " 1012, 9308, 1010, 1999, 1996, 10530, 1997, 1996, 13800, 2331,\n",
+ " 1997, 2577, 4078, 27584, 2229, 2023, 2627, 3500, 1010, 1996,\n",
+ " 13012, 102])\n",
+ ".-- --- ..- .-.. -.. / .--. .-. --- -... .- -... .-.. -.-- / -.-. .... --- --- ... . / --. .-. .- .--. . ... --..-- / .- -. -.. / .--. .-. --- -.-. . . -.. / - --- / ... --.- ..- .- ... .... / .- .-.. .-.. / --- ..-. / - .... . -- .-.-.- / - .... . -. / .. .----. -.. / .-. .. --. / .- / ... .. -- .--. .-.. . / -.. .-. .- .. -. .- --. . / ... -.-- ... - . -- / - --- / -.-. --- .-.. .-.. . -.-. - / - .... . / .--- ..- .. -.-. . / .. -. / - .... . / -... .- ... . -- . -. - / - --- / .-.. . - / .. - / ..-. . .-. -- . -. - / .. -. / -... .- .-. .-. . .-.. ... .-.-.- / --- -. -.-. . / - .... .- - / .-- .- ... / -.. --- -. . --..-- / .. / .-- --- ..- .-.. -.. / - .... . -. / .--. .-. --- -.-. . . -.. / - --- / ... . .-.. .-.. / -- -.-- / .-- .. -. . / - --- / .-.. --- -.-. .- .-.. / -... .- .-. ... / .- -. -.. / ... ..- .--. . .-. -- .- .-. -.- . - ... .-.-.- / - .... . / .--. .-. --- ..-. .. - / .-- --- ..- .-.. -.. / -... . / ... -- .- .-.. .-.. / .- - / ..-. .. .-. ... - --..-- / -... ..- - / .-- --- .-. -.. / --- ..-. / -- -.-- / -.. .. ... - .. -. -.-. - .-.. -.-- / ... -.-. . -. - . -.. / .-- .. -. . / .-- --- ..- .-.. -.. / ... --- --- -. / -... . --. .. -. / - --- / ... .--. .-. . .- -.. --..-- / - .... ..- ... / .. -. -.-. .-. . .- ... .. -. --. / -- -.-- / .--. .-. --- ..-. .. - ... .-.-.- / ..- ... .. -. --. / - .... .. ... --..-- / .. / .-- --- ..- .-.. -.. / -... ..- -.-- / -- --- .-. . / --. .-. .- .--. . ... / .- -. -.. / ..- .--. --. .-. .- -.. . / -- -.-- / -.. .-. .- .. -. .- --. . / ... -.-- ... - . -- / - --- / -.-. --- -. - .. -. ..- . / - .... . / -.-. -.-- -.-. .-.. . .-.-.- / - .... .. ... / .. ... / .... --- .-- / .. / .-- .. .-.. .-.. / -- . . - / -- -.-- / .-- .. ..-. . --..-- / .- -. -.. / .-- . / .-- .. .-.. .-.. / -... . -.-. --- -- . / - .... . / - -.-- -.-. --- --- -. ... / --- ..-. / - .... . / ..-. --- --- - / .-- .. -. . .-.-.- / .-- . / .-- .. .-.. .-.. / .... .- ...- . / -.-. .... .. .-.. -.. .-. . -. --..-- / -... ..- - / .. / .-- .. .-.. .-.. / .. --. -. --- .-. . / - .... . -- --..-- / .- ... / -- -.-- / --. .-. .- .--. . -....- ... - --- -- .--. .. -. --. / .--. .-. --- -.-. . ... ... / .. ... / -- -.-- / --- -. .-.. -.-- / - .-. ..- . / .--. .- ... ... .. --- -. / .. -. / .-.. .. ..-. . .-.-.- / .- - / - .... .. ... / .--. --- .. -. - / .. / .-- --- ..- .-.. -.. / .... .. .-. . / ... --- -- . / .-- --- .-. -.- . .-. ... / - --- / .... . .-.. .--. / -- . / -- .- -. .- --. . / - .... . / --. .-. .- .--. . / -.-. .-. ..- ... .... .. -. --. / .. -. / -- -.-- / -. . .-- .-.. -.-- -....- -... --- ..- --. .... - / --- -. . / ... - --- .-. -.-- / -- .- -. ... .. --- -. .-.-.- / --- ..-. / -.-. --- ..- .-. ... . --..-- / .. / .-- --- ..- .-.. -.. / .--. .- -.-- / - .... . -- / .-- . .-.. .-.. --..-- / . ...- . -. / .- .-.. .-.. --- .-- / - .... . -- / - --- / . .- - / .- / --. .-. .- .--. . / --- .-. / - .... .-. . . / .. ..-. / - .... . -.-- / .-- .. ... .... . -.. .-.-.- / .. / .-- .. .-.. .-.. / ... .-.. --- .-- .-.. -.-- / -.. . ...- . .-.. --- .--. / .- / .-.. --- ...- . / ..-. --- .-. / --. .-. .- .--. . ... .-.-.- / - .... . -.-- / .- .-. . / -- -.-- / --. .-. .- .--. . ... .-.-.- / - .... . -.-- / .- .-. . / -- -.-- / ..-. .-. .. . -. -.. ... .-.-.- / - .... . -.-- / .- .-. . / -- -.-- / -.-. .... .. .-.. -.. .-. . -. .-.-.- / . ...- . -. - ..- .- .-.. .-.. -.-- / .. / .-- --- ..- .-.. -.. / -... . --. .. -. / .. -. -.-. .-. . .- ... .. -. --. / - .... . / .... . .. --. .... - / --- ..-. / - .... . / --. .-. .- .--. . ... / .. -. / -- -.-- / .... --- ..- ... . .-.-.- / -.- -. . . / .... .. --. .... .-.-.- / .-- .- .. ... - -....- .... .. --. .... .-.-.- / -.-. .... . ... - -....- .... .. --. .... .-.-.- / .. / -. . . -.. / - .... . -- / .- .-.. .-.. / --- ...- . .-. / -- -.-- / -... --- -.. -.-- .-.-.- / .- .-.. .-.. / - .... . / .-- .... .. .-.. . / -.-. .-. .. - .. -.-. ... / .- .-. . / .-. .- ...- .. -. --. / --- ...- . .-. / .... --- .-- / .- -... ... --- .-.. ..- - . .-.. -.-- / -.. . .-.. .. -.-. .. --- ..- ... / -- -.-- / ..-. --- --- - / .-- .. -. . / .. ... .-.-.- / .. / -.. --- -. .----. - / .-.. .. ... - . -. / - --- / - .... . -- --..-- / .- ... / -- -.-- / .-.. ..- ... - / ..-. --- .-. / --. .-. .- .--. . ... / .... .- ... / --. .-. --- .-- -. / - --- --- / ... - .-. --- -. --. --..-- / .- -. -.. / - .... . / --. .-. .- .--. . ... / .. -. / -- -.-- / .... --- ..- ... . / .... .- ...- . / .-. .. ... . -. / - --- / -. . -.-. -.- / .-.. . ...- . .-.. .-.-.- / -- -.-- / .-- .. ..-. . / .- -. -.. / -.-. .... .. .-.. -.. .-. . -. / .... .- ...- . / .-.. . ..-. - / -- . .-.-.- / -- -.-- / .-- --- .-. -.- . .-. ... / .-- .. .-.. .-.. / .... .- ...- . / --.- ..- .. - --..-- / .- ... / - .... . -.-- / .-- .. .-.. .-.. / -... . / - . .-. .-. .. ..-. .. . -.. / --- ..-. / .-- .... .- - / .. / .... .- ...- . / -... . -.-. --- -- . .-.-.- / - .... . -.-- / -.. --- / -. --- - / ..- -. -.. . .-. ... - .- -. -.. .-.-.- / - .... . / --. .-. .- .--. . ... / .- .-. . / -. --- .-- / .- -... --- ...- . / -- -.-- / .... . .- -.. .-.-.- / - .... . -.-- / ... ..- .-. .-. --- ..- -. -.. / -- . .-.-.- / .. / .- -- / --- -. . / .-- .. - .... / - .... . / --. .-. .- .--. . ... .-.-.-\n",
+ "tensor([ 101, 1012, 1011, 1011, 1011, 1011, 1011, 1012, 1012, 1011, 1012, 1011,\n",
+ " 1012, 1012, 1011, 1012, 1012, 1013, 1012, 1011, 1011, 1012, 1012, 1011,\n",
+ " 1012, 1011, 1011, 1011, 1011, 1012, 1012, 1012, 1012, 1011, 1011, 1012,\n",
+ " 1012, 1012, 1012, 1011, 1012, 1012, 1011, 1012, 1011, 1011, 1013, 1011,\n",
+ " 1012, 1011, 1012, 1012, 1012, 1012, 1012, 1011, 1011, 1011, 1011, 1011,\n",
+ " 1011, 1012, 1012, 1012, 1012, 1013, 1011, 1011, 1012, 1012, 1011, 1012,\n",
+ " 1012, 1011, 1012, 1011, 1011, 1012, 1012, 1012, 1012, 1012, 1011, 1011,\n",
+ " 1012, 1012, 1011, 1011, 1013, 1012, 1011, 1011, 1012, 1011, 1012, 1012,\n",
+ " 1013, 1012, 1011, 1011, 1012, 1012, 1011, 1012, 1011, 1011, 1011, 1011,\n",
+ " 1012, 1011, 1012, 1012, 1012, 1011, 1012, 1012, 1013, 1011, 1011, 1011,\n",
+ " 1011, 1013, 1012, 1012, 1012, 1011, 1011, 1012, 1011, 1012, 1012, 1011,\n",
+ " 1012, 1011, 1012, 1012, 1012, 1012, 1012, 1012, 1012, 1013, 1012, 1011,\n",
+ " 1012, 1011, 1012, 1012, 1012, 1011, 1012, 1012, 1013, 1011, 1011, 1011,\n",
+ " 1012, 1012, 1011, 1012, 1013, 1011, 1012, 1012, 1012, 1012, 1012, 1011,\n",
+ " 1011, 1012, 1011, 1012, 1011, 1012, 1011, 1013, 1011, 1012, 1012, 1012,\n",
+ " 1012, 1012, 1011, 1012, 1013, 1012, 1012, 1012, 1011, 1011, 1011, 1011,\n",
+ " 1012, 1011, 1012, 1012, 1013, 1012, 1011, 1012, 1012, 1012, 1011, 1011,\n",
+ " 1012, 1013, 1012, 1011, 1013, 1012, 1012, 1012, 1012, 1012, 1011, 1011,\n",
+ " 1012, 1011, 1011, 1012, 1012, 1011, 1012, 1012, 1012, 1013, 1011, 1012,\n",
+ " 1012, 1012, 1011, 1012, 1012, 1011, 1012, 1012, 1011, 1012, 1012, 1011,\n",
+ " 1011, 1011, 1012, 1012, 1013, 1012, 1012, 1012, 1011, 1012, 1011, 1011,\n",
+ " 1012, 1012, 1012, 1011, 1012, 1011, 1011, 1013, 1011, 1011, 1011, 1011,\n",
+ " 1013, 1011, 1012, 1011, 1012, 1011, 1011, 1011, 1012, 1011, 1012, 1012,\n",
+ " 1012, 1011, 1012, 1012, 1012, 1011, 1012, 1011, 1012, 1011, 1013, 1011,\n",
+ " 1012, 1012, 1012, 1012, 1012, 1013, 1012, 1011, 1011, 1011, 1012, 1012,\n",
+ " 1011, 1012, 1012, 1011, 1012, 1011, 1012, 1012, 1013, 1012, 1012, 1011,\n",
+ " 1012, 1013, 1011, 1012, 1012, 1012, 1012, 1012, 1013, 1011, 1012, 1012,\n",
+ " 1012, 1012, 1011, 1012, 1012, 1012, 1012, 1011, 1011, 1012, 1011, 1012,\n",
+ " 1011, 1013, 1011, 1011, 1011, 1011, 1013, 1012, 1011, 1012, 1012, 1012,\n",
+ " 1011, 1013, 1012, 1012, 1011, 1013, 1012, 1012, 1011, 1012, 1012, 1012,\n",
+ " 1011, 1012, 1011, 1011, 1012, 1011, 1012, 1011, 1013, 1012, 1012, 1011,\n",
+ " 1012, 1013, 1011, 1012, 1012, 1012, 1012, 1011, 1012, 1011, 1012, 1012,\n",
+ " 1011, 1012, 1012, 1012, 1011, 1012, 1012, 1012, 1012, 1012, 1012, 1011,\n",
+ " 1012, 1011, 1012, 1011, 1013, 1011, 1011, 1011, 1011, 1012, 1011, 1012,\n",
+ " 1011, 1012, 1012, 1013, 1011, 1012, 1012, 1012, 1012, 1012, 1011, 1011,\n",
+ " 1013, 1012, 1011, 1011, 1012, 1011, 1012, 1012, 1012, 1013, 1011, 1012,\n",
+ " 1012, 1011, 1011, 1011, 1011, 1012, 1012, 1011, 1011, 1012, 1012, 1011,\n",
+ " 1011, 1013, 1012, 1012, 1013, 1012, 1011, 1011, 1011, 1011, 1011, 1012,\n",
+ " 1012, 1011, 1012, 1011, 1012, 1012, 1011, 1012, 1012, 1013, 1011, 1012,\n",
+ " 1012, 1012, 1012, 1012, 1011, 1012, 1013, 1012, 1011, 1011, 1012, 1012,\n",
+ " 1011, 1012, 1011, 1011, 1011, 1011, 1012, 1011, 1012, 1012, 1012, 1011,\n",
+ " 1012, 1012, 1013, 1011, 1011, 1011, 1011, 1013, 1012, 1012, 1012, 1012,\n",
+ " 1012, 1011, 1012, 1012, 1012, 1011, 1012, 102])\n",
+ "Congrats on your acceptance! If someone asks me is it worth it to attend Cornell, I will say yes 99% of the time (without any other context to their family's situation). I'll try to answer your questions as a 2016 alum. \n",
+ " \n",
+ " \n",
+ "> How competitive are most students? Are people willing to work together or do most have a win-lose mentality? \n",
+ " \n",
+ " \n",
+ "I don't think I met anyone at Cornell that had a win-lose mentality. My classmates and peers were always happy to collaborate on projects, problem sets, studying, etc. I very frequently lent notes or borrowed notes from students in the instance of missing lectures, for example. I shared notes or borrowed notes from older students who had taken courses that I was currently enrolled in, etc. I would say the collaborative mentality is much more prevalent, largely because Cornell is very difficult. You oftentimes need support to succeed, and people recognize that, so they're willing to support their peers and friends, academically or otherwise. If you try to do Cornell academics alone, you're going to have a bad time. \n",
+ " \n",
+ " \n",
+ "> How bad is grade deflation? I'm not really familiar with grading on curves and it's a little intimidating. \n",
+ " \n",
+ " \n",
+ "Grade deflation itself isn't prevalent, but getting good grades is difficult. I was an econ major who took a lot of physical sciences and math courses (I was confused and undecided for awhile), and I only experienced one course that was \"curved down\" (deflated). The way curved grading at Cornell typically works is quite simple. The professor will take all of the raw scores at the end of the semester and identify the median grade. Say, for example, the median is a 70, but the professor doesn't want 50% of his/her students to receive a C- or lower. Therefore, the prof will decide on a grade that he/she believed should be the cutoff point. In large, freshmen, intro courses (think general chemistry, calculus, physics, etc.), this is usually a B-. I've heard instances of some courses curving to a C+, and that's really rough but generally uncommon. In upper level courses, it's much more common for the median grade to be a B or B+. That means 50% of students will receive a grade above the median, and 50% of students will receive a grade below the median. How far above or below is based on how many standard deviations you were above or below the original, raw median (or mean). I hope that makes sense. That said, (almost) everyone at Cornell is brilliant, so keeping up with the average Cornell student is very difficult. You have to put in a lot of work, but if you do the work and keep up with the material, you should be rewarded. \n",
+ " \n",
+ " \n",
+ "> Cornell is notorious for mental health/stress issues, how prevalent is this? \n",
+ " \n",
+ " \n",
+ "I'd say it's prevalent, but I would suggest it's no more prevalent than any other top-20 school with very high achieving and highly ambitious students. It's a stressful environment. Students are usually accustomed to being in the top 1-5% of their high schools, or even their districts. And then they get to Cornell and realize they are no longer in the top 1-5% of performers. This can weigh on you emotionally. Also, a lot in your life changes when you go from high school to college. You move away, you live in a new place, you have to make new friends, you're not with your family, you have new challenges (social challenges, academic challenges, eventually job/professional challenges). And, being 18-22, you're just susceptible to mental illness and stress. None of these factors are unique to Cornell. You will find these at any college, and especially at any prestigious college. Don't let anyone tell you Cornell is a \"suicide school.\" We unfairly received that reputation after a string of suicides, I believe in 2005-2008, but the Cornell student body experiences suicide at rates similar to institutions of similar size. I will say, one thing that is somewhat unique to Cornell is the weather. The long winters without a lot of sunlight can weigh on you. I moved from South Florida and definitely experienced seasonal affective disorder during my first bad winter in Ithaca. There are ways to handle this though. Counseling, peer support, making healthy decisions, getting outside any time the sun comes out, etc. There are ways to learn to enjoy the winter, and if you're already from a similar climate, you have an advantage. \n",
+ " \n",
+ " \n",
+ "> What would you consider to be the biggest drawback for Cornell? And what's the best thing about Cornell? \n",
+ " \n",
+ " \n",
+ "This is hard to answer. I think most students will say the location (no major nearby cities/airports) and the weather (tied to the location). I personally loved Ithaca and eventually fell in love with the winter. And, the other seasons are *incredibly* beautiful. It really is an amazing environment with so much natural beauty. Going to college in a college town is a great experience for a young person. And most Cornell students graduate and move to a large city, so they'll have their whole lives to experience that. I think my personal biggest drawback of Cornell was the socioeconomic diversity. Cornell is incredibly diverse in just about every way except for socioeconomic diversity (IE: family income), and this is largely a product of the prestigious higher education industry rather than a product of Cornell policy, though Cornell could certainly improve its policies to attract and sustain more income diversity. Basically, Cornell students are overwhelmingly upper middle class/upper class, with 10% of Cornell students coming from the top 1% of earners in the US (roughly 600,000 dollars of annual income, or more). If you don't fall into this group, you can feel a bit left out. That's not to say you won't have friends, or people will treat you differently. Even wealthy people are genuine and down to earth. But, when you're staying on campus for spring break and some of your friends are flying to Spain or South America, the income inequality really does show. Sort of along the same lines, I think Cornell's biggest strength is the diversity, in all aspects. Diversity of coursework/academic departments, diversity of the student body and where they come from/what they do (everyone at Cornell seems to have an interesting/exciting talent or perspective on life), diversity of buildings, diversity of activities, diversity of Ithaca, etc. I know this is a cliche answer, but I really do believe it. Also, my other biggest Cornell strength is Cornell Hockey. Our team was really strong this year (finishing #3 in the natioanl standings and #1 in our conference). We also have some of the most supportive and rowdiest fans in the country. Lynah Hockey Rink is famous for the atmosphere, and if you get the chance, definitely check it out, even if you hate sports/hockey. It's amazing. \n",
+ "tensor([ 101, 26478, 8609, 2015, 2006, 2115, 9920, 999, 2065, 2619,\n",
+ " 5176, 2033, 2003, 2009, 4276, 2009, 2000, 5463, 10921, 1010,\n",
+ " 1045, 2097, 2360, 2748, 5585, 1003, 1997, 1996, 2051, 1006,\n",
+ " 2302, 2151, 2060, 6123, 2000, 2037, 2155, 1005, 1055, 3663,\n",
+ " 1007, 1012, 1045, 1005, 2222, 3046, 2000, 3437, 2115, 3980,\n",
+ " 2004, 1037, 2355, 2632, 2819, 1012, 1004, 14181, 1025, 2129,\n",
+ " 6975, 2024, 2087, 2493, 1029, 2024, 2111, 5627, 2000, 2147,\n",
+ " 2362, 2030, 2079, 2087, 2031, 1037, 2663, 1011, 4558, 5177,\n",
+ " 3012, 1029, 1045, 2123, 1005, 1056, 2228, 1045, 2777, 3087,\n",
+ " 2012, 10921, 2008, 2018, 1037, 2663, 1011, 4558, 5177, 3012,\n",
+ " 1012, 2026, 19846, 1998, 12746, 2020, 2467, 3407, 2000, 20880,\n",
+ " 2006, 3934, 1010, 3291, 4520, 1010, 5702, 1010, 4385, 1012,\n",
+ " 1045, 2200, 4703, 15307, 3964, 2030, 11780, 3964, 2013, 2493,\n",
+ " 1999, 1996, 6013, 1997, 4394, 8921, 1010, 2005, 2742, 1012,\n",
+ " 1045, 4207, 3964, 2030, 11780, 3964, 2013, 3080, 2493, 2040,\n",
+ " 2018, 2579, 5352, 2008, 1045, 2001, 2747, 8302, 1999, 1010,\n",
+ " 4385, 1012, 1045, 2052, 2360, 1996, 12317, 5177, 3012, 2003,\n",
+ " 2172, 2062, 15157, 1010, 4321, 2138, 10921, 2003, 2200, 3697,\n",
+ " 1012, 2017, 2411, 7292, 2015, 2342, 2490, 2000, 9510, 1010,\n",
+ " 1998, 2111, 6807, 2008, 1010, 2061, 2027, 1005, 2128, 5627,\n",
+ " 2000, 2490, 2037, 12746, 1998, 2814, 1010, 3834, 3973, 2030,\n",
+ " 4728, 1012, 2065, 2017, 3046, 2000, 2079, 10921, 15032, 2894,\n",
+ " 1010, 2017, 1005, 2128, 2183, 2000, 2031, 1037, 2919, 2051,\n",
+ " 1012, 1004, 14181, 1025, 2129, 2919, 2003, 3694, 13366, 13490,\n",
+ " 1029, 1045, 1005, 1049, 2025, 2428, 5220, 2007, 26886, 2006,\n",
+ " 10543, 1998, 2009, 1005, 1055, 1037, 2210, 24439, 1012, 3694,\n",
+ " 13366, 13490, 2993, 3475, 1005, 1056, 15157, 1010, 2021, 2893,\n",
+ " 2204, 7022, 2003, 3697, 1012, 1045, 2001, 2019, 17338, 2078,\n",
+ " 2350, 2040, 2165, 1037, 2843, 1997, 3558, 4163, 1998, 8785,\n",
+ " 5352, 1006, 1045, 2001, 5457, 1998, 6151, 8586, 14097, 2005,\n",
+ " 19511, 1007, 1010, 1998, 1045, 2069, 5281, 2028, 2607, 2008,\n",
+ " 2001, 1000, 9203, 2091, 1000, 1006, 13366, 13776, 1007, 1012,\n",
+ " 1996, 2126, 9203, 26886, 2012, 10921, 4050, 2573, 2003, 3243,\n",
+ " 3722, 1012, 1996, 2934, 2097, 2202, 2035, 1997, 1996, 6315,\n",
+ " 7644, 2012, 1996, 2203, 1997, 1996, 13609, 1998, 6709, 1996,\n",
+ " 3991, 3694, 1012, 2360, 1010, 2005, 2742, 1010, 1996, 3991,\n",
+ " 2003, 1037, 3963, 1010, 2021, 1996, 2934, 2987, 1005, 1056,\n",
+ " 2215, 2753, 1003, 1997, 2010, 1013, 2014, 2493, 2000, 4374,\n",
+ " 1037, 1039, 1011, 2030, 2896, 1012, 3568, 1010, 1996, 11268,\n",
+ " 2097, 5630, 2006, 1037, 3694, 2008, 2002, 1013, 2016, 3373,\n",
+ " 2323, 2022, 1996, 3013, 7245, 2391, 1012, 1999, 2312, 1010,\n",
+ " 26612, 1010, 17174, 5352, 1006, 2228, 2236, 6370, 1010, 19276,\n",
+ " 1010, 5584, 1010, 4385, 1012, 1007, 1010, 2023, 2003, 2788,\n",
+ " 1037, 1038, 1011, 1012, 1045, 1005, 2310, 2657, 12107, 1997,\n",
+ " 2070, 5352, 21439, 2000, 1037, 1039, 1009, 1010, 1998, 2008,\n",
+ " 1005, 1055, 2428, 5931, 2021, 3227, 13191, 1012, 1999, 3356,\n",
+ " 2504, 5352, 1010, 2009, 1005, 1055, 2172, 2062, 2691, 2005,\n",
+ " 1996, 3991, 3694, 2000, 2022, 1037, 1038, 2030, 1038, 1009,\n",
+ " 1012, 2008, 2965, 2753, 1003, 1997, 2493, 2097, 4374, 1037,\n",
+ " 3694, 2682, 1996, 3991, 1010, 1998, 2753, 1003, 1997, 2493,\n",
+ " 2097, 4374, 1037, 3694, 2917, 1996, 3991, 1012, 2129, 2521,\n",
+ " 2682, 102])\n",
+ "\n",
+ "The Cornell experience has helped immensely in my career and sowed the seeds for the rest of my life. However, it's not so much about magically having a piece of paper that says \"Cornell,\" but rather taking advantage of the resources, connections, and opportunities to meet people while there. \n",
+ "\n",
+ "Just some background about myself: I have a Psychology BA from Cornell, and during undergrad, my entire focus was about becoming a clinical psychologist. After working full time in a neuroscience lab after Cornell, I realized I'd be better applied to neurology research than psychology. Nowadays, I work regularly in two different neuro labs in the NYC area (flexible times, about $20/hr), while also working part-time on a pre-med post-bac at Rutgers University. When not involving myself in science/medicine pursuits, my life is about jazz guitar. \n",
+ "\n",
+ "Now to answer your questions:\n",
+ "1)It's definitely alive there, although being that it's in the middle-of-nowhere, NY, you're going to be disconnected from places like NYC, where the real serious business happens. Of course, if you're into things like environment, sustainable energy, agriculture, etc, you're in the right place. I'm sure if you know what you are doing that you can find the right people to create tech startups, but something to keep in mind is that at Cornell, you will mostly just be surrounded by people from Cornell. Going to NYC for example, you will have people from countless universities, and a gigantic startup community all over the region. I've been involved with startups in Brooklyn, especially Bushwick, and just by virtue of there being sooo many people coming to this one centralized location, there's going to be a larger pool of people. Then again, at a place like Cornell, you can probably throw a stone and hit a capable person you want on your team. There's many people at Cornell, but there's no true slackers. \n",
+ "\n",
+ "2)My Cornell connections have been so important to me, especially on a personal level. You're going to find professors who just want to do research and couldn't care less about teaching your class, but you're also going to find some of the most amazing mentors you can ever imagine. I got to know some of my professors at Cornell, both in music and psychology, and the personal and professional support has been something out of this world. I came from a culture that told me that \"everyone hates their jobs, and I shouldn't hope for anything better\" and that my only purpose in life was to shut up, get a stable paycheck, and support a family. My Cornell mentors helped me break out of that mediocre culture and learn to take my talents seriously and to apply myself fully to the world. When I got my first research job full time out of Cornell, it was my mentor professors whose recommendations got me in the door. Although I didn't have the explicit technical skills yet, they vouched for my ability to learn and that I'd pick it up. I spent a lot of time and energy putting my all into my psychology studies at Cornell, and besides developing a very personal mentor relationship with my professors, I made it very clear that I was dead serious and was ready to live and breathe what I was embarking on. Of course, when I say \"made it very clear,\" I mean that through actions and the best work you can possibly do. When I got to that first job, just knowing that my professors had that much confidence in me was so inspiring to me that I ended up picking up the technical works, just as they thought I would. Nowadays, a lot of the research work I'm involved in is based off of those skills. \n",
+ "\n",
+ "If you know what you're doing at any state school, you can get a well paying corporate job. However, a school like Cornell will bring you up to a higher socioeconomic level. Coming from a culture that was centered around \"work is a 40/hr week miserable tax, everybody hates it, and there's nothing we can do about it, mope mope mope\" to a place where people were truly believed in me and invested in me becoming the most applied member of society I could be was something I never thought possible. I don't know enough about Harvard or Yale to compare, but there was something about Cornell being up in the middle of nowhere that I think gave it this vibe. \n",
+ "\n",
+ "3)When I mention that I did my undergrad at Cornell, there definitely is a \"wow\" factor. Sometimes, people get defensive and try to one up you, but when I first got out of college, it definitely was sort of a validation with employers in the vein of \"oh, he went to Cornell, let's talk to him.\" You still gotta have the goods to get hired and it's no magic card, but it doesn't hurt. I'm currently studying at Rutgers, and it seems to me that if you know your specialized skills, make connections everywhere you go, and take advantage of all your resources, a Rutgers degree will be just as fine as anything else. Then again, there certain connections and experiences available at Cornell that you'd never get at Rutgers. Nowadays, the fact that I have a Cornell degree doesn't really matter much anymore. The personal support from my mentors will always be so important to me, and I keep in touch with them regularly. Also, the lessons I learned at Cornell, especially from my experiences in the jazz program, about hardwork, dedication, and fully applying yourself are integral to everything I am today. \n",
+ "However, at this point, it's really the work experience and the skillz that matter. For example, when it comes to programming and data analysis, there's a certain point where nobody cares where your degree is from...they want to know you can efficiently and effectively do your data analysis, or at least be ready to quickly pick up a new method of doing it. The bottom line is that a lot of that is not stuff you learn from your degree, but you learn once you get the foot in the door at a job and are faced with the real world. If you ask me, real world experience is both higher stakes and more rewarding than anything in the classroom....do an assignment the night before in a class, you might get a B on the project, and still get an A in the class. Get an A on the project, and it's like whatever. In the real world, if you half ass a project, you're toast and will torpedo your career because somebody will always be waiting in line. You will also have wasted everybody's time and money, including your own. If you ace a project, you will build your skills, build your reputation, build your career, and increase your personal value of what you can produce for society. \n",
+ "I've also noticed that when it comes to grad/med school, professors from college are definitely great for recommendations and referrals. But once you get into the working world, referrals from places you've worked or supervisors become important. At your first job out of college, they won't expect you to have a previous place to give a referral. However when I started working at the second lab I'm at professionally, they wanted a referrence from the first lab I worked at professionally, not just a college professor. Places that are interested in your work skillz will want to hear from places that are familiar with your work skillz. Of course, at the beginning of all this was my experience at Cornell. In a sense, college is like a launching pad to the rest of your life and career. \n",
+ "\n",
+ "tensor([ 101, 1996, 10921, 3325, 2038, 3271, 24256, 1999, 2026, 2476,\n",
+ " 1998, 2061, 15557, 1996, 8079, 2005, 1996, 2717, 1997, 2026,\n",
+ " 2166, 1012, 2174, 1010, 2009, 1005, 1055, 2025, 2061, 2172,\n",
+ " 2055, 8687, 2135, 2383, 1037, 3538, 1997, 3259, 2008, 2758,\n",
+ " 1000, 10921, 1010, 1000, 2021, 2738, 2635, 5056, 1997, 1996,\n",
+ " 4219, 1010, 7264, 1010, 1998, 6695, 2000, 3113, 2111, 2096,\n",
+ " 2045, 1012, 2074, 2070, 4281, 2055, 2870, 1024, 1045, 2031,\n",
+ " 1037, 6825, 8670, 2013, 10921, 1010, 1998, 2076, 2104, 16307,\n",
+ " 1010, 2026, 2972, 3579, 2001, 2055, 3352, 1037, 6612, 15034,\n",
+ " 1012, 2044, 2551, 2440, 2051, 1999, 1037, 23700, 6845, 2044,\n",
+ " 10921, 1010, 1045, 3651, 1045, 1005, 1040, 2022, 2488, 4162,\n",
+ " 2000, 11265, 10976, 6483, 2470, 2084, 6825, 1012, 13367, 1010,\n",
+ " 1045, 2147, 5570, 1999, 2048, 2367, 11265, 10976, 13625, 1999,\n",
+ " 1996, 16392, 2181, 1006, 12379, 2335, 1010, 2055, 1002, 2322,\n",
+ " 1013, 17850, 1007, 1010, 2096, 2036, 2551, 2112, 1011, 2051,\n",
+ " 2006, 1037, 3653, 1011, 19960, 2695, 1011, 8670, 2278, 2012,\n",
+ " 18607, 2118, 1012, 2043, 2025, 5994, 2870, 1999, 2671, 1013,\n",
+ " 4200, 23719, 1010, 2026, 2166, 2003, 2055, 4166, 2858, 1012,\n",
+ " 2085, 2000, 3437, 2115, 3980, 1024, 1015, 1007, 2009, 1005,\n",
+ " 1055, 5791, 4142, 2045, 1010, 2348, 2108, 2008, 2009, 1005,\n",
+ " 1055, 1999, 1996, 2690, 1011, 1997, 1011, 7880, 1010, 6396,\n",
+ " 1010, 2017, 1005, 2128, 2183, 2000, 2022, 23657, 2013, 3182,\n",
+ " 2066, 16392, 1010, 2073, 1996, 2613, 3809, 2449, 6433, 1012,\n",
+ " 1997, 2607, 1010, 2065, 2017, 1005, 2128, 2046, 2477, 2066,\n",
+ " 4044, 1010, 9084, 2943, 1010, 5237, 1010, 4385, 1010, 2017,\n",
+ " 1005, 2128, 1999, 1996, 2157, 2173, 1012, 1045, 1005, 1049,\n",
+ " 2469, 2065, 2017, 2113, 2054, 2017, 2024, 2725, 2008, 2017,\n",
+ " 2064, 2424, 1996, 2157, 2111, 2000, 3443, 6627, 22752, 2015,\n",
+ " 1010, 2021, 2242, 2000, 2562, 1999, 2568, 2003, 2008, 2012,\n",
+ " 10921, 1010, 2017, 2097, 3262, 2074, 2022, 5129, 2011, 2111,\n",
+ " 2013, 10921, 1012, 2183, 2000, 16392, 2005, 2742, 1010, 2017,\n",
+ " 2097, 2031, 2111, 2013, 14518, 5534, 1010, 1998, 1037, 20193,\n",
+ " 22752, 2451, 2035, 2058, 1996, 2555, 1012, 1045, 1005, 2310,\n",
+ " 2042, 2920, 2007, 22752, 2015, 1999, 6613, 1010, 2926, 5747,\n",
+ " 7184, 1010, 1998, 2074, 2011, 11870, 1997, 2045, 2108, 17111,\n",
+ " 2080, 2116, 2111, 2746, 2000, 2023, 2028, 22493, 3295, 1010,\n",
+ " 2045, 1005, 1055, 2183, 2000, 2022, 1037, 3469, 4770, 1997,\n",
+ " 2111, 1012, 2059, 2153, 1010, 2012, 1037, 2173, 2066, 10921,\n",
+ " 1010, 2017, 2064, 2763, 5466, 1037, 2962, 1998, 2718, 1037,\n",
+ " 5214, 2711, 2017, 2215, 2006, 2115, 2136, 1012, 2045, 1005,\n",
+ " 1055, 2116, 2111, 2012, 10921, 1010, 2021, 2045, 1005, 1055,\n",
+ " 2053, 2995, 19840, 2545, 1012, 1016, 1007, 2026, 10921, 7264,\n",
+ " 2031, 2042, 2061, 2590, 2000, 2033, 1010, 2926, 2006, 1037,\n",
+ " 3167, 2504, 1012, 2017, 1005, 2128, 2183, 2000, 2424, 12655,\n",
+ " 2040, 2074, 2215, 2000, 2079, 2470, 1998, 2481, 1005, 1056,\n",
+ " 2729, 2625, 2055, 4252, 2115, 2465, 1010, 2021, 2017, 1005,\n",
+ " 2128, 2036, 2183, 2000, 2424, 2070, 1997, 1996, 2087, 6429,\n",
+ " 10779, 2015, 2017, 2064, 2412, 5674, 1012, 1045, 2288, 2000,\n",
+ " 2113, 2070, 1997, 2026, 12655, 2012, 10921, 1010, 2119, 1999,\n",
+ " 2189, 1998, 6825, 1010, 1998, 1996, 3167, 1998, 2658, 2490,\n",
+ " 2038, 2042, 2242, 2041, 1997, 2023, 2088, 1012, 1045, 2234,\n",
+ " 2013, 102])\n",
+ "Hey, graduating senior here! Here's my take on your questions:\n",
+ "\n",
+ "1) Pretty big. CS 1110 (intro to CS) is like 575 students and CS 2110 (OOP and data structures) is around 675 students this semester. Intermediate classes like CS 3410 (systems) and CS 3110 (functional programming) are more for majors/minors than for everyone, so the class sizes hover around 200 to 330 (depending on the semester). Upper level classes (4000-level) usually have 50 to 90 students in them, so not too many. There are a few exceptions (e.g. Machine Learning, which has 330 students I think. h u g e for an elective class.\n",
+ "\n",
+ "P.S. Course names are usually split around the middle: \"eleven ten\", \"twenty-one ten\", \"thirty-four ten\", \"thirty-one ten\", etc.\n",
+ "\n",
+ "2) Quite easy if you go to office hours regularly, participate on online discussion regularly, ask questions in lecture regularly, etc. Anything to make yourself known! That said, not all professors will be super open/available, so maybe you won't be able to get to know *every* professor that you have.\n",
+ "\n",
+ "3) I think the other contributor (`sampsyo`) is a professor here, and students do research with him! He's pretty cool, and I think exemplifies the idea that it's not too hard to get research opportunities here as an undergrad. If you take some more specialized classes to concentrate in a direction (read: a few 4000+ electives), you'll probably gain enough experience to begin doing research with someone. That said, I've met students that had significant experience from high school and were able to jump into research right away. My point was that even if you had never done CS before Cornell, you could still learn lots in your first two years to begin doing research in your third year and even turn out a publication by the time you're a senior, I imagine.\n",
+ "\n",
+ "4) Lots! There's the Association of Computer Science Undergraduates (ACSU), Women in Computing at Cornell (WICC, not just for women!), various project teams (CDS, CornellCup, CUAIR, CUAUV, etc.), and then just random small things that people do here and there (e.g. some of my friends had some sort of small computational finance thing called Sparkstone, etc.). Feel free to ask me about any of these!\n",
+ "\n",
+ "5) Yes, it's definitely possible. I've TAed a class for every semester I've been here except for the first. It's not *that* competitive but then again there are between 15 to 40 TAs for most CS classes and over 600 majors to choose from. CS employs around 350 TAs per semester to meet course demands, so that's not *too* many TAs, but it's also definitely not a small number. As long as you get a good grade in a class (e.g. an A or A+), you should be able to ask a professor if you can TA/consult for it (consultants are like TAs but just hold office hours, i.e. they may not actually hold discussion sections). Honestly sometimes grades matter a little less than willingness to help and general approachability, though. Nobody wants a perfect-A+ TA who can't explain things or is condescending to people.\n",
+ "\n",
+ "6) Some students do, not sure about most. I found one through personal connections, though that was before the creation of Handshake, which is a decent career services portal we have set up. There are also some internships just for freshmen! Microsoft, Google, and Facebook have some things like that (\"Google Practicum Intern\", \"Facebook U Internships\", etc.). Check those out, because they feed back into the real internships by the time you're a sophomore/junior!\n",
+ "\n",
+ "7) There's no difference in terms of what employers see. The difference to you is not in the degree requirements for CS, either. The only part that's different is the *other* requirements, like liberal studies, college requirements for distribution classes, foreign language requirement, etc. It's not really that different at all.\n",
+ "\n",
+ "8) CS 1110, CS 2110, CS 2800 (discrete math), and MATH 1920 (multi. calc) in Engineering, I believe. You need a 2.5 GPA across those classes and a C+ or higher in each class (might be a C-, idk) to affiliate. You can definitely do it after first semester with that credit. I also affiliated after first semester --- just make sure to take both CS 2800 and CS 2110/2112. Though I've seen from the people on this subreddit now that 2800 is apparently much harder. Back in the day I don't think anybody would have sweated a 2110 + 2800 combo, but who knows, times change. 2017 isn't 2014.\n",
+ "\n",
+ "9) Doable for sure, especially since you're already here. Again, your credit will make it easy. Just get decent grades and I think you have to write some small essay about why you want to do it? Just take Engineering requirement classes instead of the Arts & Sciences (e.g. MATH 1920 instead of MATH 2220, MATH 2940 instead of MATH 2210, etc.). These numbers will become more familiar to you once you get here, I promise!\n",
+ "\n",
+ "10) These days, a LOT! I've heard that the number of CS majors per graduating year is now nearing 400, and only increasing. For reference, that's around 250 engineers and 150ish Arts students, and there are only 750 engineers in total. So a lot.\n",
+ "\n",
+ "11) I think it used to be more popular, but people do internships more often than they do co-ops in CS, I feel. There are always exceptions, but maybe I'm not the best person to ask for this. Almost everyone I know has never done a co-op.\n",
+ "\n",
+ "12) Lots of things! I'm not in a relationship, most of my free time is spent by myself. I play piano, I run outside, I enjoy the nature, I teach, I write (a lot), I play games, and I learn random things (usually not CS-related). Different people do different things for fun.\n",
+ "tensor([ 101, 4931, 1010, 6800, 3026, 2182, 999, 2182, 1005, 1055,\n",
+ " 2026, 2202, 2006, 2115, 3980, 1024, 1015, 1007, 3492, 2502,\n",
+ " 1012, 20116, 11118, 2692, 1006, 17174, 2000, 20116, 1007, 2003,\n",
+ " 2066, 5401, 2629, 2493, 1998, 20116, 19235, 2692, 1006, 1051,\n",
+ " 7361, 1998, 2951, 5090, 1007, 2003, 2105, 6163, 2629, 2493,\n",
+ " 2023, 13609, 1012, 7783, 4280, 2066, 20116, 28358, 2692, 1006,\n",
+ " 3001, 1007, 1998, 20116, 23532, 2692, 1006, 8360, 4730, 1007,\n",
+ " 2024, 2062, 2005, 15279, 1013, 18464, 2084, 2005, 3071, 1010,\n",
+ " 2061, 1996, 2465, 10826, 25215, 2099, 2105, 3263, 2000, 14210,\n",
+ " 1006, 5834, 2006, 1996, 13609, 1007, 1012, 3356, 2504, 4280,\n",
+ " 1006, 20143, 1011, 2504, 1007, 2788, 2031, 2753, 2000, 3938,\n",
+ " 2493, 1999, 2068, 1010, 2061, 2025, 2205, 2116, 1012, 2045,\n",
+ " 2024, 1037, 2261, 11790, 1006, 1041, 1012, 1043, 1012, 3698,\n",
+ " 4083, 1010, 2029, 2038, 14210, 2493, 1045, 2228, 1012, 1044,\n",
+ " 1057, 1043, 1041, 2005, 2019, 11322, 3512, 2465, 1012, 1052,\n",
+ " 1012, 1055, 1012, 2607, 3415, 2024, 2788, 3975, 2105, 1996,\n",
+ " 2690, 1024, 1000, 5408, 2702, 1000, 1010, 1000, 3174, 1011,\n",
+ " 2028, 2702, 1000, 1010, 1000, 4228, 1011, 2176, 2702, 1000,\n",
+ " 1010, 1000, 4228, 1011, 2028, 2702, 1000, 1010, 4385, 1012,\n",
+ " 1016, 1007, 3243, 3733, 2065, 2017, 2175, 2000, 2436, 2847,\n",
+ " 5570, 1010, 5589, 2006, 3784, 6594, 5570, 1010, 3198, 3980,\n",
+ " 1999, 8835, 5570, 1010, 4385, 1012, 2505, 2000, 2191, 4426,\n",
+ " 2124, 999, 2008, 2056, 1010, 2025, 2035, 12655, 2097, 2022,\n",
+ " 3565, 2330, 1013, 2800, 1010, 2061, 2672, 2017, 2180, 1005,\n",
+ " 1056, 2022, 2583, 2000, 2131, 2000, 2113, 1008, 2296, 1008,\n",
+ " 2934, 2008, 2017, 2031, 1012, 1017, 1007, 1045, 2228, 1996,\n",
+ " 2060, 12130, 1006, 1036, 3520, 18075, 2080, 1036, 1007, 2003,\n",
+ " 1037, 2934, 2182, 1010, 1998, 2493, 2079, 2470, 2007, 2032,\n",
+ " 999, 2002, 1005, 1055, 3492, 4658, 1010, 1998, 1045, 2228,\n",
+ " 4654, 6633, 24759, 14144, 1996, 2801, 2008, 2009, 1005, 1055,\n",
+ " 2025, 2205, 2524, 2000, 2131, 2470, 6695, 2182, 2004, 2019,\n",
+ " 2104, 16307, 1012, 2065, 2017, 2202, 2070, 2062, 7772, 4280,\n",
+ " 2000, 10152, 1999, 1037, 3257, 1006, 3191, 1024, 1037, 2261,\n",
+ " 20143, 1009, 11322, 24653, 1007, 1010, 2017, 1005, 2222, 2763,\n",
+ " 5114, 2438, 3325, 2000, 4088, 2725, 2470, 2007, 2619, 1012,\n",
+ " 2008, 2056, 1010, 1045, 1005, 2310, 2777, 2493, 2008, 2018,\n",
+ " 3278, 3325, 2013, 2152, 2082, 1998, 2020, 2583, 2000, 5376,\n",
+ " 2046, 2470, 2157, 2185, 1012, 2026, 2391, 2001, 2008, 2130,\n",
+ " 2065, 2017, 2018, 2196, 2589, 20116, 2077, 10921, 1010, 2017,\n",
+ " 2071, 2145, 4553, 7167, 1999, 2115, 2034, 2048, 2086, 2000,\n",
+ " 4088, 2725, 2470, 1999, 2115, 2353, 2095, 1998, 2130, 2735,\n",
+ " 2041, 1037, 4772, 2011, 1996, 2051, 2017, 1005, 2128, 1037,\n",
+ " 3026, 1010, 1045, 5674, 1012, 1018, 1007, 7167, 999, 2045,\n",
+ " 1005, 1055, 1996, 2523, 1997, 3274, 2671, 8324, 2015, 1006,\n",
+ " 9353, 6342, 1007, 1010, 2308, 1999, 9798, 2012, 10921, 1006,\n",
+ " 15536, 9468, 1010, 2025, 2074, 2005, 2308, 999, 1007, 1010,\n",
+ " 2536, 2622, 2780, 1006, 14340, 1010, 10921, 15569, 1010, 12731,\n",
+ " 11215, 1010, 12731, 4887, 2615, 1010, 4385, 1012, 1007, 1010,\n",
+ " 1998, 2059, 2074, 6721, 2235, 2477, 2008, 2111, 2079, 2182,\n",
+ " 1998, 2045, 1006, 1041, 1012, 1043, 1012, 2070, 1997, 2026,\n",
+ " 2814, 2018, 2070, 4066, 1997, 2235, 15078, 5446, 2518, 2170,\n",
+ " 12300, 102])\n",
+ "I'm going to tell you all the stuff I wished an upperclassman would've told me coming in, to calm what was probably very similar panic.\n",
+ "\n",
+ "Let's first note the requirements, found [here](https://www.cs.cornell.edu/undergrad/csmajor). \n",
+ "\n",
+ ">All potential affiliates are reviewed on a case-by-case basis relative to the following criteria:\n",
+ ">\n",
+ "- at least a grade of C (not C-) in all completed CS and math courses\n",
+ "- a GPA of 2.5 or better in CS 2110/2112 and 2800\n",
+ "- a GPA of 2.5 or better in Math 1120/1220/1920, and CS 2800.\n",
+ "\n",
+ "In case you didn't know how the GPA system works here, each letter is an exact point-oh and each sign adjusts by 0.3. So, you need an average grade just between a C+ and B- across the relevant classes, which is above passing by just a smallish bit. \n",
+ "\n",
+ "Now let's talk about those classes. 2110 is Java. (I do not recommend 2112 unless you are for some reason dying to jump in the deep water for an honors class unrelated to the honors degree and that won't get you ahead in the subject.) You are only supposed to take this immediately if you have credit for AP CS, in which case you already know Java so this should only be as hard as following the minimal design ideas and data structure concepts they lecture on with object orientation. Otherwise, you take an intro to programming first, like Python, which should prepare you very well for the kind of assignments expected; you just need to learn the new language and paradigm. \n",
+ "\n",
+ "1920 is multivariable calculus, and is the course you will likely be taking as an engineer. As an engineering math course, it will probably assign problems sets in roughly the same manner as in highschool, and will be more calculation based than proof based. If you can remember formulas and manipulate ugly expressions well, it shouldn't be too painful. I got really bored with it (which might've hurt my grade a little due to lack of attention), but that is engineering math for you: tedious calculational techniques. Just keep doing calculus as you have been for the past two years in highschool. (I like the course the worst of the 3.)\n",
+ "\n",
+ "2800 is discrete math. For many CS majors, it is the first real, proof-based math course they will have ever taken. Many may even have had a misconception that CS was the same as software engineering, rather than a very distinct branch of mathematics. And many will never need to take another proof-based course again (besides algorithms), so they might not even be too wrong. If you have any mathematical intuition and reasoning skills, and can get used to writing clearly for that purpose, you will find that this course is not really too hard, though the material may seem very new compared to any other math you have taken before. That being said, mathematical competence varies wildly. For some, this will actually be a trivial class, and for others, this course will fail them miserably (though I feel more are in the first camp). If, however, you end up in the latter, CS is really probably not a good fit for you, because understanding a modicum of math like this is enormously important in pretty much all later CS courses. The material is piecemeal, but, once learned, is easy and is core to understanding in pretty much any later CS class. And, if you ever do start to struggle a little, there are tons of undergrad TAs who have taken this course and should be able to get you on the right track, so if you actually like CS and keep at it, failure should not happen. (I liked this course the best of the 3.)\n",
+ "\n",
+ "For perspective on the grading, averages in the ~75% range are common, and can even yield As when a few higher scores are mixed in. This is the grading trend you end up seeing: classes curve to somewhere in the B range (which is more than good enough to affiliate). Look at the average (statistics are always provided in CS courses) to estimate where you fall; getting above average consistently might as well be an A. Non-core courses may even curve higher than these, too. \n",
+ "\n",
+ ">Good grades in critical courses may be considered to offset deficiencies in meeting the above criteria.\n",
+ "\n",
+ "Which means that, *even* if you do particularly poorly, you *still* have a chance of coming back. But they do discourage reapplying, and with good reason. This these classes are pretty much the most basic fundamentals, so if you can't even *pass* these classes, you really *should* consider another major for *you*, because you simply will not do well with CS. \n",
+ "\n",
+ "So, with all that aside, I have never heard of anyone being rejected who meets these requirements. (I imagine, even if you meet the requirements, they reserve the right to reject you for whatever reason and probably only use it for egregious academic integrity violations; I've just not seen this happen ever.) I *have* met people who did poorly in one class and could not affiliate with the major, but very few. And they can often successfully fall back on the similar, but less technical majors in the Engineering School, like operations research or info science. (Note: this is not to disparage those majors; there is simply a good transference of the process/design oriented ideas of CS, just without the stricture of perfectly specified and analyzed code that some people find doesn't fit their mindset.)\n",
+ "\n",
+ "In total, if CS is actually an interest that you have looked into, if you understand it takes a little more than just being a code-monkey, if you aren't in it just for the money or flashiness of the tech industry, then you really shouldn't expect the affiliation requirement to be a big or dangerous hurdle. It won't be free, but it should come. Yes, the average grade is lower here, but also don't forget that comes from a variety of factors besides sheer difficulty, and you can expect to do best in your core subjects, since they should interest you the most.\n",
+ "\n",
+ "If you have more questions about CS, or the Engineering School, or Cornell in general, feel free to pm me. (I mean, heck, I'm not a scary reddit stranger, I'm your fellow Cornellian; we might even hang out in person sometime.)\n",
+ "tensor([ 101, 1045, 1005, 1049, 2183, 2000, 2425, 2017, 2035, 1996,\n",
+ " 4933, 1045, 6257, 2019, 3356, 26266, 2386, 2052, 1005, 2310,\n",
+ " 2409, 2033, 2746, 1999, 1010, 2000, 5475, 2054, 2001, 2763,\n",
+ " 2200, 2714, 6634, 1012, 2292, 1005, 1055, 2034, 3602, 1996,\n",
+ " 5918, 1010, 2179, 1031, 2182, 1033, 1006, 16770, 1024, 1013,\n",
+ " 1013, 7479, 1012, 20116, 1012, 10921, 1012, 3968, 2226, 1013,\n",
+ " 2104, 16307, 1013, 20116, 2863, 5558, 2099, 1007, 1012, 1004,\n",
+ " 14181, 1025, 2035, 4022, 18460, 2024, 8182, 2006, 1037, 2553,\n",
+ " 1011, 2011, 1011, 2553, 3978, 5816, 2000, 1996, 2206, 9181,\n",
+ " 1024, 1004, 14181, 1025, 1011, 2012, 2560, 1037, 3694, 1997,\n",
+ " 1039, 1006, 2025, 1039, 1011, 1007, 1999, 2035, 2949, 20116,\n",
+ " 1998, 8785, 5352, 1011, 1037, 14246, 2050, 1997, 1016, 1012,\n",
+ " 1019, 2030, 2488, 1999, 20116, 19235, 2692, 1013, 19235, 2475,\n",
+ " 1998, 13427, 2692, 1011, 1037, 14246, 2050, 1997, 1016, 1012,\n",
+ " 1019, 2030, 2488, 1999, 8785, 11176, 2692, 1013, 13092, 2692,\n",
+ " 1013, 4444, 1010, 1998, 20116, 13427, 2692, 1012, 1999, 2553,\n",
+ " 2017, 2134, 1005, 1056, 2113, 2129, 1996, 14246, 2050, 2291,\n",
+ " 2573, 2182, 1010, 2169, 3661, 2003, 2019, 6635, 2391, 1011,\n",
+ " 2821, 1998, 2169, 3696, 14171, 2015, 2011, 1014, 1012, 1017,\n",
+ " 1012, 2061, 1010, 2017, 2342, 2019, 2779, 3694, 2074, 2090,\n",
+ " 1037, 1039, 1009, 1998, 1038, 1011, 2408, 1996, 7882, 4280,\n",
+ " 1010, 2029, 2003, 2682, 4458, 2011, 2074, 1037, 2235, 4509,\n",
+ " 2978, 1012, 2085, 2292, 1005, 1055, 2831, 2055, 2216, 4280,\n",
+ " 1012, 19235, 2692, 2003, 9262, 1012, 1006, 1045, 2079, 2025,\n",
+ " 16755, 19235, 2475, 4983, 2017, 2024, 2005, 2070, 3114, 5996,\n",
+ " 2000, 5376, 1999, 1996, 2784, 2300, 2005, 2019, 7836, 2465,\n",
+ " 15142, 2000, 1996, 7836, 3014, 1998, 2008, 2180, 1005, 1056,\n",
+ " 2131, 2017, 3805, 1999, 1996, 3395, 1012, 1007, 2017, 2024,\n",
+ " 2069, 4011, 2000, 2202, 2023, 3202, 2065, 2017, 2031, 4923,\n",
+ " 2005, 9706, 20116, 1010, 1999, 2029, 2553, 2017, 2525, 2113,\n",
+ " 9262, 2061, 2023, 2323, 2069, 2022, 2004, 2524, 2004, 2206,\n",
+ " 1996, 10124, 2640, 4784, 1998, 2951, 3252, 8474, 2027, 8835,\n",
+ " 2006, 2007, 4874, 10296, 1012, 4728, 1010, 2017, 2202, 2019,\n",
+ " 17174, 2000, 4730, 2034, 1010, 2066, 18750, 1010, 2029, 2323,\n",
+ " 7374, 2017, 2200, 2092, 2005, 1996, 2785, 1997, 14799, 3517,\n",
+ " 1025, 2017, 2074, 2342, 2000, 4553, 1996, 2047, 2653, 1998,\n",
+ " 20680, 1012, 4444, 2003, 4800, 10755, 19210, 19276, 1010, 1998,\n",
+ " 2003, 1996, 2607, 2017, 2097, 3497, 2022, 2635, 2004, 2019,\n",
+ " 3992, 1012, 2004, 2019, 3330, 8785, 2607, 1010, 2009, 2097,\n",
+ " 2763, 23911, 3471, 4520, 1999, 5560, 1996, 2168, 5450, 2004,\n",
+ " 1999, 26836, 9905, 4747, 1010, 1998, 2097, 2022, 2062, 17208,\n",
+ " 2241, 2084, 6947, 2241, 1012, 2065, 2017, 2064, 3342, 25814,\n",
+ " 1998, 17708, 9200, 11423, 2092, 1010, 2009, 5807, 1005, 1056,\n",
+ " 2022, 2205, 9145, 1012, 1045, 2288, 2428, 11471, 2007, 2009,\n",
+ " 1006, 2029, 2453, 1005, 2310, 3480, 2026, 3694, 1037, 2210,\n",
+ " 2349, 2000, 3768, 1997, 3086, 1007, 1010, 2021, 2008, 2003,\n",
+ " 3330, 8785, 2005, 2017, 1024, 6945, 6313, 17208, 2389, 5461,\n",
+ " 1012, 2074, 2562, 2725, 19276, 2004, 2017, 2031, 2042, 2005,\n",
+ " 1996, 2627, 2048, 2086, 1999, 26836, 9905, 4747, 1012, 1006,\n",
+ " 1045, 2066, 1996, 2607, 1996, 5409, 1997, 1996, 1017, 1012,\n",
+ " 1007, 13427, 2692, 2003, 16246, 8785, 1012, 2005, 2116, 20116,\n",
+ " 15279, 102])\n",
+ "Thanks for the correction on Matthew Shepard. I do appreciate that. And for the record, I would **NEVER** consider harming someone in a situation such as you described, or any situation, other than my own self defense. I do NOT think that's okay, nor do I advocate for that anywhere in my writing or my life. You seriously misconstrued my words. I absolutely respect your right to hold political opinions, but that doesn't mean you are protected from being socially ostracized for those opinions. You have the right to be a white supremacist (an extreme example), but you probably deserve any social ostracism that comes from it. Note: I do NOT think you should be met with violence in that example. And I recognize that if I move to a conservative, religious city and live my best gay life, I'm not protected from any ostracism or judgment that comes from it. Hence my living in a liberal and accepting city.\n",
+ "\n",
+ "The religious right tends to say that gays being given rights (IE: the right to adopt, to marry) is a violation of their right to practice their religion. Then, they work to expand their right to \"practice religion\" to include things like depriving gays from being gay in the workplace. That's why I related the two. Here's a great explanation of this, and how it relates to workplace protections and the GOP: [https://thehill.com/regulation/court-battles/403951-16-states-ask-supreme-court-to-legalize-discrimination-against-lgbtq](https://thehill.com/regulation/court-battles/403951-16-states-ask-supreme-court-to-legalize-discrimination-against-lgbtq).\n",
+ "\n",
+ "And if it's legal to discriminate against gays, people will **absolutely** do it. This happens worldwide in disgusting ways. It's legal to be executed for being gay in different parts of the world, and **people do this.** In the past, in the US, you could be fined and arrested for engaging in homosexual activity, and **this happened. It was legal, and it happened.** Your rhinoceros example is such an absurd false equivalence that I won't even address it.\n",
+ "\n",
+ "And to say that my safety won't be threatened for being publicly gay, or that people won't stop me, is just such a massive denial of reality. A lot of research has gone into hate crimes committed against LGBTQ individuals; you can read some of it here. [https://www.hrc.org/blog/new-fbi-data-shows-increased-reported-incidents-of-anti-lgbtq-hate-crimes-i](https://www.hrc.org/blog/new-fbi-data-shows-increased-reported-incidents-of-anti-lgbtq-hate-crimes-i)\n",
+ "\n",
+ "\"In 2016, 6,121 hate crime incidents were reported --an increase of five percent from 2015. Of the 6,121 incidents reported,**1,076 were based on sexual orientation bias and 124 were based on gender identity bias.** These numbers reflect a two percent and nine percent increase, respectively. ... However, these numbers likely represent only a fraction of such cases, given that reporting hate crimes to the FBI is not mandatory. Thousands of law enforcement agencies throughout the country did not submit any data. And while the number of jurisdictions reporting hate crimes data increased to 15,251 in 2016 from 14,997 in 2015, this is still less than the 15,494 agencies that reported in 2014. The lack of mandatory reporting means that the FBI data, while helpful, paints a very incomplete picture of hate crimes against LGBTQ Americans.\"\n",
+ "\n",
+ "The marriage debate was propelled by \"protecting the institution of marriage\" on religious grounds. Christians and the religious right felt that gay unions were \"less\" than their God-sanctioned marriage, and thus wanted to deny gays from achieving **equal rights. This is literally about gay rights.** Read what you just wrote - \"I want to preserve the current institution of marriage, and in doing so, I will deny you your right to marry.\" (the gist of preserving the institution of marriage). How is that not about gay rights?\n",
+ "\n",
+ "The fact that Shepard's murderer was a very angry and homophobic individual, and that they literally tied him to a fence and left him to die, suggests that he was motivated by bias against Shepard's identity. My point that I'm trying to \"prove\" is that walking while gay (or black/POC, or a woman, etc) is NOT an equitable experience to walking while MAGA at Cornell, in large part thanks to the GOP and \"party of family values,\" and that I am under no obligation to accept or tolerate this. These are very real threats that individuals face daily, because of something they never chose for themselves. The fact that 20 states have hate crime laws EXCLUDING sexual orientation and gender identity is, frankly, a massive shortcoming of the American political system and predominantly fueled and propagated by conservative politicians.\n",
+ "\n",
+ "Regarding Milk, perhaps his murder was unrelated to his sexuality, so you're right, not the best example. But there are hundreds, thousands, of others to take the place, as outlined by the research cited above and elsewhere.\n",
+ "\n",
+ "Anyway, we're pretty off topic from the original post. Just consider the inherent privilege bestowed upon you for being a straight white male, and that supporting an unfavorable political party is **not** equitable to the experience of living as a minority, day in and day out, who only recently gained the right to marry their partner, could still be fired for who I am, faces a higher threat of violence around the country and world, etc. And, as a white gay man in America, I have to remind myself to check my privilege as well. We have it so much better than gays worldwide, POC gays, the trans community, and more.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "​\n",
+ "\n",
+ "​\n",
+ "tensor([ 101, 4283, 2005, 1996, 18140, 2006, 5487, 22189, 1012, 1045,\n",
+ " 2079, 9120, 2008, 1012, 1998, 2005, 1996, 2501, 1010, 1045,\n",
+ " 2052, 1008, 1008, 2196, 1008, 1008, 5136, 7386, 2075, 2619,\n",
+ " 1999, 1037, 3663, 2107, 2004, 2017, 2649, 1010, 2030, 2151,\n",
+ " 3663, 1010, 2060, 2084, 2026, 2219, 2969, 3639, 1012, 1045,\n",
+ " 2079, 2025, 2228, 2008, 1005, 1055, 3100, 1010, 4496, 2079,\n",
+ " 1045, 8175, 2005, 2008, 5973, 1999, 2026, 3015, 2030, 2026,\n",
+ " 2166, 1012, 2017, 5667, 28616, 8663, 3367, 28551, 2026, 2616,\n",
+ " 1012, 1045, 7078, 4847, 2115, 2157, 2000, 2907, 2576, 10740,\n",
+ " 1010, 2021, 2008, 2987, 1005, 1056, 2812, 2017, 2024, 5123,\n",
+ " 2013, 2108, 14286, 9808, 6494, 6895, 5422, 2005, 2216, 10740,\n",
+ " 1012, 2017, 2031, 1996, 2157, 2000, 2022, 1037, 2317, 10514,\n",
+ " 28139, 22911, 2923, 1006, 2019, 6034, 2742, 1007, 1010, 2021,\n",
+ " 2017, 2763, 10107, 2151, 2591, 9808, 6494, 22987, 2213, 2008,\n",
+ " 3310, 2013, 2009, 1012, 3602, 1024, 1045, 2079, 2025, 2228,\n",
+ " 2017, 2323, 2022, 2777, 2007, 4808, 1999, 2008, 2742, 1012,\n",
+ " 1998, 1045, 6807, 2008, 2065, 1045, 2693, 2000, 1037, 4603,\n",
+ " 1010, 3412, 2103, 1998, 2444, 2026, 2190, 5637, 2166, 1010,\n",
+ " 1045, 1005, 1049, 2025, 5123, 2013, 2151, 9808, 6494, 22987,\n",
+ " 2213, 2030, 8689, 2008, 3310, 2013, 2009, 1012, 6516, 2026,\n",
+ " 2542, 1999, 1037, 4314, 1998, 10564, 2103, 1012, 1996, 3412,\n",
+ " 2157, 12102, 2000, 2360, 2008, 5637, 2015, 2108, 2445, 2916,\n",
+ " 1006, 29464, 1024, 1996, 2157, 2000, 11092, 1010, 2000, 5914,\n",
+ " 1007, 2003, 1037, 11371, 1997, 2037, 2157, 2000, 3218, 2037,\n",
+ " 4676, 1012, 2059, 1010, 2027, 2147, 2000, 7818, 2037, 2157,\n",
+ " 2000, 1000, 3218, 4676, 1000, 2000, 2421, 2477, 2066, 2139,\n",
+ " 18098, 14966, 5637, 2015, 2013, 2108, 5637, 1999, 1996, 16165,\n",
+ " 1012, 2008, 1005, 1055, 2339, 1045, 3141, 1996, 2048, 1012,\n",
+ " 2182, 1005, 1055, 1037, 2307, 7526, 1997, 2023, 1010, 1998,\n",
+ " 2129, 2009, 14623, 2000, 16165, 28548, 1998, 1996, 2175, 2361,\n",
+ " 1024, 1031, 16770, 1024, 1013, 1013, 1996, 7100, 1012, 4012,\n",
+ " 1013, 7816, 1013, 2457, 1011, 7465, 1013, 28203, 2683, 22203,\n",
+ " 1011, 2385, 1011, 2163, 1011, 3198, 1011, 4259, 1011, 2457,\n",
+ " 1011, 2000, 1011, 3423, 4697, 1011, 9147, 1011, 2114, 1011,\n",
+ " 12010, 4160, 1033, 1006, 16770, 1024, 1013, 1013, 1996, 7100,\n",
+ " 1012, 4012, 1013, 7816, 1013, 2457, 1011, 7465, 1013, 28203,\n",
+ " 2683, 22203, 1011, 2385, 1011, 2163, 1011, 3198, 1011, 4259,\n",
+ " 1011, 2457, 1011, 2000, 1011, 3423, 4697, 1011, 9147, 1011,\n",
+ " 2114, 1011, 12010, 4160, 1007, 1012, 1998, 2065, 2009, 1005,\n",
+ " 1055, 3423, 2000, 5860, 20026, 14776, 2114, 5637, 2015, 1010,\n",
+ " 2111, 2097, 1008, 1008, 7078, 1008, 1008, 2079, 2009, 1012,\n",
+ " 2023, 6433, 4969, 1999, 19424, 3971, 1012, 2009, 1005, 1055,\n",
+ " 3423, 2000, 2022, 6472, 2005, 2108, 5637, 1999, 2367, 3033,\n",
+ " 1997, 1996, 2088, 1010, 1998, 1008, 1008, 2111, 2079, 2023,\n",
+ " 1012, 1008, 1008, 1999, 1996, 2627, 1010, 1999, 1996, 2149,\n",
+ " 1010, 2017, 2071, 2022, 16981, 1998, 4727, 2005, 11973, 1999,\n",
+ " 15667, 4023, 1010, 1998, 1008, 1008, 2023, 3047, 1012, 2009,\n",
+ " 2001, 3423, 1010, 1998, 2009, 3047, 1012, 1008, 1008, 2115,\n",
+ " 24091, 17119, 2891, 2742, 2003, 2107, 2019, 18691, 6270, 27841,\n",
+ " 2008, 1045, 2180, 1005, 1056, 2130, 4769, 2009, 1012, 1998,\n",
+ " 2000, 2360, 2008, 2026, 3808, 2180, 1005, 1056, 2022, 5561,\n",
+ " 2005, 102])\n",
+ "Full text: \n",
+ "\n",
+ ">Dear Members of the Cornell Community,\n",
+ "\n",
+ ">President Donald Trump’s recent executive order imposing a 90-day ban on immigrant and nonimmigrant entry to the United States from seven predominantly Muslim nations is deeply troubling and has serious and chilling implications for a number of our students and scholars. It is fundamentally antithetical to Cornell University’s principles.\n",
+ "\n",
+ ">Ours is a diverse and global university. More than a fifth of our students are from countries outside the U.S. and our students and faculty are involved in programs and partnerships around the world. Over the last few days, we have been in regular contact with our community members who are directly impacted by the executive order, including students on our Ithaca campus; students, postdoctoral fellows, clinical trainees, and faculty at Weill Cornell Medicine in New York City; and students at Weill Cornell Medicine in Qatar. We are offering to each our assistance and unwavering support. Cornell will not compromise its admissions and hiring standards of excellence and will continue to solicit, accept, and process applications from international students from around the world, including from the impacted countries.\n",
+ "\n",
+ ">We share the sentiments of many of our peer institutions who have voiced similarly strong concerns about the discriminatory nature of the executive order and the long-term damage it will have on our nation’s global leadership in research and education. The Association of American Universities (AAU), of which Cornell is a member, issued a statement yesterday, noting that the executive order \"is already causing damage and should end as quickly as possible.\" Cornell stands firmly with that statement, reaffirming our founding principle of \"any person, any study.\"\n",
+ "Our collective voices may already be having an impact. A Trump administration official earlier today appeared to reverse a key part of the executive order, stating that those from the affected countries who hold green cards will not be prevented from returning to the United States, and several federal judges across the country have blocked, at least temporarily, the implementation of some provisions of the executive order. Still, there is tremendous uncertainty around this policy and how it might be implemented.\n",
+ "\n",
+ ">As a community, we acknowledge the psychological toll this executive order has taken, most notably on those from the impacted countries and their family members and friends. Cornell offers a number of resources (listed below) that I encourage all students, faculty and staff to use as needed.\n",
+ "I also want to underscore the ongoing importance of demonstrating respect towards all community members inclusive of background, ethnicity, gender, religion, or political affiliation. There have been troubling reports of bias-related incidents on campus in the past few weeks. We thank members of the community who report incidents through the Harassment, Discrimination and Bias Reporting System. Reporting helps us to address these incidents swiftly.\n",
+ "In closing, I want to underscore these important commitments to the Cornell community, including those I made to you in statements late last year regarding the uncertainty around federal immigration policy:\n",
+ "Cornell will assist you if you are detained or prevented from re-entering the U.S. while traveling. See the specific resources and phone numbers listed below.\n",
+ "\n",
+ ">The university will continue to honor its commitments to all our current and future Deferred Action for Childhood Arrivals (DACA) undergraduate and graduate students. While it is still unclear how the DACA program will be impacted by Trump administration decisions, our commitments to these students remain firm.\n",
+ "The Cornell Law School will provide legal assistance to undocumented Cornell students who may wish to consult with a lawyer about the implications of the federal administration’s policies for their immigration status. These legal advisory services will be free of charge. We are exploring the extent to which law school faculty can offer legal assistance to students and scholars from all Cornell campuses detained while traveling or prevented from entering the country.\n",
+ "\n",
+ ">A dedicated team of law school faculty will also offer legal assistance in the form of representation for DACA students in potential deportation proceedings, should the need arise. There would be costs associated with this special legal representation service for DACA students, and a legal representative fund will be seeking contributions.\n",
+ "\n",
+ ">We will continue to protect the privacy of our student information and records from unauthorized or unlawful intrusion. The long-standing practice of the Cornell University Police Department (CUPD) has been not to seek immigration status information in the course of its law enforcement activities, unless related to criminal violations or threats of violent behavior. While Cornell representatives, including CUPD, will comply with lawfully issued subpoenas and warrants, it is neither the university’s practice nor expectation to function as an agent of the federal government regarding enforcement of federal immigration laws.\n",
+ "\n",
+ ">We have an obligation to assert our principles when policies and administrative decisions are contrary to those principles. Please join me in staying informed, engaged and intent on protecting the principles we hold dear.\n",
+ "\n",
+ ">Yours sincerely,\n",
+ "\n",
+ ">Hunter R. Rawlings III\n",
+ "\n",
+ ">Interim President\n",
+ "tensor([ 101, 2440, 3793, 1024, 1004, 14181, 1025, 6203, 2372, 1997,\n",
+ " 1996, 10921, 2451, 1010, 1004, 14181, 1025, 2343, 6221, 8398,\n",
+ " 1521, 1055, 3522, 3237, 2344, 16625, 1037, 3938, 1011, 2154,\n",
+ " 7221, 2006, 11560, 1998, 2512, 5714, 4328, 18980, 4443, 2000,\n",
+ " 1996, 2142, 2163, 2013, 2698, 9197, 5152, 3741, 2003, 6171,\n",
+ " 19817, 7140, 9709, 1998, 2038, 3809, 1998, 27017, 13494, 2005,\n",
+ " 1037, 2193, 1997, 2256, 2493, 1998, 5784, 1012, 2009, 2003,\n",
+ " 24670, 3424, 10760, 14656, 2000, 10921, 2118, 1521, 1055, 6481,\n",
+ " 1012, 1004, 14181, 1025, 14635, 2003, 1037, 7578, 1998, 3795,\n",
+ " 2118, 1012, 2062, 2084, 1037, 3587, 1997, 2256, 2493, 2024,\n",
+ " 2013, 3032, 2648, 1996, 1057, 1012, 1055, 1012, 1998, 2256,\n",
+ " 2493, 1998, 4513, 2024, 2920, 1999, 3454, 1998, 13797, 2105,\n",
+ " 1996, 2088, 1012, 2058, 1996, 2197, 2261, 2420, 1010, 2057,\n",
+ " 2031, 2042, 1999, 3180, 3967, 2007, 2256, 2451, 2372, 2040,\n",
+ " 2024, 3495, 19209, 2011, 1996, 3237, 2344, 1010, 2164, 2493,\n",
+ " 2006, 2256, 27939, 3721, 1025, 2493, 1010, 29272, 13572, 1010,\n",
+ " 6612, 26758, 2015, 1010, 1998, 4513, 2012, 11417, 3363, 10921,\n",
+ " 4200, 1999, 2047, 2259, 2103, 1025, 1998, 2493, 2012, 11417,\n",
+ " 3363, 10921, 4200, 1999, 12577, 1012, 2057, 2024, 5378, 2000,\n",
+ " 2169, 2256, 5375, 1998, 4895, 16535, 4892, 2490, 1012, 10921,\n",
+ " 2097, 2025, 12014, 2049, 20247, 1998, 14763, 4781, 1997, 8012,\n",
+ " 1998, 2097, 3613, 2000, 14017, 28775, 2102, 1010, 5138, 1010,\n",
+ " 1998, 2832, 5097, 2013, 2248, 2493, 2013, 2105, 1996, 2088,\n",
+ " 1010, 2164, 2013, 1996, 19209, 3032, 1012, 1004, 14181, 1025,\n",
+ " 2057, 3745, 1996, 23541, 1997, 2116, 1997, 2256, 8152, 4896,\n",
+ " 2040, 2031, 6126, 6660, 2844, 5936, 2055, 1996, 5860, 20026,\n",
+ " 28230, 3267, 1997, 1996, 3237, 2344, 1998, 1996, 2146, 1011,\n",
+ " 2744, 4053, 2009, 2097, 2031, 2006, 2256, 3842, 1521, 1055,\n",
+ " 3795, 4105, 1999, 2470, 1998, 2495, 1012, 1996, 2523, 1997,\n",
+ " 2137, 5534, 1006, 9779, 2226, 1007, 1010, 1997, 2029, 10921,\n",
+ " 2003, 1037, 2266, 1010, 3843, 1037, 4861, 7483, 1010, 9073,\n",
+ " 2008, 1996, 3237, 2344, 1000, 2003, 2525, 4786, 4053, 1998,\n",
+ " 2323, 2203, 2004, 2855, 2004, 2825, 1012, 1000, 10921, 4832,\n",
+ " 7933, 2007, 2008, 4861, 1010, 2128, 10354, 27972, 2075, 2256,\n",
+ " 4889, 6958, 1997, 1000, 2151, 2711, 1010, 2151, 2817, 1012,\n",
+ " 1000, 2256, 7268, 5755, 2089, 2525, 2022, 2383, 2019, 4254,\n",
+ " 1012, 1037, 8398, 3447, 2880, 3041, 2651, 2596, 2000, 7901,\n",
+ " 1037, 3145, 2112, 1997, 1996, 3237, 2344, 1010, 5517, 2008,\n",
+ " 2216, 2013, 1996, 5360, 3032, 2040, 2907, 2665, 5329, 2097,\n",
+ " 2025, 2022, 8729, 2013, 4192, 2000, 1996, 2142, 2163, 1010,\n",
+ " 1998, 2195, 2976, 6794, 2408, 1996, 2406, 2031, 8534, 1010,\n",
+ " 2012, 2560, 8184, 1010, 1996, 7375, 1997, 2070, 8910, 1997,\n",
+ " 1996, 3237, 2344, 1012, 2145, 1010, 2045, 2003, 14388, 12503,\n",
+ " 2105, 2023, 3343, 1998, 2129, 2009, 2453, 2022, 7528, 1012,\n",
+ " 1004, 14181, 1025, 2004, 1037, 2451, 1010, 2057, 13399, 1996,\n",
+ " 8317, 9565, 2023, 3237, 2344, 2038, 2579, 1010, 2087, 5546,\n",
+ " 2006, 2216, 2013, 1996, 19209, 3032, 1998, 2037, 2155, 2372,\n",
+ " 1998, 2814, 1012, 10921, 4107, 1037, 2193, 1997, 4219, 1006,\n",
+ " 3205, 2917, 1007, 2008, 1045, 8627, 2035, 2493, 1010, 4513,\n",
+ " 1998, 3095, 2000, 2224, 2004, 2734, 1012, 1045, 2036, 2215,\n",
+ " 2000, 2104, 9363, 2890, 1996, 7552, 5197, 1997, 14313, 4847,\n",
+ " 2875, 102])\n",
+ "Ah. I've really only ever found one useful study method but it has two implementations: (1) \"explain\" the class to \"someone\" (which may simply be writing an unsent email to a friend) or (2) tell the story of the class. Cal Newport has relatively recently started writing about this, calling it \"the textbook method\". \"The class\" here can be resized to various things: the entire class (very useful for figuring out what you don't know), the homeworks as a whole, each individual homework, the exams.\n",
+ "\n",
+ "In the first case the act of attempting to teach something very effectively clarifies what you don't actually know (and forces you to learn it to actually teach it) and reinforces that which you do know (in a way that \"reading over the material\" does not); it's part of the reason I'm such a fan of helping others with their homework even if the class is curved and even if I were purely self-interested: sure they benefit and raise the curve, but in helping them I learn the material so well that it doesn't matter.\n",
+ "\n",
+ "To try to explain \"the story of the class\" idea, I'll have to start somewhere else. When I read a (long) work of fiction the first thing I do when I've finished it is tell myself a summary of the story (the major events that happened and *why* they happened). Start with where we started at and the journey we took to get to the place we ended at. I do this to help digest what I've read, but mostly because I'm always really sad when I finish it and this is sort of a coping mechanism. As a side effect, I find I retain the story for longer.\n",
+ "\n",
+ "So hijack this: tell yourself about where you started the class and the major events of the class that led to the end of the class, but most importantly tell yourself about *why* you learned each thing. I took CS3410 with a very unpopular instructor. Honestly I thought he was great (he explained things well) but one thing he did not do well was say *why* we were learning things. We started the class learning about how to build AND and OR and NOT gates, and we ended the class building program as a DMA network card driver. But it was really hard to learn about AND and OR and NOT gates when you didn't know why (they're boring). I, however, knew why: you need to know how to build those gates to build transistors, and you need to know how to build transistors to build APUs and memory, and you need to know how to build those things to build CPUs and a system capable of general purpose computing, and you need to know that to understand assembly as a set of bits, which you need to understand assembly (and why it's so rudimentary and simple), which you need to understand C, which you need to understand operating systems, which you need to understand C and other languages, etc... (for more, read \"Joel on Software\"'s blog post on the law of leaky abstractions).\n",
+ "\n",
+ "You can also hijack this for daily life: every time they teach you something figure out *why* they're teaching you that, it'll make it easier to care and easier to remember and easier to learn the important bits.\n",
+ "\n",
+ "Also, personally, I don't take notes. I do better in classes when I don't. This works because of resources like online lecture notes, course books (available at library), the internet, office hours, and friends. The point is, there's a lot of resources outside of class which makes it so that you don't need detailed notes of what happened in lecture (if there's something you don't know a month later, you don't need notes to learn it, there are other (better) resources). For some people the act of taking notes in lecture helps them internalize it. For me, it prevents me from paying attention and internalizing things, instead making me a machine that takes audio input and transcribes it onto paper (without any detours into the understanding or memory parts of my mind). If you're a good student (by which I mean organized and start things ahead of time) (I am not), you can spend 10 to 25 minutes a class reviewing what you learned (e.g., while walking to another class) (e.g., by telling yourself the story of what you were taught in class, like the above study method). Cal Newport wrote about this a while ago, something to the effect of \"the no note method of acing a class\".\n",
+ "\n",
+ "Cal Newport has extensive posts on varieties of note taking (e.g., \"The Cornell Method\") and studying; he's even written a couple (a few?) books on the subjects, though I have not read any of them. I started reading him to learn time management. I personally mostly value him because of his articles on deep procrastination (absolutely nailed why I almost failed out) and what he tends to deem \"the failure of the passion hypothesis\" (the idea that you have to \"find your passion\" and then make that your life's work to be happy, as opposed to the idea that passion is something you build with dedication and effort and deliberate practice), but his articles on time management did help me (probably the most of any articles on time management). The point is that I've pretty much said all that I know on note taking and studying, as a counterbalance you might want to read about other methods and I've found study hacks to be a good resource for that.\n",
+ "\n",
+ "And again I've ended up excessively verbose. Oh well.\n",
+ "tensor([ 101, 6289, 1012, 1045, 1005, 2310, 2428, 2069, 2412, 2179,\n",
+ " 2028, 6179, 2817, 4118, 2021, 2009, 2038, 2048, 24977, 1024,\n",
+ " 1006, 1015, 1007, 1000, 4863, 1000, 1996, 2465, 2000, 1000,\n",
+ " 2619, 1000, 1006, 2029, 2089, 3432, 2022, 3015, 2019, 4895,\n",
+ " 5054, 2102, 10373, 2000, 1037, 2767, 1007, 2030, 1006, 1016,\n",
+ " 1007, 2425, 1996, 2466, 1997, 1996, 2465, 1012, 10250, 9464,\n",
+ " 2038, 4659, 3728, 2318, 3015, 2055, 2023, 1010, 4214, 2009,\n",
+ " 1000, 1996, 16432, 4118, 1000, 1012, 1000, 1996, 2465, 1000,\n",
+ " 2182, 2064, 2022, 24501, 3550, 2000, 2536, 2477, 1024, 1996,\n",
+ " 2972, 2465, 1006, 2200, 6179, 2005, 23218, 2041, 2054, 2017,\n",
+ " 2123, 1005, 1056, 2113, 1007, 1010, 1996, 19453, 2015, 2004,\n",
+ " 1037, 2878, 1010, 2169, 3265, 19453, 1010, 1996, 13869, 1012,\n",
+ " 1999, 1996, 2034, 2553, 1996, 2552, 1997, 7161, 2000, 6570,\n",
+ " 2242, 2200, 6464, 18856, 8486, 14213, 2054, 2017, 2123, 1005,\n",
+ " 1056, 2941, 2113, 1006, 1998, 2749, 2017, 2000, 4553, 2009,\n",
+ " 2000, 2941, 6570, 2009, 1007, 1998, 19444, 2015, 2008, 2029,\n",
+ " 2017, 2079, 2113, 1006, 1999, 1037, 2126, 2008, 1000, 3752,\n",
+ " 2058, 1996, 3430, 1000, 2515, 2025, 1007, 1025, 2009, 1005,\n",
+ " 1055, 2112, 1997, 1996, 3114, 1045, 1005, 1049, 2107, 1037,\n",
+ " 5470, 1997, 5094, 2500, 2007, 2037, 19453, 2130, 2065, 1996,\n",
+ " 2465, 2003, 9203, 1998, 2130, 2065, 1045, 2020, 11850, 2969,\n",
+ " 1011, 4699, 1024, 2469, 2027, 5770, 1998, 5333, 1996, 7774,\n",
+ " 1010, 2021, 1999, 5094, 2068, 1045, 4553, 1996, 3430, 2061,\n",
+ " 2092, 2008, 2009, 2987, 1005, 1056, 3043, 1012, 2000, 3046,\n",
+ " 2000, 4863, 1000, 1996, 2466, 1997, 1996, 2465, 1000, 2801,\n",
+ " 1010, 1045, 1005, 2222, 2031, 2000, 2707, 4873, 2842, 1012,\n",
+ " 2043, 1045, 3191, 1037, 1006, 2146, 1007, 2147, 1997, 4349,\n",
+ " 1996, 2034, 2518, 1045, 2079, 2043, 1045, 1005, 2310, 2736,\n",
+ " 2009, 2003, 2425, 2870, 1037, 12654, 1997, 1996, 2466, 1006,\n",
+ " 1996, 2350, 2824, 2008, 3047, 1998, 1008, 2339, 1008, 2027,\n",
+ " 3047, 1007, 1012, 2707, 2007, 2073, 2057, 2318, 2012, 1998,\n",
+ " 1996, 4990, 2057, 2165, 2000, 2131, 2000, 1996, 2173, 2057,\n",
+ " 3092, 2012, 1012, 1045, 2079, 2023, 2000, 2393, 17886, 2054,\n",
+ " 1045, 1005, 2310, 3191, 1010, 2021, 3262, 2138, 1045, 1005,\n",
+ " 1049, 2467, 2428, 6517, 2043, 1045, 3926, 2009, 1998, 2023,\n",
+ " 2003, 4066, 1997, 1037, 27520, 7337, 1012, 2004, 1037, 2217,\n",
+ " 3466, 1010, 1045, 2424, 1045, 9279, 1996, 2466, 2005, 2936,\n",
+ " 1012, 2061, 7632, 17364, 2023, 1024, 2425, 4426, 2055, 2073,\n",
+ " 2017, 2318, 1996, 2465, 1998, 1996, 2350, 2824, 1997, 1996,\n",
+ " 2465, 2008, 2419, 2000, 1996, 2203, 1997, 1996, 2465, 1010,\n",
+ " 2021, 2087, 14780, 2425, 4426, 2055, 1008, 2339, 1008, 2017,\n",
+ " 4342, 2169, 2518, 1012, 1045, 2165, 20116, 22022, 10790, 2007,\n",
+ " 1037, 2200, 19657, 9450, 1012, 9826, 1045, 2245, 2002, 2001,\n",
+ " 2307, 1006, 2002, 4541, 2477, 2092, 1007, 2021, 2028, 2518,\n",
+ " 2002, 2106, 2025, 2079, 2092, 2001, 2360, 1008, 2339, 1008,\n",
+ " 2057, 2020, 4083, 2477, 1012, 2057, 2318, 1996, 2465, 4083,\n",
+ " 2055, 2129, 2000, 3857, 1998, 1998, 2030, 1998, 2025, 6733,\n",
+ " 1010, 1998, 2057, 3092, 1996, 2465, 2311, 2565, 2004, 1037,\n",
+ " 1040, 2863, 2897, 4003, 4062, 1012, 2021, 2009, 2001, 2428,\n",
+ " 2524, 2000, 4553, 2055, 1998, 1998, 2030, 1998, 2025, 6733,\n",
+ " 2043, 2017, 2134, 1005, 1056, 2113, 2339, 1006, 2027, 1005,\n",
+ " 2128, 102])\n",
+ "This is an essay about the state of discrete mathematics education and culture at the undergraduate level. If you know who I am then it is because you have already seen this.\n",
+ "\n",
+ "________\n",
+ "\n",
+ "The shortest version of the tale is that I took a class in combinatorics in my second semester of college as a physics major, ostensibly to try to get into summer research program, but also to serve as a natural continuation for the extreme passion for mathematics that my first semester had cultivated. While my initial days in the class were marked by ebullience and enthusiasm, the weekly homework sets began to prove harder and harder for me. Despite the effort I was putting into the class, I could not see solutions to exercises that others could see in an instant. This is the force behind the angst that my critics would say produced this paper.\n",
+ "\n",
+ "The natural question to ask is \"what went wrong?\" I place the blame partially on myself for my incompetence, but also on the way combinatorics is taught. My claim is that the culture cultivated in undergraduate combinatorics promotes a very steep learning curve for the subject, and then proceeds to punish those on the wrong side of the curve instead of uplifting them. Whether or not such a culture is a fundamental property of combinatorics itself is a matter of further investigation. The first thing I noticed in the class was a distinct lack of an overarching theme besides \"counting things\" and perhaps \"graphs\". The class was almost taught like a dry analysis textbook, where theorems were stated, examples were exhibited, and proofs were demonstrated. Often times, there was little motivation for the next step in the class. Perhaps this characteristic of the course was partially what made it difficult for me to catch on, but my main problem lies in the culture of the combinatorial community. \n",
+ "\n",
+ "There is a jocular saying in mathematics, that all solved problems are \"trivial\". Often times this is true: It is absolutely not clear at first how to solve the differential equation \n",
+ "\n",
+ "y'' + 134y' + 84.1 = cosh(x)\n",
+ "\n",
+ "but once a general method for solving these types of equations is understood, a good student (or even a poor one like me) will understand exactly where it comes from and consider the result \"easy\" and \"expected\". I am afraid that in the culture of combinatorics, the above saying is taken all too seriously. When a group of students work together on combinatorial problems, often times one group of students describes the problem as trivial and sees exactly how to solve it, while the other group of students fails to see the solution, so the problem is nontrivial. At the very least, the way combinatorial problems are viewed at the undergraduate level differs from person to person in an extremely severe way, often creating a disconnect between those who see problems as trivial and those who do not. \n",
+ "\n",
+ "Such a view even extends to the professor. When I went to office hours after a particularly poor homework score, I asked the professor for help on how to think about problems. I got (admittedly clear) solutions to the problems, but not much more other than the assertion that such problems are straightforward. I do not see an issue like this in any other fields besides combinatorics. In the field of analysis, for instance, the culture is to treat problems with the respect they deserve after requiring effort and work to solve. Indeed, I have not heard anyone in my partial differential equations class—much less my professor—describe a problem as \"easy\" or \"trivial\". (My professor likes using the word \"hard\" to describe problems, but I view this as a good thing. In describing one of the problem sets as the \"hardest homework of the course\", it was not to discourage students from solving all the exercises, but it was an expression of respect to the necessary work and thought needed to solve such problems and a categorical denouncing of this so called \"attitude of triviality\". In essence, it was an invitation for all of us to join him on his side of the \"learning curve\", as opposed to derision towards those of us still on the \"low side\" of the learning curve.)\n",
+ "\n",
+ "I suppose it is now a good time to compare my partial differential equations class to my combinatorics class in the context of mathematical education. While I do not profess to be an expert in this topic, I believe I can say something about it because I have benefited in different capacities from different styles of education. I have nothing but the utmost praise for my PDE professor's educational style, as it is what helped me grow as a student of PDE. A clear example of the superiority of his teaching is when I came to see him at his office hours to ask for a proof of the Arzelà-Ascoli theorem (we had used it in a proof of existence for the IVP for first order ODE, and I wanted to know how to prove it to satisfy my completionist urges). Rather than going through the motions of the proof (which alone would have satisfied me as an auditory learner), he started to build me up on the theory of why we would want such a theorem in the first place. To that extent, he demanded participation from me as well; he had me generate an example of continuous functions that fail to converge pointwise to a continuous function (motivating the idea of \"uniform convergence\"), having me not only show that uniformly convergent continuous functions converge to a continuous function but also explain the conceptual significance of the proof and why exactly we need uniform convergence. (This is to say that he was not satisfied by the correct answer I originally gave where I just cited the earlier counterexample, but made sure I actually understood the reason why uniform convergence somehow worked). \n",
+ "\n",
+ "The benefits of this form of teaching are clear—the student not only gains the proof of the theorem but also a broader understanding of the (often historical) context of the proof and where the proof \"comes from\". This is perhaps the best way that an educator can not only encourage a student to go beyond what is taught in class, but equip them with the mindset to do so. This stands in stark contrast to the \"definition-theorem-proof\" style of the combinatorics class, where the focus is just on understanding proofs and tricks as opposed to building a general, overarching theory and mindset to progressing further in the field. \n",
+ "\n",
+ "tensor([ 101, 2023, 2003, 2019, 9491, 2055, 1996, 2110, 1997, 16246,\n",
+ " 5597, 2495, 1998, 3226, 2012, 1996, 8324, 2504, 1012, 2065,\n",
+ " 2017, 2113, 2040, 1045, 2572, 2059, 2009, 2003, 2138, 2017,\n",
+ " 2031, 2525, 2464, 2023, 1012, 1035, 1035, 1035, 1035, 1035,\n",
+ " 1035, 1035, 1035, 1996, 20047, 2544, 1997, 1996, 6925, 2003,\n",
+ " 2008, 1045, 2165, 1037, 2465, 1999, 22863, 23207, 6558, 1999,\n",
+ " 2026, 2117, 13609, 1997, 2267, 2004, 1037, 5584, 2350, 1010,\n",
+ " 23734, 2000, 3046, 2000, 2131, 2046, 2621, 2470, 2565, 1010,\n",
+ " 2021, 2036, 2000, 3710, 2004, 1037, 3019, 13633, 2005, 1996,\n",
+ " 6034, 6896, 2005, 5597, 2008, 2026, 2034, 13609, 2018, 13237,\n",
+ " 1012, 2096, 2026, 3988, 2420, 1999, 1996, 2465, 2020, 4417,\n",
+ " 2011, 1041, 8569, 23697, 5897, 1998, 12024, 1010, 1996, 4882,\n",
+ " 19453, 4520, 2211, 2000, 6011, 6211, 1998, 6211, 2005, 2033,\n",
+ " 1012, 2750, 1996, 3947, 1045, 2001, 5128, 2046, 1996, 2465,\n",
+ " 1010, 1045, 2071, 2025, 2156, 7300, 2000, 11110, 2008, 2500,\n",
+ " 2071, 2156, 1999, 2019, 7107, 1012, 2023, 2003, 1996, 2486,\n",
+ " 2369, 1996, 17076, 3367, 2008, 2026, 4401, 2052, 2360, 2550,\n",
+ " 2023, 3259, 1012, 1996, 3019, 3160, 2000, 3198, 2003, 1000,\n",
+ " 2054, 2253, 3308, 1029, 1000, 1045, 2173, 1996, 7499, 6822,\n",
+ " 2006, 2870, 2005, 2026, 4297, 25377, 12870, 5897, 1010, 2021,\n",
+ " 2036, 2006, 1996, 2126, 22863, 23207, 6558, 2003, 4036, 1012,\n",
+ " 2026, 4366, 2003, 2008, 1996, 3226, 13237, 1999, 8324, 22863,\n",
+ " 23207, 6558, 14067, 1037, 2200, 9561, 4083, 7774, 2005, 1996,\n",
+ " 3395, 1010, 1998, 2059, 10951, 2000, 16385, 2216, 2006, 1996,\n",
+ " 3308, 2217, 1997, 1996, 7774, 2612, 1997, 2039, 26644, 2068,\n",
+ " 1012, 3251, 2030, 2025, 2107, 1037, 3226, 2003, 1037, 8050,\n",
+ " 3200, 1997, 22863, 23207, 6558, 2993, 2003, 1037, 3043, 1997,\n",
+ " 2582, 4812, 1012, 1996, 2034, 2518, 1045, 4384, 1999, 1996,\n",
+ " 2465, 2001, 1037, 5664, 3768, 1997, 2019, 2058, 2906, 8450,\n",
+ " 4323, 4661, 1000, 10320, 2477, 1000, 1998, 3383, 1000, 19287,\n",
+ " 1000, 1012, 1996, 2465, 2001, 2471, 4036, 2066, 1037, 4318,\n",
+ " 4106, 16432, 1010, 2073, 9872, 2015, 2020, 3090, 1010, 4973,\n",
+ " 2020, 8176, 1010, 1998, 6947, 2015, 2020, 7645, 1012, 2411,\n",
+ " 2335, 1010, 2045, 2001, 2210, 14354, 2005, 1996, 2279, 3357,\n",
+ " 1999, 1996, 2465, 1012, 3383, 2023, 8281, 1997, 1996, 2607,\n",
+ " 2001, 6822, 2054, 2081, 2009, 3697, 2005, 2033, 2000, 4608,\n",
+ " 2006, 1010, 2021, 2026, 2364, 3291, 3658, 1999, 1996, 3226,\n",
+ " 1997, 1996, 22863, 23207, 4818, 2451, 1012, 2045, 2003, 1037,\n",
+ " 8183, 15431, 3038, 1999, 5597, 1010, 2008, 2035, 13332, 3471,\n",
+ " 2024, 1000, 20610, 1000, 1012, 2411, 2335, 2023, 2003, 2995,\n",
+ " 1024, 2009, 2003, 7078, 2025, 3154, 2012, 2034, 2129, 2000,\n",
+ " 9611, 1996, 11658, 8522, 1061, 1005, 1005, 1009, 15170, 2100,\n",
+ " 1005, 1009, 6391, 1012, 1015, 1027, 2522, 4095, 1006, 1060,\n",
+ " 1007, 2021, 2320, 1037, 2236, 4118, 2005, 13729, 2122, 4127,\n",
+ " 1997, 11380, 2003, 5319, 1010, 1037, 2204, 3076, 1006, 2030,\n",
+ " 2130, 1037, 3532, 2028, 2066, 2033, 1007, 2097, 3305, 3599,\n",
+ " 2073, 2009, 3310, 2013, 1998, 5136, 1996, 2765, 1000, 3733,\n",
+ " 1000, 1998, 1000, 3517, 1000, 1012, 1045, 2572, 4452, 2008,\n",
+ " 1999, 1996, 3226, 1997, 22863, 23207, 6558, 1010, 1996, 2682,\n",
+ " 3038, 2003, 2579, 2035, 2205, 5667, 1012, 2043, 1037, 2177,\n",
+ " 1997, 2493, 2147, 2362, 2006, 22863, 23207, 4818, 3471, 1010,\n",
+ " 2411, 102])\n",
+ "1a. I don't count credits beyond noting that it's a normal 3/4 credit class; it's typically otherwise irrelevant, since the time/difficulty of the class only loosely correlates. So, here is the rule of thumb on these \"normal\" 3/4 credit classes: 3 is pretty light, 4 is normal, 5 is heavy, 6 is very heavy, and more is basically unheard of. Most people do 4 or 5 a semester. Since it will be your first semester, I recommend going 4, so you can use that extra time to get acquainted with the campus and find the groups and clubs and friends you want to hang out with. Not only is being social important to your mental health, but it is way easier to meet people 1st semester than any time after. And a lot of clubs are really worth it, to the point that some even count as classes (I'm thinking some Cornell music groups and project teams here). As you already list 5 normal courses and 2 mini courses, you are pretty damn packed, and I would definitely not recommend adding more.\n",
+ "\n",
+ "1b. I notice you mention considering 2112. I recommend 2110, and here is why: People who I knew taking 2112 did not see the light of day, because there is a lot of work. This course is an honors course, sure, but it's not much of a resume booster because 1) it is intro level 2) it doesn't contribute to the honors degree/graduating with honors 3) being harder, it more likely to hurt GPA 4) you will be at Cornell and that is already basically honors. It's not an \"accelerated\" class either, in that you will not be able to skip any classes because of it, or be significantly better off in future classes. Do note that some people still swear by 2112, because it does indeed teach a lot more into the language and gets experience with bigger projects in early, but I personally think they are just trying to justify their decision. I took 2110 and never once regretted it, and I feel like I'm pretty accomplished.\n",
+ "\n",
+ "2a. I want to lay out some groundwork here: for each degree, there are 2 sets of requirements. I say this because I am a CS major and I have no idea where you think gov applies to CS; I too have AP gov credits, but they go to the Engineering degree.\n",
+ "\n",
+ "* The first is the degree requirements. This is set by the college. For CAS, this will include your language and a bunch of liberal distributions. For Engineering, this will include an intro programming language, an intro engineering course, and some basic math. You will need to look at the college sites to get the specifics for each, as they have changed slightly since I enrolled. The [Engineering handbook](https://www.engineering.cornell.edu/academics/undergraduate/curriculum/handbook/) you will be given a hardcopy of when you come is great guide for both this and the second set of requirements; I don't know if CAS has something similar. AP gov credits definitely cover stuff here, and everything should be able to be double-counted between each different degree unless stated otherwise.\n",
+ "\n",
+ "* The second is the major requirements. This is set by the department. You will need to see their site (or the Engineering handbook equivalent) to see their policies. Typically, there is no double counting allowed *within* a major's requirements. For instance, CS needs some number of 4000 level courses and a project course. These both must be satisfied separately. But I'm pretty darn sure you can double count between majors and minors, unless stated otherwise (like when there is too much overlap between them, but this doesn't apply to math/cs).\n",
+ "\n",
+ "2b. Math courses can indeed fulfill technical electives for CS. I'm pretty sure it just needs to be 3000 level or higher. (Recall, though, that they don't double count with the external specialization.) And look [here](http://www.math.cornell.edu/m/Undergraduate/Major/major) about double majors between cs and math; they lay out how they facilitate the double major with double counting.\n",
+ "\n",
+ "3a. You seem pretty sure you can get those transfer credits without being 100% sure. I don't know your specific situation, but I'd think it would be unlikely to get much unless you already definitely know. It also becomes less likely with higher level courses. But then again, I personally didn't go for any transfer credit. Good luck trying. At the very least, call/email and confirm what you will get before making any rash class choices. [Here](http://as.cornell.edu/transferring-credits) is some stuff about CAS credit transfer, and [here](https://www.engineering.cornell.edu/resources/registrar/upload/EN-Transfer-Credit-Form-2015.pdf) is some stuff on transfer from Engineering. Note the credit caps and certain inapplicabilities of the credit usage. In both cases you must have been on the college campus to take the classes and could not have taken them to fulfill highschool requirements. And as for AP, I'm pretty sure there is cap at something like 30 credits. (If I find a source I'll edit it in.) So that means your 12 exams will almost definitely not all get credit.\n",
+ "\n",
+ "3b. Most of the time exchange between the different intro linear algebra courses is allowed. But the 4000 level courses are definitely above the intro courses. You seem to have taken higher-level math so maybe your mathematical maturity is on point for that level, but for most people it is definitely not. Also, recall that whatever course fills in the linear algebra slot can't be reused elsewhere, so you'd be down a course elsewhere in the degree. I knew a senior electrical engineer that needed to take intro e&m because she skipped it, so don't think over-shooting always gets you out of requirements. So I would recommend the intro course, but otherwise call/email Engineering to make sure the 4000 level would count properly. \n",
+ "\n",
+ "4 . Cuz it's a lot of work. I've never taken a language here, but from what I understand, the big Asian languages tend to be hard because a lot of native Asians come to Cornell. \n",
+ "\n",
+ "5 . If you meet the listed requirements, its pretty much a foregone conclusion that you will be accepted. For CS, the listed requirements basically boil down to getting above a C+ average in 3 courses that are curved to the B range, so it shouldn't be difficult.\n",
+ "\n",
+ "Feel free to ask any clarifications or follow ups; I was in your shoes once.\n",
+ "tensor([ 101, 20720, 1012, 1045, 2123, 1005, 1056, 4175, 6495, 3458,\n",
+ " 9073, 2008, 2009, 1005, 1055, 1037, 3671, 1017, 1013, 1018,\n",
+ " 4923, 2465, 1025, 2009, 1005, 1055, 4050, 4728, 22537, 1010,\n",
+ " 2144, 1996, 2051, 1013, 7669, 1997, 1996, 2465, 2069, 11853,\n",
+ " 2522, 14343, 26786, 1012, 2061, 1010, 2182, 2003, 1996, 3627,\n",
+ " 1997, 7639, 2006, 2122, 1000, 3671, 1000, 1017, 1013, 1018,\n",
+ " 4923, 4280, 1024, 1017, 2003, 3492, 2422, 1010, 1018, 2003,\n",
+ " 3671, 1010, 1019, 2003, 3082, 1010, 1020, 2003, 2200, 3082,\n",
+ " 1010, 1998, 2062, 2003, 10468, 4895, 26362, 1997, 1012, 2087,\n",
+ " 2111, 2079, 1018, 2030, 1019, 1037, 13609, 1012, 2144, 2009,\n",
+ " 2097, 2022, 2115, 2034, 13609, 1010, 1045, 16755, 2183, 1018,\n",
+ " 1010, 2061, 2017, 2064, 2224, 2008, 4469, 2051, 2000, 2131,\n",
+ " 19056, 2007, 1996, 3721, 1998, 2424, 1996, 2967, 1998, 4184,\n",
+ " 1998, 2814, 2017, 2215, 2000, 6865, 2041, 2007, 1012, 2025,\n",
+ " 2069, 2003, 2108, 2591, 2590, 2000, 2115, 5177, 2740, 1010,\n",
+ " 2021, 2009, 2003, 2126, 6082, 2000, 3113, 2111, 3083, 13609,\n",
+ " 2084, 2151, 2051, 2044, 1012, 1998, 1037, 2843, 1997, 4184,\n",
+ " 2024, 2428, 4276, 2009, 1010, 2000, 1996, 2391, 2008, 2070,\n",
+ " 2130, 4175, 2004, 4280, 1006, 1045, 1005, 1049, 3241, 2070,\n",
+ " 10921, 2189, 2967, 1998, 2622, 2780, 2182, 1007, 1012, 2004,\n",
+ " 2017, 2525, 2862, 1019, 3671, 5352, 1998, 1016, 7163, 5352,\n",
+ " 1010, 2017, 2024, 3492, 4365, 8966, 1010, 1998, 1045, 2052,\n",
+ " 5791, 2025, 16755, 5815, 2062, 1012, 26314, 1012, 1045, 5060,\n",
+ " 2017, 5254, 6195, 19235, 2475, 1012, 1045, 16755, 19235, 2692,\n",
+ " 1010, 1998, 2182, 2003, 2339, 1024, 2111, 2040, 1045, 2354,\n",
+ " 2635, 19235, 2475, 2106, 2025, 2156, 1996, 2422, 1997, 2154,\n",
+ " 1010, 2138, 2045, 2003, 1037, 2843, 1997, 2147, 1012, 2023,\n",
+ " 2607, 2003, 2019, 7836, 2607, 1010, 2469, 1010, 2021, 2009,\n",
+ " 1005, 1055, 2025, 2172, 1997, 1037, 13746, 23715, 2138, 1015,\n",
+ " 1007, 2009, 2003, 17174, 2504, 1016, 1007, 2009, 2987, 1005,\n",
+ " 1056, 9002, 2000, 1996, 7836, 3014, 1013, 6800, 2007, 7836,\n",
+ " 1017, 1007, 2108, 6211, 1010, 2009, 2062, 3497, 2000, 3480,\n",
+ " 14246, 2050, 1018, 1007, 2017, 2097, 2022, 2012, 10921, 1998,\n",
+ " 2008, 2003, 2525, 10468, 7836, 1012, 2009, 1005, 1055, 2025,\n",
+ " 2019, 1000, 14613, 1000, 2465, 2593, 1010, 1999, 2008, 2017,\n",
+ " 2097, 2025, 2022, 2583, 2000, 13558, 2151, 4280, 2138, 1997,\n",
+ " 2009, 1010, 2030, 2022, 6022, 2488, 2125, 1999, 2925, 4280,\n",
+ " 1012, 2079, 3602, 2008, 2070, 2111, 2145, 8415, 2011, 19235,\n",
+ " 2475, 1010, 2138, 2009, 2515, 5262, 6570, 1037, 2843, 2062,\n",
+ " 2046, 1996, 2653, 1998, 4152, 3325, 2007, 7046, 3934, 1999,\n",
+ " 2220, 1010, 2021, 1045, 7714, 2228, 2027, 2024, 2074, 2667,\n",
+ " 2000, 16114, 2037, 3247, 1012, 1045, 2165, 19235, 2692, 1998,\n",
+ " 2196, 2320, 18991, 2009, 1010, 1998, 1045, 2514, 2066, 1045,\n",
+ " 1005, 1049, 3492, 8885, 1012, 23409, 1012, 1045, 2215, 2000,\n",
+ " 3913, 2041, 2070, 2598, 6198, 2182, 1024, 2005, 2169, 3014,\n",
+ " 1010, 2045, 2024, 1016, 4520, 1997, 5918, 1012, 1045, 2360,\n",
+ " 2023, 2138, 1045, 2572, 1037, 20116, 2350, 1998, 1045, 2031,\n",
+ " 2053, 2801, 2073, 2017, 2228, 18079, 12033, 2000, 20116, 1025,\n",
+ " 1045, 2205, 2031, 9706, 18079, 6495, 1010, 2021, 2027, 2175,\n",
+ " 2000, 1996, 3330, 3014, 1012, 1008, 1996, 2034, 2003, 1996,\n",
+ " 3014, 5918, 1012, 2023, 2003, 2275, 2011, 1996, 2267, 1012,\n",
+ " 2005, 102])\n",
+ "Hm, this is a strong sentiment for me, strong enough for me to break my Reddit lurker status just to comment on this. EDIT: I apologize for the wall of text; I didn't realize that what I typed was quite this long...\n",
+ "\n",
+ "I'm a freshman who is essentially going to be a junior in ORIE next year. I entered ORIE, toyed with the idea of switching to CS, then went back to ORIE. I came in with credit for Chem, Phys B and BC (among other insignificant credit *coughstatsbiocough*).\n",
+ "\n",
+ "Let me briefly tell you my sentiments as a kind of disclaimer: I love Cornell, but I'm very unhappy in engineering and with the general engineering program as a whole. At this point, I'm willing to throw my advanced standing away and switch majors. I am considering switching into Applied Economics and Management, the business school here at Cornell, while pursuing a minor in Operations Research and Management Science (the only part of engineering that I'm actually interested in). I would never, however, consider switching universities, nor have I actually chosen to depart from engineering quite yet.\n",
+ "\n",
+ "My advice for you, don't be disheartened that you don't have BC credit; 1910 will whip you into shape for math, and you'll end up more prepared than your average freshman entering with BC credit. Having been through 1920 in my first semester, I can say that I definitely was not prepared for the rigor that Cornell expects of their engineers; not just with BC. 1910 and 1920 have lousier curves, but most courses (if my research serves me correctly) curve in the B range, depending on the class. Others that lack curves may have substantial opportunities for you to succeed (for example, this semester of 1920 allegedly has no curve, but you are allowed to correct your tests for 1/2 credit back).\n",
+ "\n",
+ "Test-wise, be prepared to do significantly worse than you did in HS. I was a straight-A student in a highly competitive top public high school. Here, I'm good enough to be Dean's List-ed in Engineering. You've got to get used to getting a paper back that has a grade in the 60s or 70s, even if you worked and studied like crazy. It's depressing, but you've just got to keep a sense of self-confidence. Often times, you'll get your exam back, and with such a grade, still be on or near the mean. As long as you do your work and attend lectures, you'll be ahead of a lot of people. Remember, everyone else is in the same boat, and many can't be bothered to actually try.\n",
+ "\n",
+ "Probably the second-greatest merit of Cornell Engineering (besides the career placement), however, is entirely non-academic. Your advisors don't really know much about the first two years: They will be able to help you if you choose to enter their department, and try to sell you their major otherwise. Engineering advising is horrifically bad and have given me poor advice on several occasions. You'll learn more about yourself, by yourself, than you could ever imagine. You'll learn how you work, how you socialize, how you manage time, how you can live, how you best succeed, and what you can and can't do for a living. I can easily say that I've learned more about myself in the past year than I had all throughout HS. As for class issues, you'll learn the workings of the engineering program through your upperclassman peers (hint: join clubs!), what courses to take, and how best to take them. \n",
+ "\n",
+ "Use your freshman year, meet and connect with others both in your major and out. Work closely with them; they will be your support network through the good and bad. I have time to socialize on the weekends; the fraternity life doesn't appeal to me, but I would surely have enough time to do it. I am heavily involved in a couple of organizations on campus, and definitely have time left in my day. The severity of the workload isn't bad at all, provided that you stick to somewhere between 15 and 18 credits. Just know that not all credits are created equal, and there are classes that have \"reputations\" for being not worth their credits relative to time invested.\n",
+ "\n",
+ "Last but certainly not least: In engineering (both here and anywhere), the first two years are the hardest. If you can make it out with your interest, confidence and GPA intact, you're set for the remainder of your time here. The program is designed to naturally push you to a field of study that you're a good fit for. If you know you're not liking something, reassess yourself. I personally don't like the engineering prerequisites and distribution requirements that are required; I have a legitimate interest in ORIE, but it is very difficult to find application to my intended field of financial analysis and management in most parts of the engineering distribution.\n",
+ "\n",
+ "As some parting words: you've gotten into what is arguably the hardest school in Cornell to get into. Worse comes to worst, it's extremely easy to transfer to anywhere else within Cornell, and Cornell has a LOT of majors on offer as compared with other schools out there.\n",
+ "\n",
+ "P.S. Just as a shade of advice, CS majors have people throwing jobs at them right now. At the rate that it's going, the CS job market might become oversaturated in the near future. I would suggest that you go first with the added specialization in ECE (which will teach you some coding courtesy of the recommended CS2110 course), then do a minor or something in CS. What's more key (as far as I've gathered from career fairs) is that you know how to program; I'd suggest that you don't dedicate all your study to the art of programming. That's just my analysis, not sure how correct it is or will be.\n",
+ "tensor([ 101, 20287, 1010, 2023, 2003, 1037, 2844, 15792, 2005, 2033,\n",
+ " 1010, 2844, 2438, 2005, 2033, 2000, 3338, 2026, 2417, 23194,\n",
+ " 11320, 25074, 2099, 3570, 2074, 2000, 7615, 2006, 2023, 1012,\n",
+ " 10086, 1024, 1045, 12134, 2005, 1996, 2813, 1997, 3793, 1025,\n",
+ " 1045, 2134, 1005, 1056, 5382, 2008, 2054, 1045, 21189, 2001,\n",
+ " 3243, 2023, 2146, 1012, 1012, 1012, 1045, 1005, 1049, 1037,\n",
+ " 10452, 2040, 2003, 7687, 2183, 2000, 2022, 1037, 3502, 1999,\n",
+ " 2030, 2666, 2279, 2095, 1012, 1045, 3133, 2030, 2666, 1010,\n",
+ " 9121, 2098, 2007, 1996, 2801, 1997, 11991, 2000, 20116, 1010,\n",
+ " 2059, 2253, 2067, 2000, 2030, 2666, 1012, 1045, 2234, 1999,\n",
+ " 2007, 4923, 2005, 18178, 2213, 1010, 6887, 7274, 1038, 1998,\n",
+ " 4647, 1006, 2426, 2060, 27018, 4923, 1008, 19340, 9153, 3215,\n",
+ " 26282, 3597, 8953, 1008, 1007, 1012, 2292, 2033, 4780, 2425,\n",
+ " 2017, 2026, 23541, 2004, 1037, 2785, 1997, 5860, 19771, 5017,\n",
+ " 1024, 1045, 2293, 10921, 1010, 2021, 1045, 1005, 1049, 2200,\n",
+ " 12511, 1999, 3330, 1998, 2007, 1996, 2236, 3330, 2565, 2004,\n",
+ " 1037, 2878, 1012, 2012, 2023, 2391, 1010, 1045, 1005, 1049,\n",
+ " 5627, 2000, 5466, 2026, 3935, 3061, 2185, 1998, 6942, 15279,\n",
+ " 1012, 1045, 2572, 6195, 11991, 2046, 4162, 5543, 1998, 2968,\n",
+ " 1010, 1996, 2449, 2082, 2182, 2012, 10921, 1010, 2096, 11828,\n",
+ " 1037, 3576, 1999, 3136, 2470, 1998, 2968, 2671, 1006, 1996,\n",
+ " 2069, 2112, 1997, 3330, 2008, 1045, 1005, 1049, 2941, 4699,\n",
+ " 1999, 1007, 1012, 1045, 2052, 2196, 1010, 2174, 1010, 5136,\n",
+ " 11991, 5534, 1010, 4496, 2031, 1045, 2941, 4217, 2000, 18280,\n",
+ " 2013, 3330, 3243, 2664, 1012, 2026, 6040, 2005, 2017, 1010,\n",
+ " 2123, 1005, 1056, 2022, 9841, 14644, 6528, 2098, 2008, 2017,\n",
+ " 2123, 1005, 1056, 2031, 4647, 4923, 1025, 4976, 2097, 11473,\n",
+ " 2017, 2046, 4338, 2005, 8785, 1010, 1998, 2017, 1005, 2222,\n",
+ " 2203, 2039, 2062, 4810, 2084, 2115, 2779, 10452, 5738, 2007,\n",
+ " 4647, 4923, 1012, 2383, 2042, 2083, 4444, 1999, 2026, 2034,\n",
+ " 13609, 1010, 1045, 2064, 2360, 2008, 1045, 5791, 2001, 2025,\n",
+ " 4810, 2005, 1996, 19838, 2953, 2008, 10921, 24273, 1997, 2037,\n",
+ " 6145, 1025, 2025, 2074, 2007, 4647, 1012, 4976, 1998, 4444,\n",
+ " 2031, 10223, 20236, 10543, 1010, 2021, 2087, 5352, 1006, 2065,\n",
+ " 2026, 2470, 4240, 2033, 11178, 1007, 7774, 1999, 1996, 1038,\n",
+ " 2846, 1010, 5834, 2006, 1996, 2465, 1012, 2500, 2008, 3768,\n",
+ " 10543, 2089, 2031, 6937, 6695, 2005, 2017, 2000, 9510, 1006,\n",
+ " 2005, 2742, 1010, 2023, 13609, 1997, 4444, 9382, 2038, 2053,\n",
+ " 7774, 1010, 2021, 2017, 2024, 3039, 2000, 6149, 2115, 5852,\n",
+ " 2005, 1015, 1013, 1016, 4923, 2067, 1007, 1012, 3231, 1011,\n",
+ " 7968, 1010, 2022, 4810, 2000, 2079, 6022, 4788, 2084, 2017,\n",
+ " 2106, 1999, 26236, 1012, 1045, 2001, 1037, 3442, 1011, 1037,\n",
+ " 3076, 1999, 1037, 3811, 6975, 2327, 2270, 2152, 2082, 1012,\n",
+ " 2182, 1010, 1045, 1005, 1049, 2204, 2438, 2000, 2022, 4670,\n",
+ " 1005, 1055, 2862, 1011, 3968, 1999, 3330, 1012, 2017, 1005,\n",
+ " 2310, 2288, 2000, 2131, 2109, 2000, 2893, 1037, 3259, 2067,\n",
+ " 2008, 2038, 1037, 3694, 1999, 1996, 20341, 2030, 17549, 1010,\n",
+ " 2130, 2065, 2017, 2499, 1998, 3273, 2066, 4689, 1012, 2009,\n",
+ " 1005, 1055, 2139, 24128, 1010, 2021, 2017, 1005, 2310, 2074,\n",
+ " 2288, 2000, 2562, 1037, 3168, 1997, 2969, 1011, 7023, 1012,\n",
+ " 2411, 2335, 1010, 2017, 1005, 2222, 2131, 2115, 11360, 2067,\n",
+ " 1010, 102])\n",
+ "> I absolutely respect your right to hold political opinions, but that doesn't mean you are protected from being socially ostracized for those opinions. You have the right to be a white supremacist (an extreme example), but you probably deserve any social ostracism that comes from it. Note: I do NOT think you should be met with violence in that example. And I recognize that if I move to a conservative, religious city and live my best gay life, I'm not protected from any ostracism or judgment that comes from it. Hence my living in a liberal and accepting city.\n",
+ "\n",
+ "Honestly, the problem is that so much of the cultural institutions are dominated by the left. The wealthiest neighborhoods, the most prestigious Universities, the media, hollywood, are all dominated by liberals, so I, unlike you, don't have the luxury of simply moving, if I want to advance to high standing. Furthermore, it's the fact that I can be socially ostracized for being a member of one of the two major political parties, that highlights the problem. And the fact that this is a road that goes in only one direction!!!!! \n",
+ "\n",
+ "The white supremacist example was particularly awful, but lets go with it. A W.S., wouldn't associate with blacks, and the same is true in reverse. A W.S, wouldn't serve blacks at his restaurant, and the same is true in reverse. A liberal wouldn't engage with a conservative, and would seek to ostracize that conservative, the same isnt true vise versa. I can't find a single conservative that would denigrate a liberal in any way. Go to Hillsdale college and wear an \"I'm with her\" cap and you won't feel threatened. Go to Cornell and wear a #MAGA hat, and you'll probably get punched in the face... SEE THE PROBLEM!\n",
+ "\n",
+ "\n",
+ "The article you quoted in the hill is utterly ridiculous. It's merely stating that you can't be deemed a \"protected\" class under the 1964 CRA. That's true. That doesn't mean that LGBT Americans wont be protected from discrimination. Muslims werent part of the 1964 CRA, go try firing someone for being Muslim.\n",
+ "\n",
+ "Not going to address your idiotic point about hate crimes because its utterly idiotic. YES, MAZAL TOV, YOU HAVE PROVEN THAT BAD PEOPLE DO BAD THINGS! What does this have to do with anything? What does the fact that some really bad people did some really bad things prove? Jews are the #1 victims of hate crimes. You don't see me crying about how oppressed I am. Bad people do bad things, and no law will address that. No R will defend those awful people who do those awful things. Murders are illegal, people still commit them.Bad people do bad things. \n",
+ "\n",
+ "> This is literally about gay rights. Read what you just wrote - \"I want to preserve the current institution of marriage, and in doing so, I will deny you your right to marry.\" (the gist of preserving the institution of marriage). How is that not about gay rights?\n",
+ "\n",
+ "Because marriage has NOTHING to do with your sexuality. I'm straight. If they were to outlaw marriage for straight people, I'd still be 100% straight. If they were to fine people for being straight, that would be a different story. However, being gay, and being able to marry your partner, have nothing to do with each other. Justice Kennedy said as much in the masterpiece cakeshop case. If I was threatening your ability to copulate or engage with another man, that would be a different story. Throughout history, marriage was a religious institution. Preserving that institution as it was, not changing and redefining it, was seen as a worthy task by some members of my political persuasion (not saying they're right).Gay people still can't get married in a (traditional) church ceremony-- is that also a violation of their rights (its not.)?\n",
+ "\n",
+ "\n",
+ "> The fact that Shepard's murderer was a very angry and homophobic individual, and that they literally tied him to a fence and left him to die, suggests that he was motivated by bias against Shepard's identity. My point that I'm trying to \"prove\" is that walking while gay (or black/POC, or a woman, etc) is NOT an equitable experience to walking while MAGA at Cornell.\n",
+ "\n",
+ "NO!!! What are you saying. Read the article. The guy may have had some homophobic proclivities, but it was a botched robbery gone awry. And I granted you that, what if he was anti gay? What if he was a super homophobic jackass? What does that have to do with the Mike Pence's and Kim Davis' of the world?\n",
+ "\n",
+ "\n",
+ "> Anyway, we're pretty off topic from the original post. Just consider the inherent privilege bestowed upon you for being a straight white male, and that supporting an unfavorable political party is not equitable to the experience of living as a minority, day in and day out, who only recently gained the right to marry their partner, could still be fired for who I am, faces a higher threat of violence around the country and world, etc. And, as a white gay man in America, I have to remind myself to check my privilege as well. We have it so much better than gays worldwide, POC gays, the trans community, and more.\n",
+ "\n",
+ "\n",
+ "No, because freedom of expression should mean something. I would never ostracize someone for their beliefs. Your original point was that its ok to do just that.\n",
+ "tensor([ 101, 1004, 14181, 1025, 1045, 7078, 4847, 2115, 2157, 2000,\n",
+ " 2907, 2576, 10740, 1010, 2021, 2008, 2987, 1005, 1056, 2812,\n",
+ " 2017, 2024, 5123, 2013, 2108, 14286, 9808, 6494, 6895, 5422,\n",
+ " 2005, 2216, 10740, 1012, 2017, 2031, 1996, 2157, 2000, 2022,\n",
+ " 1037, 2317, 10514, 28139, 22911, 2923, 1006, 2019, 6034, 2742,\n",
+ " 1007, 1010, 2021, 2017, 2763, 10107, 2151, 2591, 9808, 6494,\n",
+ " 22987, 2213, 2008, 3310, 2013, 2009, 1012, 3602, 1024, 1045,\n",
+ " 2079, 2025, 2228, 2017, 2323, 2022, 2777, 2007, 4808, 1999,\n",
+ " 2008, 2742, 1012, 1998, 1045, 6807, 2008, 2065, 1045, 2693,\n",
+ " 2000, 1037, 4603, 1010, 3412, 2103, 1998, 2444, 2026, 2190,\n",
+ " 5637, 2166, 1010, 1045, 1005, 1049, 2025, 5123, 2013, 2151,\n",
+ " 9808, 6494, 22987, 2213, 2030, 8689, 2008, 3310, 2013, 2009,\n",
+ " 1012, 6516, 2026, 2542, 1999, 1037, 4314, 1998, 10564, 2103,\n",
+ " 1012, 9826, 1010, 1996, 3291, 2003, 2008, 2061, 2172, 1997,\n",
+ " 1996, 3451, 4896, 2024, 6817, 2011, 1996, 2187, 1012, 1996,\n",
+ " 27809, 11681, 1010, 1996, 2087, 8919, 5534, 1010, 1996, 2865,\n",
+ " 1010, 5365, 1010, 2024, 2035, 6817, 2011, 13350, 1010, 2061,\n",
+ " 1045, 1010, 4406, 2017, 1010, 2123, 1005, 1056, 2031, 1996,\n",
+ " 9542, 1997, 3432, 3048, 1010, 2065, 1045, 2215, 2000, 5083,\n",
+ " 2000, 2152, 3061, 1012, 7297, 1010, 2009, 1005, 1055, 1996,\n",
+ " 2755, 2008, 1045, 2064, 2022, 14286, 9808, 6494, 6895, 5422,\n",
+ " 2005, 2108, 1037, 2266, 1997, 2028, 1997, 1996, 2048, 2350,\n",
+ " 2576, 4243, 1010, 2008, 11637, 1996, 3291, 1012, 1998, 1996,\n",
+ " 2755, 2008, 2023, 2003, 1037, 2346, 2008, 3632, 1999, 2069,\n",
+ " 2028, 3257, 999, 999, 999, 999, 999, 1996, 2317, 10514,\n",
+ " 28139, 22911, 2923, 2742, 2001, 3391, 9643, 1010, 2021, 11082,\n",
+ " 2175, 2007, 2009, 1012, 1037, 1059, 1012, 1055, 1012, 1010,\n",
+ " 2876, 1005, 1056, 5482, 2007, 10823, 1010, 1998, 1996, 2168,\n",
+ " 2003, 2995, 1999, 7901, 1012, 1037, 1059, 1012, 1055, 1010,\n",
+ " 2876, 1005, 1056, 3710, 10823, 2012, 2010, 4825, 1010, 1998,\n",
+ " 1996, 2168, 2003, 2995, 1999, 7901, 1012, 1037, 4314, 2876,\n",
+ " 1005, 1056, 8526, 2007, 1037, 4603, 1010, 1998, 2052, 6148,\n",
+ " 2000, 9808, 6494, 6895, 4371, 2008, 4603, 1010, 1996, 2168,\n",
+ " 3475, 2102, 2995, 25292, 2063, 18601, 1012, 1045, 2064, 1005,\n",
+ " 1056, 2424, 1037, 2309, 4603, 2008, 2052, 7939, 8004, 11657,\n",
+ " 1037, 4314, 1999, 2151, 2126, 1012, 2175, 2000, 4564, 5634,\n",
+ " 2267, 1998, 4929, 2019, 1000, 1045, 1005, 1049, 2007, 2014,\n",
+ " 1000, 6178, 1998, 2017, 2180, 1005, 1056, 2514, 5561, 1012,\n",
+ " 2175, 2000, 10921, 1998, 4929, 1037, 1001, 23848, 2050, 6045,\n",
+ " 1010, 1998, 2017, 1005, 2222, 2763, 2131, 11696, 1999, 1996,\n",
+ " 2227, 1012, 1012, 1012, 2156, 1996, 3291, 999, 1996, 3720,\n",
+ " 2017, 9339, 1999, 1996, 2940, 2003, 12580, 9951, 1012, 2009,\n",
+ " 1005, 1055, 6414, 5517, 2008, 2017, 2064, 1005, 1056, 2022,\n",
+ " 8357, 1037, 1000, 5123, 1000, 2465, 2104, 1996, 3546, 13675,\n",
+ " 2050, 1012, 2008, 1005, 1055, 2995, 1012, 2008, 2987, 1005,\n",
+ " 1056, 2812, 2008, 12010, 4841, 2180, 2102, 2022, 5123, 2013,\n",
+ " 9147, 1012, 7486, 4694, 2102, 2112, 1997, 1996, 3546, 13675,\n",
+ " 2050, 1010, 2175, 3046, 7493, 2619, 2005, 2108, 5152, 1012,\n",
+ " 2025, 2183, 2000, 4769, 2115, 10041, 2594, 2391, 2055, 5223,\n",
+ " 6997, 2138, 2049, 12580, 10041, 2594, 1012, 2748, 1010, 5003,\n",
+ " 16739, 2000, 2615, 1010, 2017, 2031, 10003, 2008, 2919, 2111,\n",
+ " 2079, 102])\n",
+ "I went to Cornell and I'm at Princeton for grad school. I did CS. Having TAed for CS classes at both schools, I'm glad I chose Cornell for undergrad. The classes were just a lot better at Cornell, and there was a lot more variety. For example, there is not even a class on databases at Princeton, and the requirements to graduate are too lax, leading to people who are CS majors with lack of experience in certain classes unless they did outside projects. The same could be said about Cornell's curriculum at times, but at least Cornell _offers_ those classes. The one thing is that Princeton has very reasonably sized classes with only around 100-150 CS majors out of each class of 1250. For example, compilers this semester is 5-8 students. At Cornell, it was 60 students in the past and I hear well over 100 were enrolled this semester? Professors can get to personally know you at Princeton, which is nice (although quite possible at Cornell too, just requires more effort). Very few CS classes at Princeton fill up. Almost all of the CS classes at Cornell fill up instantly with waitlists. But I still had no trouble graduating with the classes I wanted, and most people are the same.\n",
+ "\n",
+ "Medians are about the same, and employment is mostly comparable as well as far as salary goes (see below for a discussion of companies). I wouldn't pick Princeton for the prestige if it's for CS. Honestly, think things through -- just because your degree name has one Ivy League name over another won't actually make a difference in the long run if you're not doing something on Wall Street (I worked at a bank on Wall Street one summer btw -- I could see that there was a palpable difference between HYP and Cornell there, a dichotomy which you wouldn't find at tech companies). Princeton undergrads also seem to work at different companies (Bridgewater, Two Sigma, Goldman, Bloomberg) for CS internships when compared to Cornell (I can't even count how many people I know who worked at Microsoft, Facebook, Amazon, Google). Obviously there are exceptions to both but overall Cornell seemed to give very strong employment prospects via relevant tech internships that I don't see at the same level with Princeton undergrads.\n",
+ "\n",
+ "If you ever change your mind about what kind of engineering you want to do, Cornell has options. Princeton's engineering school outside of CS is meh. It's very theoretical/rigorous, which is great for sending kids off to grad school (many of the undergrad EEs here go off to grad school, for example). ECE at Cornell, for example, is very well structured, very challenging, and has excellent employment opportunities without just forcing you to work as a SWE at a tech company (although some do that). When I came to Cornell, I wasn't sure if I wanted to do CS or ECE, and one of the reasons I chose Cornell over other schools was the diversity of options and the strong/rigorous curriculum no matter what I ended up choosing. Princeton is certainly prestigious, but I get the vibe that that is because of its equivalent of the Arts and Sciences school's majors (and obviously Woody Woo). I don't think that the other engineering majors at Princeton are very practical at all, which is unlike what Cornell offers (a mix of theory and practice). Project teams and practical clubs also abound at Cornell, and getting that same experience or even level of choice at Princeton is nigh impossible. Like I said -- easier to find your niche at Cornell because there is no notion of \"mainstream\" hanging around the air.\n",
+ "\n",
+ "The social culture is a lot more forgiving at Cornell, too, and you can find what you want a lot more easily with a bigger school. Princeton undergrad culture is just super toxic IMO... I've hung around undergrads here and the eating club culture/pressure to not go independent is real. It just feels very cult-like here, with the residential colleges (you live in the same one for all four years), Zee groups, eating clubs, etc. Everything is sort of centered around \"being part of a group\", which IMO limits a lot of individual freedom that college is supposed to be all about.\n",
+ "\n",
+ "On the other hand, I must tout Princeton for having an insane amount of safety nets in place for their undergrads. They really care to make sure undergrads succeed at Princeton, which means that your residential college dean will be involved in your academic life if things go south (mental health issues, a bad class, etc.). People at Cornell wouldn't really care if you got a C in a class, but at Princeton they stop and email the professors to make sure that you're doing OK. That level of individual concern is really only something that a smaller school could do. OTOH I feel like Cornell helped me experience failure without softening the blow for me, which is an improtant experience to have early on. Princeton gives a much cleaner transition from high school, but they hold your hand a lot (and sort of restrict your freedom). They're very old-school/traditional in a lot of ways, and often wouldn't be willing to change something in the name of tradition. Cornell is a lot more free in that way, which is why I preferred it.\n",
+ "\n",
+ "Mental health resources at Princeton are about the same as at Cornell, which surprised me, as Princeton should be able to do a lot better with the money they have. But it's not a priority for them I guess. About money -- Princeton definitely does a better job with financial aid via grants, so if that is a major concern then definitely I would choose the school that gives you better aid (comparing the schools on the finer points above doesn't make sense if one school is a clear victor in terms of financial choice). I mean going to Princeton won't hold you back, so if aid is the reason, then by all means go there. But if they are more or less comparable, then I would consider what I said above.\n",
+ "\n",
+ "Yeah anyway think things through and visit both schools! It's up to you, but because you asked here, I'm obviously going to tell you to pick the better school for what you want to do, which is unquestionably Cornell ;) YMMV.\n",
+ "tensor([ 101, 1045, 2253, 2000, 10921, 1998, 1045, 1005, 1049, 2012,\n",
+ " 9173, 2005, 24665, 4215, 2082, 1012, 1045, 2106, 20116, 1012,\n",
+ " 2383, 22297, 2094, 2005, 20116, 4280, 2012, 2119, 2816, 1010,\n",
+ " 1045, 1005, 1049, 5580, 1045, 4900, 10921, 2005, 2104, 16307,\n",
+ " 1012, 1996, 4280, 2020, 2074, 1037, 2843, 2488, 2012, 10921,\n",
+ " 1010, 1998, 2045, 2001, 1037, 2843, 2062, 3528, 1012, 2005,\n",
+ " 2742, 1010, 2045, 2003, 2025, 2130, 1037, 2465, 2006, 17881,\n",
+ " 2012, 9173, 1010, 1998, 1996, 5918, 2000, 4619, 2024, 2205,\n",
+ " 27327, 1010, 2877, 2000, 2111, 2040, 2024, 20116, 15279, 2007,\n",
+ " 3768, 1997, 3325, 1999, 3056, 4280, 4983, 2027, 2106, 2648,\n",
+ " 3934, 1012, 1996, 2168, 2071, 2022, 2056, 2055, 10921, 1005,\n",
+ " 1055, 8882, 2012, 2335, 1010, 2021, 2012, 2560, 10921, 1035,\n",
+ " 4107, 1035, 2216, 4280, 1012, 1996, 2028, 2518, 2003, 2008,\n",
+ " 9173, 2038, 2200, 16286, 7451, 4280, 2007, 2069, 2105, 2531,\n",
+ " 1011, 5018, 20116, 15279, 2041, 1997, 2169, 2465, 1997, 8732,\n",
+ " 2692, 1012, 2005, 2742, 1010, 21624, 2015, 2023, 13609, 2003,\n",
+ " 1019, 1011, 1022, 2493, 1012, 2012, 10921, 1010, 2009, 2001,\n",
+ " 3438, 2493, 1999, 1996, 2627, 1998, 1045, 2963, 2092, 2058,\n",
+ " 2531, 2020, 8302, 2023, 13609, 1029, 12655, 2064, 2131, 2000,\n",
+ " 7714, 2113, 2017, 2012, 9173, 1010, 2029, 2003, 3835, 1006,\n",
+ " 2348, 3243, 2825, 2012, 10921, 2205, 1010, 2074, 5942, 2062,\n",
+ " 3947, 1007, 1012, 2200, 2261, 20116, 4280, 2012, 9173, 6039,\n",
+ " 2039, 1012, 2471, 2035, 1997, 1996, 20116, 4280, 2012, 10921,\n",
+ " 6039, 2039, 6880, 2007, 3524, 27103, 1012, 2021, 1045, 2145,\n",
+ " 2018, 2053, 4390, 6800, 2007, 1996, 4280, 1045, 2359, 1010,\n",
+ " 1998, 2087, 2111, 2024, 1996, 2168, 1012, 3991, 2015, 2024,\n",
+ " 2055, 1996, 2168, 1010, 1998, 6107, 2003, 3262, 12435, 2004,\n",
+ " 2092, 2004, 2521, 2004, 10300, 3632, 1006, 2156, 2917, 2005,\n",
+ " 1037, 6594, 1997, 3316, 1007, 1012, 1045, 2876, 1005, 1056,\n",
+ " 4060, 9173, 2005, 1996, 14653, 2065, 2009, 1005, 1055, 2005,\n",
+ " 20116, 1012, 9826, 1010, 2228, 2477, 2083, 1011, 1011, 2074,\n",
+ " 2138, 2115, 3014, 2171, 2038, 2028, 7768, 2223, 2171, 2058,\n",
+ " 2178, 2180, 1005, 1056, 2941, 2191, 1037, 4489, 1999, 1996,\n",
+ " 2146, 2448, 2065, 2017, 1005, 2128, 2025, 2725, 2242, 2006,\n",
+ " 2813, 2395, 1006, 1045, 2499, 2012, 1037, 2924, 2006, 2813,\n",
+ " 2395, 2028, 2621, 18411, 2860, 1011, 1011, 1045, 2071, 2156,\n",
+ " 2008, 2045, 2001, 1037, 14412, 4502, 3468, 4489, 2090, 1044,\n",
+ " 22571, 1998, 10921, 2045, 1010, 1037, 4487, 9905, 20389, 2100,\n",
+ " 2029, 2017, 2876, 1005, 1056, 2424, 2012, 6627, 3316, 1007,\n",
+ " 1012, 9173, 2104, 16307, 2015, 2036, 4025, 2000, 2147, 2012,\n",
+ " 2367, 3316, 1006, 2958, 5880, 1010, 2048, 13201, 1010, 17765,\n",
+ " 1010, 22950, 1007, 2005, 20116, 22676, 2015, 2043, 4102, 2000,\n",
+ " 10921, 1006, 1045, 2064, 1005, 1056, 2130, 4175, 2129, 2116,\n",
+ " 2111, 1045, 2113, 2040, 2499, 2012, 7513, 1010, 9130, 1010,\n",
+ " 9733, 1010, 8224, 1007, 1012, 5525, 2045, 2024, 11790, 2000,\n",
+ " 2119, 2021, 3452, 10921, 2790, 2000, 2507, 2200, 2844, 6107,\n",
+ " 16746, 3081, 7882, 6627, 22676, 2015, 2008, 1045, 2123, 1005,\n",
+ " 1056, 2156, 2012, 1996, 2168, 2504, 2007, 9173, 2104, 16307,\n",
+ " 2015, 1012, 2065, 2017, 2412, 2689, 2115, 2568, 2055, 2054,\n",
+ " 2785, 1997, 3330, 2017, 2215, 2000, 2079, 1010, 10921, 2038,\n",
+ " 7047, 1012, 9173, 1005, 1055, 3330, 2082, 2648, 1997, 20116,\n",
+ " 2003, 102])\n",
+ "Definitely apply to Dyson instead. If they still allow you to do a first option and second option in your application, then perhaps do ILR as a second choice in case you're not admitted to Dyson.\n",
+ "\n",
+ "ILR is not a business program. If anything, it's anti-business.\n",
+ "\n",
+ "Many professors and faculty are self-proclaimed anticapitalists, anarchists, socialists, and communists. You will spend many classes ~~being indoctrinated~~ having discussions about the plight of labor vs ~~evil~~ management. The closest thing to \"business\" you will get from ILR is Human Resource Management. Human Resources is basically just management's department to deal with labor in order to prevent lawsuits. Basically, give the employees just enough so they don't unionize. They also handle other tasks like compensation, benefits, hiring and recruitment. ILR likes to play up the role of HR to save face, [but they're not exactly cutting edge business professionals.](http://cunooz.com/2013/09/26/ilr-undergraduate-dreams-of-becoming-hr-professional/) In most companies, HR is an isolated department that plays very little role in the core business operations.\n",
+ "\n",
+ "Everything else either prepares you for law school or prepares you to go work for a nonprofit like a union or for a social justice political campaign or something. If you're interested in finance and entrepreneurship, these careers couldn't be further from what you want. In ILR, you will take law classes and law-like classes. But they are all focused on labor law. If you're interested in doing any other type of law, the stuff you learn (besides for law 101 stuff and study habits) will hardly be applicable. It will give you soft-knowledge and preparation to do well in law school. But do you really need to spend 4 years to prepare for a 3 year degree? It's reading and writing. Yeah, the workload in law school can be demanding, but it's not rocket science.\n",
+ "\n",
+ "You can also enter law school from any major. You just need a high GPA and a high LSAT. That's it. Going to ILR just to go to law school is a waste of a bachelor's degree in my honest opinion. But still, the majority of ILR'ies end up at law school sooner or later. Maybe they do a few years in HR first, but eventually, many of them will realize how shitty HR is and go to law school to escape the field.\n",
+ "\n",
+ "When they formed the college of business, they did not include ILR. I think that speaks for itself personally.\n",
+ "\n",
+ "Still, despite the fact that ILR is nowhere close to a business degree, would-be business enthusiasts keep applying and enrolling. Here's where I believe the misunderstanding comes from : \n",
+ "\n",
+ "1. ILR admissions stretching the truth of what their program actually is to prospective applicants by trying to convince them that it's some magical interdisciplinary program that will prepare you for both business and law. To their credit, it's a solid (even if manipulative and dishonest) strategy since high school students are used to having a multidisciplinary education without specialization. In high school, you take classes in a full range of topics (math, science, English, history, language, and electives like psychology, economics, etc. etc.) When it comes time for college though, you need to start specializing. Sure, you can take general education courses to fulfill those requirements for 1-2 years, but it's really in your best interest to pick a path sooner than later. It makes sense why prospective students would be allured by a course of study that allows them to have it all without having to narrow their focus.\n",
+ " 1. The problem is that it's not \"magical.\" In your 4 years, you're expected to develop knowledge and skills within your discipline so you can apply what you learned in the workplace. ILR though, like other non-specialized liberal arts programs, do not set you up for that. You will graduate with soft-skill knowledge about topics most people don't care about and hardly any skills. Hence, law school or graduate school are often times your only option.\n",
+ "\n",
+ "1. Alumni and current students talking about how many ILR students go to actual business/finance careers.\n",
+ " 1. Is this true? Yes. But what they don't tell you is that these students supplemented their ILR curriculum with as many finance and business classes as they could get into (as well as business/finance extracurricular). If they only did ILR, they would not have a chance in hell. So it wasn't that ILR allowed them to do business, it's that ILR didn't get in their way so much that they couldn't do business/finance on the side. Indeed, the ILR curriculum, though as toxic as it may be for a would-be business professional, is not tremendously rigorous in terms of number of required courses. You can even replace some of your higher level ILR requirements with some approved business courses. So basically, you bullshit your way through your ILR courses, pretend to share the same anticapitalist and antimanagement sentiment as your professors, and put your honest effort into the business courses you're taking on the side. This is a very common strategy among ILR students. Even if it's possible, why even have to put up with ILR in the first place if you can just take the business courses without the ILR crap? Instead, if you applied to Dyson, the business classes would be your main focus - you can concentrate in multiple business concentrations like finance AND entrepreneurship, or even take other useful non-business courses such as courses that focus on programming, data science, math, and statistics (stuff that are basically required for new finance recruits these days anyway).\n",
+ "tensor([ 101, 5791, 6611, 2000, 1040, 25385, 2612, 1012, 2065, 2027,\n",
+ " 2145, 3499, 2017, 2000, 2079, 1037, 2034, 5724, 1998, 2117,\n",
+ " 5724, 1999, 2115, 4646, 1010, 2059, 3383, 2079, 6335, 2099,\n",
+ " 2004, 1037, 2117, 3601, 1999, 2553, 2017, 1005, 2128, 2025,\n",
+ " 4914, 2000, 1040, 25385, 1012, 6335, 2099, 2003, 2025, 1037,\n",
+ " 2449, 2565, 1012, 2065, 2505, 1010, 2009, 1005, 1055, 3424,\n",
+ " 1011, 2449, 1012, 2116, 12655, 1998, 4513, 2024, 2969, 1011,\n",
+ " 10116, 3424, 17695, 18400, 5130, 1010, 18448, 2015, 1010, 21633,\n",
+ " 1010, 1998, 13009, 1012, 2017, 2097, 5247, 2116, 4280, 1066,\n",
+ " 1066, 2108, 11424, 6593, 11796, 3064, 1066, 1066, 2383, 10287,\n",
+ " 2055, 1996, 24525, 1997, 4450, 5443, 1066, 1066, 4763, 1066,\n",
+ " 1066, 2968, 1012, 1996, 7541, 2518, 2000, 1000, 2449, 1000,\n",
+ " 2017, 2097, 2131, 2013, 6335, 2099, 2003, 2529, 7692, 2968,\n",
+ " 1012, 2529, 4219, 2003, 10468, 2074, 2968, 1005, 1055, 2533,\n",
+ " 2000, 3066, 2007, 4450, 1999, 2344, 2000, 4652, 20543, 1012,\n",
+ " 10468, 1010, 2507, 1996, 5126, 2074, 2438, 2061, 2027, 2123,\n",
+ " 1005, 1056, 2586, 4697, 1012, 2027, 2036, 5047, 2060, 8518,\n",
+ " 2066, 9430, 1010, 6666, 1010, 14763, 1998, 15680, 1012, 6335,\n",
+ " 2099, 7777, 2000, 2377, 2039, 1996, 2535, 1997, 17850, 2000,\n",
+ " 3828, 2227, 1010, 1031, 2021, 2027, 1005, 2128, 2025, 3599,\n",
+ " 6276, 3341, 2449, 8390, 1012, 1033, 1006, 8299, 1024, 1013,\n",
+ " 1013, 12731, 3630, 18153, 1012, 4012, 1013, 2286, 1013, 5641,\n",
+ " 1013, 2656, 1013, 6335, 2099, 1011, 8324, 1011, 5544, 1011,\n",
+ " 1997, 1011, 3352, 1011, 17850, 1011, 2658, 1013, 1007, 1999,\n",
+ " 2087, 3316, 1010, 17850, 2003, 2019, 7275, 2533, 2008, 3248,\n",
+ " 2200, 2210, 2535, 1999, 1996, 4563, 2449, 3136, 1012, 2673,\n",
+ " 2842, 2593, 20776, 2017, 2005, 2375, 2082, 2030, 20776, 2017,\n",
+ " 2000, 2175, 2147, 2005, 1037, 14495, 2066, 1037, 2586, 2030,\n",
+ " 2005, 1037, 2591, 3425, 2576, 3049, 2030, 2242, 1012, 2065,\n",
+ " 2017, 1005, 2128, 4699, 1999, 5446, 1998, 20213, 1010, 2122,\n",
+ " 10922, 2481, 1005, 1056, 2022, 2582, 2013, 2054, 2017, 2215,\n",
+ " 1012, 1999, 6335, 2099, 1010, 2017, 2097, 2202, 2375, 4280,\n",
+ " 1998, 2375, 1011, 2066, 4280, 1012, 2021, 2027, 2024, 2035,\n",
+ " 4208, 2006, 4450, 2375, 1012, 2065, 2017, 1005, 2128, 4699,\n",
+ " 1999, 2725, 2151, 2060, 2828, 1997, 2375, 1010, 1996, 4933,\n",
+ " 2017, 4553, 1006, 4661, 2005, 2375, 7886, 4933, 1998, 2817,\n",
+ " 14243, 1007, 2097, 6684, 2022, 12711, 1012, 2009, 2097, 2507,\n",
+ " 2017, 3730, 1011, 3716, 1998, 7547, 2000, 2079, 2092, 1999,\n",
+ " 2375, 2082, 1012, 2021, 2079, 2017, 2428, 2342, 2000, 5247,\n",
+ " 1018, 2086, 2000, 7374, 2005, 1037, 1017, 2095, 3014, 1029,\n",
+ " 2009, 1005, 1055, 3752, 1998, 3015, 1012, 3398, 1010, 1996,\n",
+ " 2147, 11066, 1999, 2375, 2082, 2064, 2022, 9694, 1010, 2021,\n",
+ " 2009, 1005, 1055, 2025, 7596, 2671, 1012, 2017, 2064, 2036,\n",
+ " 4607, 2375, 2082, 2013, 2151, 2350, 1012, 2017, 2074, 2342,\n",
+ " 1037, 2152, 14246, 2050, 1998, 1037, 2152, 1048, 16846, 1012,\n",
+ " 2008, 1005, 1055, 2009, 1012, 2183, 2000, 6335, 2099, 2074,\n",
+ " 2000, 2175, 2000, 2375, 2082, 2003, 1037, 5949, 1997, 1037,\n",
+ " 5065, 1005, 1055, 3014, 1999, 2026, 7481, 5448, 1012, 2021,\n",
+ " 2145, 1010, 1996, 3484, 1997, 6335, 2099, 1005, 29464, 2015,\n",
+ " 2203, 2039, 2012, 2375, 2082, 10076, 2030, 2101, 1012, 2672,\n",
+ " 2027, 2079, 1037, 2261, 2086, 1999, 17850, 2034, 1010, 2021,\n",
+ " 2776, 102])\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "
\n",
+ " \n",
+ "
\n",
+ " [ 4/25 00:02 < 00:24, 0.85 it/s, Epoch 0.60/5]\n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " Step | \n",
+ " Training Loss | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ "
"
+ ],
+ "text/plain": [
+ ""
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "From what I gather in your post is that you're looking for specific instances in which students were physically attacked. Something tantamount to hate crime status right? You're looking to put some physical example to describe an overall climate. I recommend that you look the effects micro aggression to get a better understanding of not only why this is a form of the term \"violence\" and how it can have affects on people's lives. For example, there's a study where one group of students of color and women were reminded that historically they under perform in math and the other wasn't told anything. Once each group was given a math exam, the group that was reminded under performed. This is just one example of how different types of microagressions do matter. \n",
+ "\n",
+ "I'll give you three examples at the bottom of the post from personal experience but first - if you read nothing else, I really just ask you to consider coming at this with an open mind. Right now you're calling your classmates \"cry babies\" and \"children.\" These young men and women are in the same place that you are - an elite institutions. I would hardly classify anyone like that a child. Further, because of what I think is your current mind set, then the examples won't mean anything to you and then everyone's back at square one. And frankly, it's the weekend I don't need to have huge discussions on race tonight,(there's Netflix to enjoy haha.)\n",
+ "\n",
+ "I think it's also important to consider how you're defining \"truth.\" In a situation in which we're talking about racial bias, truth does depend on the person and the situation. How one person perceives the situation is different than how someone else does. That's why, for example, intent is often less important that how a message is received. And this reality is really frustrating and easy to blow off. How is it that something that's causing so much turmoil and causing a literal list of demands still be really difficult to put your finger on?\n",
+ " \n",
+ "You've also mentioned that this is by far the most diverse place that you've ever been to. Given that Cornell is primarily white and has small percentage of people of color, perhaps you may consider that your personal experiences might being be affecting your judgement of the situation as well. If you think Cornell is \"diverse\" then (to flip the script on a sentence in your post) you still have a few things to learn about the real world. \n",
+ "\n",
+ "I'll end this response by just saying that there are definitely, definitely people who \"take things too far.\" In the sense that *everything* becomes a race issue, or a class issue, or a sexuality issue. That absolutely happens. But that doesn't take away from the fact that for every person like that, there's are plenty others who don't over exaggerate and has legitimate claim. Further, yea...sometimes people need to just suck it up. I did. I didn't complain about every single micro aggression or become offended when someone asked me when I learned english (I'm born and raised in NYC). But that's not my struggle - I had bigger fish to fry. These kids...this is their struggle. With every generation new needs and demands are formed and that's okay - it's all about understanding everyone's POV.\n",
+ "\n",
+ "Examples: \n",
+ "\n",
+ "1. I constantly had to fight my advisor to let me take more than 15 credits a semester because she assumed that I was a HEOP student (which I wasn't). In fact, at one point she forcibly dropped a course and I had to talk to several people to let me back in. I was never below a 3.3 GPA and was trying to do two minors and a major - I need to make sure that I had all the courses I could - but because all she saw was a person of color she assumed I couldn't do it. This event took up time in my schedule and is just an example of how it was just assumed that I couldn't do something specifically because she thought I was a HEOP student.\n",
+ "\n",
+ "2. One of the clubs that I joined had an auction as a fundraiser where members auctioned off specific skills that they would teach the winning bidder. One black classmate was auctioning an item and another classmate made a really tasteless joke about slavery. The room got really quiet and the subject was quickly changed. This is an example of how this black student was called out as an other, and reminded of slavery - which obviously isn't what you expect when you're just trying to hang and be like everyone else. Another reminder that maybe you just don't belong.\n",
+ "\n",
+ "3. There wasn't a director for Haven (the LGBT center) for ages. It was entirely student run - despite there being a handful of clubs and a really legitimate need for a staff employee to provide a voice and credibility to the group. There were students who essentially were there to keep the doors open for anyone who needed a \"safe space\" (I know this isn't your favorite word, but it's the word that fits). After years of demanding, Cornell finally appointed someone part time. This allowed students to actually become not the directors, but the users of services, this allowed for incredible growth in the clubs and activities, and this allowed for a validation from the students that Cornell actually saw them as a legit organization.\n",
+ "tensor([ 101, 2013, 2054, 1045, 8587, 1999, 2115, 2695, 2003, 2008,\n",
+ " 2017, 1005, 2128, 2559, 2005, 3563, 12107, 1999, 2029, 2493,\n",
+ " 2020, 8186, 4457, 1012, 2242, 9092, 15464, 21723, 2000, 5223,\n",
+ " 4126, 3570, 2157, 1029, 2017, 1005, 2128, 2559, 2000, 2404,\n",
+ " 2070, 3558, 2742, 2000, 6235, 2019, 3452, 4785, 1012, 1045,\n",
+ " 16755, 2008, 2017, 2298, 1996, 3896, 12702, 14974, 2000, 2131,\n",
+ " 1037, 2488, 4824, 1997, 2025, 2069, 2339, 2023, 2003, 1037,\n",
+ " 2433, 1997, 1996, 2744, 1000, 4808, 1000, 1998, 2129, 2009,\n",
+ " 2064, 2031, 13531, 2006, 2111, 1005, 1055, 3268, 1012, 2005,\n",
+ " 2742, 1010, 2045, 1005, 1055, 1037, 2817, 2073, 2028, 2177,\n",
+ " 1997, 2493, 1997, 3609, 1998, 2308, 2020, 6966, 2008, 7145,\n",
+ " 2027, 2104, 4685, 1999, 8785, 1998, 1996, 2060, 2347, 1005,\n",
+ " 1056, 2409, 2505, 1012, 2320, 2169, 2177, 2001, 2445, 1037,\n",
+ " 8785, 11360, 1010, 1996, 2177, 2008, 2001, 6966, 2104, 2864,\n",
+ " 1012, 2023, 2003, 2074, 2028, 2742, 1997, 2129, 2367, 4127,\n",
+ " 1997, 12702, 8490, 8303, 8496, 2079, 3043, 1012, 1045, 1005,\n",
+ " 2222, 2507, 2017, 2093, 4973, 2012, 1996, 3953, 1997, 1996,\n",
+ " 2695, 2013, 3167, 3325, 2021, 2034, 1011, 2065, 2017, 3191,\n",
+ " 2498, 2842, 1010, 1045, 2428, 2074, 3198, 2017, 2000, 5136,\n",
+ " 2746, 2012, 2023, 2007, 2019, 2330, 2568, 1012, 2157, 2085,\n",
+ " 2017, 1005, 2128, 4214, 2115, 19846, 1000, 5390, 10834, 1000,\n",
+ " 1998, 1000, 2336, 1012, 1000, 2122, 2402, 2273, 1998, 2308,\n",
+ " 2024, 1999, 1996, 2168, 2173, 2008, 2017, 2024, 1011, 2019,\n",
+ " 7069, 4896, 1012, 1045, 2052, 6684, 26268, 3087, 2066, 2008,\n",
+ " 1037, 2775, 1012, 2582, 1010, 2138, 1997, 2054, 1045, 2228,\n",
+ " 2003, 2115, 2783, 2568, 2275, 1010, 2059, 1996, 4973, 2180,\n",
+ " 1005, 1056, 2812, 2505, 2000, 2017, 1998, 2059, 3071, 1005,\n",
+ " 1055, 2067, 2012, 2675, 2028, 1012, 1998, 19597, 1010, 2009,\n",
+ " 1005, 1055, 1996, 5353, 1045, 2123, 1005, 1056, 2342, 2000,\n",
+ " 2031, 4121, 10287, 2006, 2679, 3892, 1010, 1006, 2045, 1005,\n",
+ " 1055, 20907, 2000, 5959, 5292, 3270, 1012, 1007, 1045, 2228,\n",
+ " 2009, 1005, 1055, 2036, 2590, 2000, 5136, 2129, 2017, 1005,\n",
+ " 2128, 12854, 1000, 3606, 1012, 1000, 1999, 1037, 3663, 1999,\n",
+ " 2029, 2057, 1005, 2128, 3331, 2055, 5762, 13827, 1010, 3606,\n",
+ " 2515, 12530, 2006, 1996, 2711, 1998, 1996, 3663, 1012, 2129,\n",
+ " 2028, 2711, 23084, 2015, 1996, 3663, 2003, 2367, 2084, 2129,\n",
+ " 2619, 2842, 2515, 1012, 2008, 1005, 1055, 2339, 1010, 2005,\n",
+ " 2742, 1010, 7848, 2003, 2411, 2625, 2590, 2008, 2129, 1037,\n",
+ " 4471, 2003, 2363, 1012, 1998, 2023, 4507, 2003, 2428, 25198,\n",
+ " 1998, 3733, 2000, 6271, 2125, 1012, 2129, 2003, 2009, 2008,\n",
+ " 2242, 2008, 1005, 1055, 4786, 2061, 2172, 17930, 1998, 4786,\n",
+ " 1037, 18204, 2862, 1997, 7670, 2145, 2022, 2428, 3697, 2000,\n",
+ " 2404, 2115, 4344, 2006, 1029, 2017, 1005, 2310, 2036, 3855,\n",
+ " 2008, 2023, 2003, 2011, 2521, 1996, 2087, 7578, 2173, 2008,\n",
+ " 2017, 1005, 2310, 2412, 2042, 2000, 1012, 2445, 2008, 10921,\n",
+ " 2003, 3952, 2317, 1998, 2038, 2235, 7017, 1997, 2111, 1997,\n",
+ " 3609, 1010, 3383, 2017, 2089, 5136, 2008, 2115, 3167, 6322,\n",
+ " 2453, 2108, 2022, 12473, 2115, 16646, 1997, 1996, 3663, 2004,\n",
+ " 2092, 1012, 2065, 2017, 2228, 10921, 2003, 1000, 7578, 1000,\n",
+ " 2059, 1006, 2000, 11238, 1996, 5896, 2006, 1037, 6251, 1999,\n",
+ " 2115, 2695, 1007, 2017, 2145, 2031, 1037, 2261, 2477, 2000,\n",
+ " 4553, 102])\n",
+ "Woo! Early acceptance! I got my letter around this time in December back in 05, and let me tell you, the rest of my senior year, NOT A SINGLE FUCK GIVEN.\n",
+ "\n",
+ "But really, congratulations. I'd advise spending some time researching the campus, the town, and the school itself, but to save you some time, here's 10 things I wish I had known before I went to Cornell:\n",
+ "\n",
+ "Dorms. You'll receive papers soon that allow you to specify roommate and dorm preferences. According to your personality, you'll want to find a good fit. Here's how they go:\n",
+ "\n",
+ "* Mews, Court/Kay/Bauer - the newest and nicest dorms. Not very social, but beautiful rooms.\n",
+ "\n",
+ "* Donlon - by far the most social, but an older building. Rooms are still acceptable. Design funnels everyone into a central lounge, and there's 90 people per floor. There's floor v. floor athletic tournaments throughout the year, plus it has the best quiet study space in any dorm. Always a good time, plus right next to Bear Necessities (Nasty's) and RPU dining hall. (If you can't tell, I lived in Donlon and fucking loved it.)\n",
+ "\n",
+ "* Highrises - still social, but smaller floors. Relatively crappy rooms. Advantage, also close to RPU/Nasty's.\n",
+ "\n",
+ "* JAM (Low-rise 9) - the music house. Only live here if you're a band geek. If you are, it's paradise, if not, you probably won't like it.\n",
+ "\n",
+ "* Risley - A.K.A. the Freak Show. Home of the art/theater majors.\n",
+ "\n",
+ "* Eco-house - Much as it's name suggests, it houses a lot of the more environmentally-inclined students. Also, it's an overflow dorm, so it can end up with a very weird, not-so-cohesive mix.\n",
+ "\n",
+ "* Akwekon, Ujamaa, Latino Living Center - Cornell's wonderful racially segregated houses.\n",
+ "\n",
+ "* Balch - I'm assuming you're a guy. In that case, you can't live in Balch, but if you want a full Cornell experience, you haven't lived unless you've snuck out of a girl's room in Balch trying to be all ninja-ish to avoid RA's and staff (it's an all-girls dorm, men need escorts to walk around.)\n",
+ "\n",
+ "* Clara Dickson - Also pretty social, but not really designed well. Doesn't have good central meeting places. Does have a beach volleyball court.\n",
+ "\n",
+ "* Townhouses - If you're prepared to essentially live in an apartment, do this. They have kitchens, and decent common areas. You generally won't need to hit up the dining halls if you live here.\n",
+ "\n",
+ "Food. RPU will be your best friend. Appel is also good, but not as good. Bear Nasty's is your best source of late-night food. On central campus, Okenshield's has the nickname Oken-shits, but it's not that bad, and they accept meal plans. The Ivy Room in Willard Straight is cash/Big Red Bucks, but it's by far the best food on central campus. There's also Trillium, if you're an engineer, and Mac's, under the Statler, if you're a hotelie.\n",
+ "\n",
+ "Parties. You'll be fratting your freshman year. It's the best way to meet people, to decide if you want to rush, and frankly, the best way to get fucked up. Cornell is a dry campus, so you're not allowed to have any alcohol in the dorms. Considering that any semblance of a dorm party will get shut down immediately, it's just not worth the hassle of getting in trouble. Just walk down to University Ave (AKA frat row) and do your drinking there. Also, The Hot Truck on west Campus and Louie's Lunch on North are the two greatest food trucks you will ever experience. Take advantage of them.\n",
+ "\n",
+ "Girls. I may be a bit biased given that my current girlfriend went there, but gentlemen, Ithaca College is the place to be. The girls are simply more attractive, bigger partiers, and way less concerned about making it to class the next day. If you can trek over to the other hill, go have fun. In addition, half the girls at any frat party are probably IC girls.\n",
+ "\n",
+ "Academics - fuck this. I'll tell you the only thing, as an Arts student, that you need to know. You can take one class per semester pass/fail. Use this to get rid of every stupid breadth requirement you don't want to take. In A&S, you have to take a foreign language, a science, a math, etc. Take them pass/fail so you can devote more time to your major GPA.\n",
+ "\n",
+ "The town. Explore Ithaca. A lot. It's a great city, and there are lots of fun people.\n",
+ "\n",
+ "Weed. Approximately 50% of the people in Ithaca smoke weed, no joke. If you're an ent, this'll be paradise. If not, you've gotta at least try it.\n",
+ "\n",
+ "Your Advisor. Cornell will assign you an advisor when you get there. As soon as possible, I would advise finding a professor you like in your interested field of study, and asking them to be your advisor. They'll be infinitely more helpful than your randomly-assigned advisor, and will most likely develop into a solid recommendation letter.\n",
+ "\n",
+ "Libraries - You'll discover different nooks and crannies depending on your study style, but there are a couple places you have to check out:\n",
+ "\n",
+ "* Olin - The carrels. Each floor has carrels lining the entire outside walls of the building. They're all technically reserved for grad students, but you can always find a free one. The basement - best place in the summer, it's cool and has outlets everywhere. You'll find that you want your computer charged at all times before going to the libraries, as outlets are not exactly a priority in a lot of the old buildings.\n",
+ "\n",
+ "* Uris - The fishbowl (a.k.a. the Cocktail Lounge.) Built into the Slope, this huge study room was my personal favorite. Comfy chairs, quiet, cool, and lots of outlets.\n",
+ "\n",
+ "* Mann/Johnson/whatever - The other libraries outside of the main quads and Ho Plaza are usually less populated. If that's more your style, you can find some good places.\n",
+ "\n",
+ "Athletics - Cornell hockey is amazing. Basketball was great while I was there, not so much anymore. However, no matter what, at least once, you have to go to a Cornell-Harvard hockey game. Best sports environment in the Ivy League. Also, I'm not sure if you can still do this, but you used to be able to get a big red sports pass for free that either let you into damn near every athletic event for free, or at least massively reduced ticket prices. I think I only ever paid a couple bucks a game for basketball, maybe a couple for football, and then hockey was the biggie.\n",
+ "tensor([ 101, 15854, 999, 2220, 9920, 999, 1045, 2288, 2026, 3661,\n",
+ " 2105, 2023, 2051, 1999, 2285, 2067, 1999, 5709, 1010, 1998,\n",
+ " 2292, 2033, 2425, 2017, 1010, 1996, 2717, 1997, 2026, 3026,\n",
+ " 2095, 1010, 2025, 1037, 2309, 6616, 2445, 1012, 2021, 2428,\n",
+ " 1010, 23156, 1012, 1045, 1005, 1040, 18012, 5938, 2070, 2051,\n",
+ " 20059, 1996, 3721, 1010, 1996, 2237, 1010, 1998, 1996, 2082,\n",
+ " 2993, 1010, 2021, 2000, 3828, 2017, 2070, 2051, 1010, 2182,\n",
+ " 1005, 1055, 2184, 2477, 1045, 4299, 1045, 2018, 2124, 2077,\n",
+ " 1045, 2253, 2000, 10921, 1024, 19568, 2015, 1012, 2017, 1005,\n",
+ " 2222, 4374, 4981, 2574, 2008, 3499, 2017, 2000, 20648, 18328,\n",
+ " 1998, 19568, 18394, 1012, 2429, 2000, 2115, 6180, 1010, 2017,\n",
+ " 1005, 2222, 2215, 2000, 2424, 1037, 2204, 4906, 1012, 2182,\n",
+ " 1005, 1055, 2129, 2027, 2175, 1024, 1008, 2033, 9333, 1010,\n",
+ " 2457, 1013, 10905, 1013, 17838, 1011, 1996, 14751, 1998, 3835,\n",
+ " 3367, 19568, 2015, 1012, 2025, 2200, 2591, 1010, 2021, 3376,\n",
+ " 4734, 1012, 1008, 2123, 7811, 1011, 2011, 2521, 1996, 2087,\n",
+ " 2591, 1010, 2021, 2019, 3080, 2311, 1012, 4734, 2024, 2145,\n",
+ " 11701, 1012, 2640, 25102, 2015, 3071, 2046, 1037, 2430, 11549,\n",
+ " 1010, 1998, 2045, 1005, 1055, 3938, 2111, 2566, 2723, 1012,\n",
+ " 2045, 1005, 1055, 2723, 1058, 1012, 2723, 5188, 8504, 2802,\n",
+ " 1996, 2095, 1010, 4606, 2009, 2038, 1996, 2190, 4251, 2817,\n",
+ " 2686, 1999, 2151, 19568, 1012, 2467, 1037, 2204, 2051, 1010,\n",
+ " 4606, 2157, 2279, 2000, 4562, 26785, 7971, 6447, 1006, 11808,\n",
+ " 1005, 1055, 1007, 1998, 1054, 14289, 7759, 2534, 1012, 1006,\n",
+ " 2065, 2017, 2064, 1005, 1056, 2425, 1010, 1045, 2973, 1999,\n",
+ " 2123, 7811, 1998, 8239, 3866, 2009, 1012, 1007, 1008, 2152,\n",
+ " 29346, 2015, 1011, 2145, 2591, 1010, 2021, 3760, 8158, 1012,\n",
+ " 4659, 10231, 7685, 4734, 1012, 5056, 1010, 2036, 2485, 2000,\n",
+ " 1054, 14289, 1013, 11808, 1005, 1055, 1012, 1008, 9389, 1006,\n",
+ " 2659, 1011, 4125, 1023, 1007, 1011, 1996, 2189, 2160, 1012,\n",
+ " 2069, 2444, 2182, 2065, 2017, 1005, 2128, 1037, 2316, 29294,\n",
+ " 1012, 2065, 2017, 2024, 1010, 2009, 1005, 1055, 9097, 1010,\n",
+ " 2065, 2025, 1010, 2017, 2763, 2180, 1005, 1056, 2066, 2009,\n",
+ " 1012, 1008, 15544, 8002, 1011, 1037, 1012, 1047, 1012, 1037,\n",
+ " 1012, 1996, 11576, 2265, 1012, 2188, 1997, 1996, 2396, 1013,\n",
+ " 4258, 15279, 1012, 1008, 17338, 1011, 2160, 1011, 2172, 2004,\n",
+ " 2009, 1005, 1055, 2171, 6083, 1010, 2009, 3506, 1037, 2843,\n",
+ " 1997, 1996, 2062, 25262, 1011, 13050, 2493, 1012, 2036, 1010,\n",
+ " 2009, 1005, 1055, 2019, 2058, 12314, 19568, 1010, 2061, 2009,\n",
+ " 2064, 2203, 2039, 2007, 1037, 2200, 6881, 1010, 2025, 1011,\n",
+ " 2061, 1011, 2522, 21579, 4666, 1012, 1008, 17712, 8545, 19648,\n",
+ " 1010, 1057, 3900, 2863, 2050, 1010, 7402, 2542, 2415, 1011,\n",
+ " 10921, 1005, 1055, 6919, 5762, 2135, 24382, 3506, 1012, 1008,\n",
+ " 28352, 2818, 1011, 1045, 1005, 1049, 10262, 2017, 1005, 2128,\n",
+ " 1037, 3124, 1012, 1999, 2008, 2553, 1010, 2017, 2064, 1005,\n",
+ " 1056, 2444, 1999, 28352, 2818, 1010, 2021, 2065, 2017, 2215,\n",
+ " 1037, 2440, 10921, 3325, 1010, 2017, 4033, 1005, 1056, 2973,\n",
+ " 4983, 2017, 1005, 2310, 24492, 2041, 1997, 1037, 2611, 1005,\n",
+ " 1055, 2282, 1999, 28352, 2818, 2667, 2000, 2022, 2035, 14104,\n",
+ " 1011, 2003, 2232, 2000, 4468, 10958, 1005, 1055, 1998, 3095,\n",
+ " 1006, 2009, 1005, 1055, 2019, 2035, 1011, 3057, 19568, 1010,\n",
+ " 2273, 102])\n",
+ "BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL. BILL NYE THE PARTY GUY. \n",
+ "tensor([ 101, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 102])\n",
+ "So I had some extra time because July 4 and all, and I thought I’d do something personally interesting. I’m not that open for being identified, but I’m a recent engineering grad (past 5 years). I know freshmen (incoming and first/second semester students) tend to worry a lot about grades. I saw the median grade spreadsheet that includes data from different classes, and thought it would be interesting to see what my own experience summarized would look like \\[[imgur album](https://imgur.com/a/Tgk4mkN), individual pics linked below too\\].\n",
+ "\n",
+ "First, I made a [distribution of median grades of classes I took by semester](https://i.imgur.com/svQ3yzb.png). These aren’t weighted by number of credits, just number of classes. The numbers in the boxes correspond to the level of the course. This isn’t all inclusive because 5000 and 6000 level courses don’t post median grades. This also doesn’t include classes taken S/U. The major category includes classes required specifically for the major (affiliation requirements and any class under the department). The non-major STEM category includes the engineering core curriculum (math, chem, physics, etc.) and other classes taken in a science or engineering department that weren’t my major. Non-STEM is everything not included in the previous categories (FWS’s, liberal studies, etc.). I came in with some AP/IB credit, so I placed out of a couple engineering core classes, otherwise there might have been a B- or C+ median, but I don’t think that’s too significant.\n",
+ "\n",
+ "Observations about this first chart include a few main ones. All of the non-STEM classes I took had a median grade of at least an A-. This is likely heavily skewed by electing to take easier liberal studies classes, but not all of them are necessarily known as easy A’s. In contrast, none of the classes in my major (that I took) have a median grade of A. The only ones with a median of A- were taken during my senior year. 3000 level classes also don’t mean higher median grades. Most of the 3000 level classes I took were within my major and none were liberal studies, so that could also explain it, but only one 3000 level class I took (which had a reputation of being an easy A) had a median above a B+.\n",
+ "\n",
+ "The next thing I looked at was inspired by the [median grade spreadsheet](https://www.reddit.com/r/Cornell/comments/8o539b/median_grade_spreadsheet/). I looked at the some [statistics of the median grades](https://i.imgur.com/z7Kl7Vx.png), which isn’t great given the limited sample size, but that’s all I have at my disposal. I looked at the average median grade point, the weighted average (by credit) median grade point, and the median median grade point (didn’t do a weighted by credit). The results were unsurprising (at least to me). Classes taken for my major had the lowest average and weight average median grade points. Non-STEM classes had a significantly higher median grade point, but again, these are highly elective classes. The STEM classes outside my major were higher than inside my major, but that could be skewed by that one easy A course. The median for both major and non-major STEM courses was a B+, as was the overall median median grade point for all of the classes I took.\n",
+ "\n",
+ "Then I looked at these [statistics by semester](https://i.imgur.com/T7GxEOp.png), which is even more flawed due to the even smaller sample size of each group, but oh well, I thought it would be interesting. This time, there is no differentiation between class type, only by semester. I don’t think you could say there is a significant increase in median grades in my case until senior year. The red sparkline is a general trend (not actual values) in my overall GPA. Interestingly enough, it does follow the general increase and decrease with median grades, but to a smaller extent in later semesters, suggesting your GPA can’t change too much in your senior year due to the large number of existing credits, despite higher median grades. This observation is also not great, because it doesn’t account for the 5000 and 6000 level classes that I took in my junior and senior years, as they don’t have published median grades.\n",
+ "\n",
+ "All in all, I’m not sure what real conclusions you can get from this post, but it’s something concrete to look at for those curious. I don’t really know if there are good takeaways from this either. I guess liberal studies do tend to increase your GPA. Don’t be too worried if your GPA is lower than what you had in high school. Don’t be worried too much about grade deflation (because honestly, a B median isn’t grade deflation. It’s just not grade inflation. But also, with the number of classes with an A- and A median at Cornell, it could also be argued that there is a decent amount of inflation). There’s only so much you can do about your grades. Try your best, but also keep up your mental and physical health. Everything will be all right in the end. I’ll answer general questions, but nothing too identifying. I hope someone else other than me found this interesting. Enjoy your Independence Day, Cornellians.\n",
+ "tensor([ 101, 2061, 1045, 2018, 2070, 4469, 2051, 2138, 2251, 1018,\n",
+ " 1998, 2035, 1010, 1998, 1045, 2245, 1045, 1521, 1040, 2079,\n",
+ " 2242, 7714, 5875, 1012, 1045, 1521, 1049, 2025, 2008, 2330,\n",
+ " 2005, 2108, 4453, 1010, 2021, 1045, 1521, 1049, 1037, 3522,\n",
+ " 3330, 24665, 4215, 1006, 2627, 1019, 2086, 1007, 1012, 1045,\n",
+ " 2113, 26612, 1006, 14932, 1998, 2034, 1013, 2117, 13609, 2493,\n",
+ " 1007, 7166, 2000, 4737, 1037, 2843, 2055, 7022, 1012, 1045,\n",
+ " 2387, 1996, 3991, 3694, 20861, 21030, 2102, 2008, 2950, 2951,\n",
+ " 2013, 2367, 4280, 1010, 1998, 2245, 2009, 2052, 2022, 5875,\n",
+ " 2000, 2156, 2054, 2026, 2219, 3325, 22539, 2052, 2298, 2066,\n",
+ " 1032, 1031, 1031, 10047, 27390, 2201, 1033, 1006, 16770, 1024,\n",
+ " 1013, 1013, 10047, 27390, 1012, 4012, 1013, 1037, 1013, 1056,\n",
+ " 2290, 2243, 2549, 2213, 2243, 2078, 1007, 1010, 3265, 27263,\n",
+ " 2015, 5799, 2917, 2205, 1032, 1033, 1012, 2034, 1010, 1045,\n",
+ " 2081, 1037, 1031, 4353, 1997, 3991, 7022, 1997, 4280, 1045,\n",
+ " 2165, 2011, 13609, 1033, 1006, 16770, 1024, 1013, 1013, 1045,\n",
+ " 1012, 10047, 27390, 1012, 4012, 1013, 17917, 4160, 2509, 2100,\n",
+ " 2480, 2497, 1012, 1052, 3070, 1007, 1012, 2122, 4995, 1521,\n",
+ " 1056, 18215, 2011, 2193, 1997, 6495, 1010, 2074, 2193, 1997,\n",
+ " 4280, 1012, 1996, 3616, 1999, 1996, 8378, 17254, 2000, 1996,\n",
+ " 2504, 1997, 1996, 2607, 1012, 2023, 3475, 1521, 1056, 2035,\n",
+ " 18678, 2138, 13509, 1998, 25961, 2504, 5352, 2123, 1521, 1056,\n",
+ " 2695, 3991, 7022, 1012, 2023, 2036, 2987, 1521, 1056, 2421,\n",
+ " 4280, 2579, 1055, 1013, 1057, 1012, 1996, 2350, 4696, 2950,\n",
+ " 4280, 3223, 4919, 2005, 1996, 2350, 1006, 12912, 5918, 1998,\n",
+ " 2151, 2465, 2104, 1996, 2533, 1007, 1012, 1996, 2512, 1011,\n",
+ " 2350, 7872, 4696, 2950, 1996, 3330, 4563, 8882, 1006, 8785,\n",
+ " 1010, 18178, 2213, 1010, 5584, 1010, 4385, 1012, 1007, 1998,\n",
+ " 2060, 4280, 2579, 1999, 1037, 2671, 2030, 3330, 2533, 2008,\n",
+ " 4694, 1521, 1056, 2026, 2350, 1012, 2512, 1011, 7872, 2003,\n",
+ " 2673, 2025, 2443, 1999, 1996, 3025, 7236, 1006, 1042, 9333,\n",
+ " 1521, 1055, 1010, 4314, 2913, 1010, 4385, 1012, 1007, 1012,\n",
+ " 1045, 2234, 1999, 2007, 2070, 9706, 1013, 21307, 4923, 1010,\n",
+ " 2061, 1045, 2872, 2041, 1997, 1037, 3232, 3330, 4563, 4280,\n",
+ " 1010, 4728, 2045, 2453, 2031, 2042, 1037, 1038, 1011, 2030,\n",
+ " 1039, 1009, 3991, 1010, 2021, 1045, 2123, 1521, 1056, 2228,\n",
+ " 2008, 1521, 1055, 2205, 3278, 1012, 9420, 2055, 2023, 2034,\n",
+ " 3673, 2421, 1037, 2261, 2364, 3924, 1012, 2035, 1997, 1996,\n",
+ " 2512, 1011, 7872, 4280, 1045, 2165, 2018, 1037, 3991, 3694,\n",
+ " 1997, 2012, 2560, 2019, 1037, 1011, 1012, 2023, 2003, 3497,\n",
+ " 4600, 15315, 7974, 2098, 2011, 11322, 2075, 2000, 2202, 6082,\n",
+ " 4314, 2913, 4280, 1010, 2021, 2025, 2035, 1997, 2068, 2024,\n",
+ " 9352, 2124, 2004, 3733, 1037, 1521, 1055, 1012, 1999, 5688,\n",
+ " 1010, 3904, 1997, 1996, 4280, 1999, 2026, 2350, 1006, 2008,\n",
+ " 1045, 2165, 1007, 2031, 1037, 3991, 3694, 1997, 1037, 1012,\n",
+ " 1996, 2069, 3924, 2007, 1037, 3991, 1997, 1037, 1011, 2020,\n",
+ " 2579, 2076, 2026, 3026, 2095, 1012, 11910, 2504, 4280, 2036,\n",
+ " 2123, 1521, 1056, 2812, 3020, 3991, 7022, 1012, 2087, 1997,\n",
+ " 1996, 11910, 2504, 4280, 1045, 2165, 2020, 2306, 2026, 2350,\n",
+ " 1998, 3904, 2020, 4314, 2913, 1010, 2061, 2008, 2071, 2036,\n",
+ " 4863, 2009, 1010, 2021, 2069, 2028, 11910, 2504, 2465, 1045,\n",
+ " 2165, 102])\n",
+ "Apologies for the wall of text as well as for typos (I'm on mobile). For context, I'm a rising junior in Engineering, and am not an international student. \n",
+ "\n",
+ "Okay! \n",
+ "\n",
+ "When I was in the process of applying to college in high school, the first thing that I looked for in a university was a great undergraduate engineering program. As such, Cornell was on my list from the beginning. I was sure that I wanted to do engineering, but wasn't sure what exactly in engineering I was interested in (CS, materials science, biomedical engineering, and chemical engineering were my main interests at the time), so I wanted a university that had a lot of options for when I made up my mind. \n",
+ "\n",
+ "In the end, I chose Cornell less for its academic prowess and more for the feeling that I got on my first tour. My dad went to Cornell Engineering for his undergrad, so I had been on campus several times before, but Cornell was the first place where I stepped on campus and felt like I could actually live here for four years. I love the huge campus, and I love the fact that Cornell still feels like a small community in spite of its size. I met and had lunch with students in engineering, and they seemed like people I'd want to spend time with. They didn't fit into the \"engineer\" stereotype, and were able to balance their work with their extracurricular interests. They were also able to take liberal arts classes (I'm into languages and creative writing), which was something that seemed difficult to do at many of the other universities that I attended.\n",
+ "\n",
+ "So far, I have not been disappointed. I'm a sophomore now, and I've throughly enjoyed my experience at Cornell. I'm a member of four or five clubs, I participate in my residence hall community, I've made friends with some really cool and interesting people, and I work in a research lab doing work that could have significant positive impacts on the medical community.\n",
+ "\n",
+ "In terms of the student environment, engineering is extremely collaborative. I've made some of my closest friends through homework and group projects that I needed help on. The College of Engineering places a huge focus on collaboration and teamwork, so everyone is always happy to help if you're confused on something, or work on a problem set with you, or study for an exam. I've walked up to random people in Duffield Hall (the engineering social hub) who were working on homework for a class that I was taking, sat down, and asked them if they want to work on it together, and I've never been turned down.\n",
+ "\n",
+ "Also, I've never been bored. Given that we aren't in a city like NYC, most events/activities occur on campus and are run by student organizations/the university/greek life. At any point in time, there are festivals and athletic events (hockey games are super fun) going on that are open to the public. If you like to go out a lot and party, you can totally do that. Greek life tends to facilitate that, and most of the fraternities are situated very close to campus, so you can go out whenever you want. There are also a few clubs in Collegetown. If you're interested in social outings, there are an infinite number of options for that, especially given that freshmen get a free bus pass. There are fun formal events at the Johnson Museum where everyone gets to dress up, and there's a restaurant/bar near campus that does salsa nights on Wednesdays that I've heard are awesome. We also have things like Slope Day, a giant music festival in the spring.\n",
+ "\n",
+ "I like the blend of technical and non-technical courses that I get to take in engineering as well. We're required to take 18 credits of liberal studies courses to graduate, which amounts to about six classes over five years. Most freshmen don't take liberal studies courses, so you end up taking one every semester from your third semester on. I came in with a lot of AP credit in the humanities, so I don't have to take all 18 credits (I came in with 12 of the 18 credits), but I'm planning on doing a creative writing minor and taking several French courses. Obviously, our curriculum focuses on the engineering courses, but it is also flexible enough to allow you to take classes outside of engineering .\n",
+ "\n",
+ "Speaking more generally, food was an important part of my college search, and Cornell has some of the best food I've had in general. I'd recommend the 14 meals/week plan to start, because you may eat breakfast and dinner on North campus as a freshman, and eat something smaller on central campus for lunch. There are a ton of options for food, so you'll never be bored with it (escpecially if you eat on west campus). Statler has the best food on campus IMO, and they have a student run restaurant that does fun themed dinners every week. The food there is amazing, and pretty cheap ($15-20 for an entree and appetizer/dessert). \n",
+ "\n",
+ "The dorms are generally pretty nice. North campus has a lot more variance in quality, because the dorms have been build over the past few decades, but everyone I know was happy regardless of where they were. I lived in Dickson, the largest dorm on North, and I loved it. It is mostly singles, which was what I wanted, but it's really social. I made some of my closest friends through my hall. Court-Kay-Bauer and Mews are the nicest/newest, and have air conditioning. Donlon is the party dorm. \n",
+ "\n",
+ "\n",
+ "I'm going to stop here, but feel free to ask any questions if you have them. \n",
+ "tensor([ 101, 25380, 2005, 1996, 2813, 1997, 3793, 2004, 2092, 2004,\n",
+ " 2005, 5939, 6873, 2015, 1006, 1045, 1005, 1049, 2006, 4684,\n",
+ " 1007, 1012, 2005, 6123, 1010, 1045, 1005, 1049, 1037, 4803,\n",
+ " 3502, 1999, 3330, 1010, 1998, 2572, 2025, 2019, 2248, 3076,\n",
+ " 1012, 3100, 999, 2043, 1045, 2001, 1999, 1996, 2832, 1997,\n",
+ " 11243, 2000, 2267, 1999, 2152, 2082, 1010, 1996, 2034, 2518,\n",
+ " 2008, 1045, 2246, 2005, 1999, 1037, 2118, 2001, 1037, 2307,\n",
+ " 8324, 3330, 2565, 1012, 2004, 2107, 1010, 10921, 2001, 2006,\n",
+ " 2026, 2862, 2013, 1996, 2927, 1012, 1045, 2001, 2469, 2008,\n",
+ " 1045, 2359, 2000, 2079, 3330, 1010, 2021, 2347, 1005, 1056,\n",
+ " 2469, 2054, 3599, 1999, 3330, 1045, 2001, 4699, 1999, 1006,\n",
+ " 20116, 1010, 4475, 2671, 1010, 20906, 3330, 1010, 1998, 5072,\n",
+ " 3330, 2020, 2026, 2364, 5426, 2012, 1996, 2051, 1007, 1010,\n",
+ " 2061, 1045, 2359, 1037, 2118, 2008, 2018, 1037, 2843, 1997,\n",
+ " 7047, 2005, 2043, 1045, 2081, 2039, 2026, 2568, 1012, 1999,\n",
+ " 1996, 2203, 1010, 1045, 4900, 10921, 2625, 2005, 2049, 3834,\n",
+ " 26120, 1998, 2062, 2005, 1996, 3110, 2008, 1045, 2288, 2006,\n",
+ " 2026, 2034, 2778, 1012, 2026, 3611, 2253, 2000, 10921, 3330,\n",
+ " 2005, 2010, 2104, 16307, 1010, 2061, 1045, 2018, 2042, 2006,\n",
+ " 3721, 2195, 2335, 2077, 1010, 2021, 10921, 2001, 1996, 2034,\n",
+ " 2173, 2073, 1045, 3706, 2006, 3721, 1998, 2371, 2066, 1045,\n",
+ " 2071, 2941, 2444, 2182, 2005, 2176, 2086, 1012, 1045, 2293,\n",
+ " 1996, 4121, 3721, 1010, 1998, 1045, 2293, 1996, 2755, 2008,\n",
+ " 10921, 2145, 5683, 2066, 1037, 2235, 2451, 1999, 8741, 1997,\n",
+ " 2049, 2946, 1012, 1045, 2777, 1998, 2018, 6265, 2007, 2493,\n",
+ " 1999, 3330, 1010, 1998, 2027, 2790, 2066, 2111, 1045, 1005,\n",
+ " 1040, 2215, 2000, 5247, 2051, 2007, 1012, 2027, 2134, 1005,\n",
+ " 1056, 4906, 2046, 1996, 1000, 3992, 1000, 12991, 13874, 1010,\n",
+ " 1998, 2020, 2583, 2000, 5703, 2037, 2147, 2007, 2037, 4469,\n",
+ " 10841, 21231, 5426, 1012, 2027, 2020, 2036, 2583, 2000, 2202,\n",
+ " 4314, 2840, 4280, 1006, 1045, 1005, 1049, 2046, 4155, 1998,\n",
+ " 5541, 3015, 1007, 1010, 2029, 2001, 2242, 2008, 2790, 3697,\n",
+ " 2000, 2079, 2012, 2116, 1997, 1996, 2060, 5534, 2008, 1045,\n",
+ " 3230, 1012, 2061, 2521, 1010, 1045, 2031, 2025, 2042, 9364,\n",
+ " 1012, 1045, 1005, 1049, 1037, 13758, 2085, 1010, 1998, 1045,\n",
+ " 1005, 2310, 2083, 2135, 5632, 2026, 3325, 2012, 10921, 1012,\n",
+ " 1045, 1005, 1049, 1037, 2266, 1997, 2176, 2030, 2274, 4184,\n",
+ " 1010, 1045, 5589, 1999, 2026, 5039, 2534, 2451, 1010, 1045,\n",
+ " 1005, 2310, 2081, 2814, 2007, 2070, 2428, 4658, 1998, 5875,\n",
+ " 2111, 1010, 1998, 1045, 2147, 1999, 1037, 2470, 6845, 2725,\n",
+ " 2147, 2008, 2071, 2031, 3278, 3893, 14670, 2006, 1996, 2966,\n",
+ " 2451, 1012, 1999, 3408, 1997, 1996, 3076, 4044, 1010, 3330,\n",
+ " 2003, 5186, 12317, 1012, 1045, 1005, 2310, 2081, 2070, 1997,\n",
+ " 2026, 7541, 2814, 2083, 19453, 1998, 2177, 3934, 2008, 1045,\n",
+ " 2734, 2393, 2006, 1012, 1996, 2267, 1997, 3330, 3182, 1037,\n",
+ " 4121, 3579, 2006, 5792, 1998, 2136, 6198, 1010, 2061, 3071,\n",
+ " 2003, 2467, 3407, 2000, 2393, 2065, 2017, 1005, 2128, 5457,\n",
+ " 2006, 2242, 1010, 2030, 2147, 2006, 1037, 3291, 2275, 2007,\n",
+ " 2017, 1010, 2030, 2817, 2005, 2019, 11360, 1012, 1045, 1005,\n",
+ " 2310, 2939, 2039, 2000, 6721, 2111, 1999, 21019, 12891, 2534,\n",
+ " 1006, 1996, 3330, 2591, 9594, 1007, 2040, 2020, 2551, 2006,\n",
+ " 19453, 102])\n",
+ "Hi. Cornell alumni of 2 years here.\n",
+ "\n",
+ "By most standards I was a fuckup in college. Sure, I was the President of some nonsensical clubs. It was fun, but hardly resume material.\n",
+ "\n",
+ "My “mistakes?” No internships any year except junior year at a no-name company. No project teams. No startups. No joining any audition-only clubs. Honestly, hardly any outside projects besides mods for games (no, I don’t work in the gaming industry. I tried and failed to apply to that. But that’s a different story.)\n",
+ "\n",
+ "What did I do in my non-free time? Well, I worked in the dining halls. Gotta pay those student loans somehow. Work study was annoying.\n",
+ "\n",
+ "Oh yeah, I did score a job as “Microsoft Representative” through one of my club contacts. Awesome, right? The previous two reps got jobs at Microsoft after doing it all four years.\n",
+ "\n",
+ "My god it fucked sucked. I was never that great at public speaking. Decent. Not amazing. And it was around the time Microsoft released their first Surface. And I had to advertise that. I know people still remember that “amazing” presentation I did in CS 2800.\n",
+ "\n",
+ "I was replaced after a semester. I wish that was my only fuck up.\n",
+ "\n",
+ "So that aside. In my non-free time, I studied. Oh boy. I studied and failed. Oh man, every TA knew my name in every CS class I was in. I knew which TAs were good. I thought I was good at computer science. Got a 5 in Computer Science AP Test high school. Did pretty well in CS 1110 and CS 2110. Did decent in CS 2800. So hey, I should be fine, right?\n",
+ "\n",
+ "Lolno. God damn. I was so jealous of everyone who picked things up so easily. I’m easily the dumbest of my friends, but I spend the most time. Hell, half the time they’d just reproduce the answers I spent hours in office hours for after I’d be given a crucial hint (which took me hours to figure out myself.) Algorithms was a slap in the face. It was a hard pill to swallow that hard work can mean jack shit as I looked at my C on my final.\n",
+ "\n",
+ "Graphics was terrible for me. My partner was one of those smart as fuck Google interns. And god we failed like every project. I don’t even know how. I felt so bad being such a burden. I could tell he was mad at me, but he wasn’t the type to yell. But man, was he furious at the final grade that marked his otherwise perfect Cornell career.\n",
+ "\n",
+ "And last, OS. Of course I’ve struggled through most other CS classes. But I’ve never outright failed them. But this one I did. Twice, technically, although the first time I dropped out before I could fail it. In fact, the situation was so fucked I had take it the summer after my senior year. Yup, I didn’t get a job, so it was “perfect.” Lol. \n",
+ "\n",
+ "It took me another six months to get a real job. As a computer science major. I’m terrible at interviews, man. I eventually got good at whiteboard interviews through all four years of failed career fairs, but if I got a curveball question, that was the end of the interview. I’m stupidly honest. I can’t lie for the life of me. “Why did you stay at Cornell for an extra summer?” “....I failed a course.” “Why were you Microsoft Rep for only half a year?” “....I got replaced.” “Why did you choose this company instead of a gaming one? Your resume is full of gaming stuff.” “I like the company environment. I like the products you make.” “Really?” “No, I just want a job, man.”\n",
+ "\n",
+ "I was seriously debating about joining the military in December if I didn’t get a job that month. Luckily, I got a job.\n",
+ "\n",
+ "And now I’m the happiest I’ve ever been in my life. Even more than when I was in high school. More than when I was a kid with no stress or worries.\n",
+ "\n",
+ "Sure. My friends probably make twice my salary. But honestly, I’m the happiest out of all of them. That Cornell degree still counts for something. You are smarter than a lot of people out there. All of that hard work from college didn’t go to waste. Who gives a fuck about GPA? I’ve learned discipline. I’ve truly truly learned the value of money after working this long dining hall hours. Stressful moments at work? Ha, nothing compared to Cornell. Recently, I’ve just paid off all my student loans, but I also put in a huuuuuge amount to my retirement funds. And yet I still have enough to go to trips all across the country this year. I’ve flown to LA and DC this year alone, and I’m going to Japan in a few months. I get 20 vacation days a year already. Not that unlimited vacation days bullshit most tech companies do—people never take full advantage of that. I know people still struggling in the rat race. I know people so smart beyond my imagination who are struggling and dropping out of grad school. \n",
+ "\n",
+ "It gets better. I promise. And there’s definitely people like you. Not everybody is a google intern or founded 5 startups. I know social media and casual conversation makes it seem like everybody is doing amazing. But they’re not. The people who are talking casually HAVE something to talk about. The people who aren’t talking are the ones in your same exact position. The fuckups like you and me.\n",
+ "\n",
+ "Guess what? Even after all my fuckups, my GPA was still above a 3. Seriously! Now you think I exaggerated everything. Nope. It’s just that I took some really easy classes and did well in my freshman ones. Compilers? Fuck no. Communications it is.\n",
+ "\n",
+ "But if I managed to get over a 3 in my fucked up situation...that means half the people in the cafeterias have situations at least as desperate as mine. Sure, they might not have failed OS twice. But they could be crying themselves to sleep every night.\n",
+ "\n",
+ "I guarantee you’re not alone. Look. Do you see any posts here about people talking about what internships they got? No. There’s no stickied thread about that. The front page is littered with depressed people. You’re not alone. And it’s going to be okay. I promise.\n",
+ "tensor([ 101, 7632, 1012, 10921, 9441, 1997, 1016, 2086, 2182, 1012,\n",
+ " 2011, 2087, 4781, 1045, 2001, 1037, 6616, 6279, 1999, 2267,\n",
+ " 1012, 2469, 1010, 1045, 2001, 1996, 2343, 1997, 2070, 2512,\n",
+ " 5054, 19570, 2389, 4184, 1012, 2009, 2001, 4569, 1010, 2021,\n",
+ " 6684, 13746, 3430, 1012, 2026, 1523, 12051, 1029, 1524, 2053,\n",
+ " 22676, 2015, 2151, 2095, 3272, 3502, 2095, 2012, 1037, 2053,\n",
+ " 1011, 2171, 2194, 1012, 2053, 2622, 2780, 1012, 2053, 22752,\n",
+ " 2015, 1012, 2053, 5241, 2151, 14597, 1011, 2069, 4184, 1012,\n",
+ " 9826, 1010, 6684, 2151, 2648, 3934, 4661, 16913, 2015, 2005,\n",
+ " 2399, 1006, 2053, 1010, 1045, 2123, 1521, 1056, 2147, 1999,\n",
+ " 1996, 10355, 3068, 1012, 1045, 2699, 1998, 3478, 2000, 6611,\n",
+ " 2000, 2008, 1012, 2021, 2008, 1521, 1055, 1037, 2367, 2466,\n",
+ " 1012, 1007, 2054, 2106, 1045, 2079, 1999, 2026, 2512, 1011,\n",
+ " 2489, 2051, 1029, 2092, 1010, 1045, 2499, 1999, 1996, 7759,\n",
+ " 9873, 1012, 10657, 3477, 2216, 3076, 10940, 5064, 1012, 2147,\n",
+ " 2817, 2001, 15703, 1012, 2821, 3398, 1010, 1045, 2106, 3556,\n",
+ " 1037, 3105, 2004, 1523, 7513, 4387, 1524, 2083, 2028, 1997,\n",
+ " 2026, 2252, 10402, 1012, 12476, 1010, 2157, 1029, 1996, 3025,\n",
+ " 2048, 16360, 2015, 2288, 5841, 2012, 7513, 2044, 2725, 2009,\n",
+ " 2035, 2176, 2086, 1012, 2026, 2643, 2009, 21746, 8631, 1012,\n",
+ " 1045, 2001, 2196, 2008, 2307, 2012, 2270, 4092, 1012, 11519,\n",
+ " 1012, 2025, 6429, 1012, 1998, 2009, 2001, 2105, 1996, 2051,\n",
+ " 7513, 2207, 2037, 2034, 3302, 1012, 1998, 1045, 2018, 2000,\n",
+ " 4748, 16874, 5562, 2008, 1012, 1045, 2113, 2111, 2145, 3342,\n",
+ " 2008, 1523, 6429, 1524, 8312, 1045, 2106, 1999, 20116, 13427,\n",
+ " 2692, 1012, 1045, 2001, 2999, 2044, 1037, 13609, 1012, 1045,\n",
+ " 4299, 2008, 2001, 2026, 2069, 6616, 2039, 1012, 2061, 2008,\n",
+ " 4998, 1012, 1999, 2026, 2512, 1011, 2489, 2051, 1010, 1045,\n",
+ " 3273, 1012, 2821, 2879, 1012, 1045, 3273, 1998, 3478, 1012,\n",
+ " 2821, 2158, 1010, 2296, 11937, 2354, 2026, 2171, 1999, 2296,\n",
+ " 20116, 2465, 1045, 2001, 1999, 1012, 1045, 2354, 2029, 11937,\n",
+ " 2015, 2020, 2204, 1012, 1045, 2245, 1045, 2001, 2204, 2012,\n",
+ " 3274, 2671, 1012, 2288, 1037, 1019, 1999, 3274, 2671, 9706,\n",
+ " 3231, 2152, 2082, 1012, 2106, 3492, 2092, 1999, 20116, 11118,\n",
+ " 2692, 1998, 20116, 19235, 2692, 1012, 2106, 11519, 1999, 20116,\n",
+ " 13427, 2692, 1012, 2061, 4931, 1010, 1045, 2323, 2022, 2986,\n",
+ " 1010, 2157, 1029, 8840, 19666, 2080, 1012, 2643, 4365, 1012,\n",
+ " 1045, 2001, 2061, 9981, 1997, 3071, 2040, 3856, 2477, 2039,\n",
+ " 2061, 4089, 1012, 1045, 1521, 1049, 4089, 1996, 12873, 4355,\n",
+ " 1997, 2026, 2814, 1010, 2021, 1045, 5247, 1996, 2087, 2051,\n",
+ " 1012, 3109, 1010, 2431, 1996, 2051, 2027, 1521, 1040, 2074,\n",
+ " 21376, 1996, 6998, 1045, 2985, 2847, 1999, 2436, 2847, 2005,\n",
+ " 2044, 1045, 1521, 1040, 2022, 2445, 1037, 10232, 9374, 1006,\n",
+ " 2029, 2165, 2033, 2847, 2000, 3275, 2041, 2870, 1012, 1007,\n",
+ " 13792, 2001, 1037, 14308, 1999, 1996, 2227, 1012, 2009, 2001,\n",
+ " 1037, 2524, 17357, 2000, 10577, 2008, 2524, 2147, 2064, 2812,\n",
+ " 2990, 4485, 2004, 1045, 2246, 2012, 2026, 1039, 2006, 2026,\n",
+ " 2345, 1012, 8389, 2001, 6659, 2005, 2033, 1012, 2026, 4256,\n",
+ " 2001, 2028, 1997, 2216, 6047, 2004, 6616, 8224, 25204, 2015,\n",
+ " 1012, 1998, 2643, 2057, 3478, 2066, 2296, 2622, 1012, 1045,\n",
+ " 2123, 1521, 1056, 2130, 2113, 2129, 1012, 1045, 2371, 2061,\n",
+ " 2919, 102])\n",
+ "This ended up being way longer than I had intended, sorry!\n",
+ "\n",
+ "I'm a crusty alum at this point, but some things really never change.\n",
+ "\n",
+ "Here are a few observations that I can make with the benefit of hindsight:\n",
+ "\n",
+ "> I try to do work all day every day, never drink, am taking 4 academic classes, a music group, and a project team, and use office hours regularly\n",
+ "\n",
+ "> I'm only a freshman, and this semester, will have completed up to Diff EQ, Electromagnetism, Chem 2090, and both FWS's and my intro\n",
+ "\n",
+ "I think you're working really hard. On the one hand, that's a good thing, because Cornell is hard and it takes a lot of work to succeed. But it's also making you feel stressed out and sad, which sucks. For what it's worth, I think you are taking some of the hardest classes right now and, while the workload will not really decrease as you go, you'll feel more confident and competent as you get into some upper level courses.\n",
+ " \n",
+ "\n",
+ "> I'm doing poorly in my classes\n",
+ "\n",
+ "> I really struggle with schoolwork \n",
+ "\n",
+ "> I'm constantly preoccupied with falling behind\n",
+ "\n",
+ "You're not happy with how you're doing academically. Is it possible that you need to figure out a way to work more effectively?\n",
+ " \n",
+ "\n",
+ "> Are there any comparable schools that I should look into transferring to? I would consider majoring in environmental science or mechanical engineering at another school.\n",
+ "\n",
+ "In short, yes, there are other schools. But, crucially, **academic stress culture is endemic at top-tier universities.** Comparing notes on both undergraduate and graduate education experiences from me, my wife, and friends that I've made since leaving Cornell, this is something that you will have to deal with anywhere you go.\n",
+ "\n",
+ "\n",
+ " \n",
+ "\n",
+ "- - -\n",
+ "\n",
+ "I found that, for me at least, the best remedies for dealing with this were to really look critically at what I was doing with my time and make sure I prioritized self-care in a meaningful way. This is so important and you will need to do this even if you don't decide to stay at Cornell! The most effective ways for me (your mileage may vary):\n",
+ "\n",
+ "* finding a group of people that I loved living with. On a whim, I checked out housing co-ops and found that they were filled with caring, smart, and talented people who were interested in more than the rat race. This took care of my need for *unstructured* socializing (often overlooked!) and exposed me to people who I otherwise wouldn't have \n",
+ "\n",
+ "* taking at least one \"fun\" class each semester. Sometimes they were able to fulfill the liberal studies requirements that the CoE had when I was there, sometimes they weren't. But maintaining my intellectual curiosity by taking classes that involved actually creating something (sculpture, narrative writing, creative writing, wood construction (RIP)) or learning something completely frivolous (human bonding, mushrooms, wine and beer, food science 101) was so critical to keeping sane for me. One of the best things about Cornell is that you can take a class in literally any subject, and you'll be taught by one of the leaders in the field.\n",
+ "\n",
+ "* being part of one or two clubs that allowed me to have *structured* time to hang out with others. For me, this was a music ensemble. For others, rock climbing, or joining a D&D campaign, or being part of a religious group, or playing a club sport were all extremely worthwhile. Take care, though- in my experience, because many Cornellians get intense about things, some types of clubs make it hard to relax!\n",
+ "\n",
+ "* exploring Cornell and its environs. Have you studied in all of the libraries? Had a coffee at each of the cafes? Seen the magnolias blooming at the Plantations? Chilled on the fourth floor of the museum, looking out over the lake on a nice day? Listened to a chimes concert from the top of the clock tower? I tried to make time for a little adventure at least once a week, usually on an afternoon that I didn't have any classes. Varying experiences will help keep your brain from getting too stuffy.\n",
+ " \n",
+ "\n",
+ "There were also a few things that I did not do that should absolutely, 100% be considered best practices. If I got a do-over, I would do these things to optimize my environment:\n",
+ "\n",
+ "* Engineering is hard. Engineering is also a team sport. If you don't already have a solid study group (3-4 people), get one. If you don't know how to get one, just start asking people you have classes with or are on a project team with. I went through my undergraduate work on my own because I wanted to prove something to myself. But that was stupid. It will make your life infinitely easier to have a few people to bounce questions off of. Just be extremely wary of academic integrity violations (no copying!)\n",
+ "\n",
+ "* No screens in bed! Good sleep hygiene will make everything easier. \n",
+ "\n",
+ "* Exercise and eat right. I didn't do this very well, and wish that I had started earlier!\n",
+ "\n",
+ "* Start your first problem sets *immediately* at the beginning of the semester. I always took the first week off, but that set me up to be always chasing deadlines for the rest of the semester! I fixed this behavior during my master's program, and holy crap! I actually learned better.\n",
+ "\n",
+ "* If you're feeling stressed out and need to talk about it to a real person, go to EARS. They literally exist for this exact reason. If you're female-identified, the WRC is also an option- some amazing people work there!\n",
+ " \n",
+ "\n",
+ "Hopefully some of this helps. You're almost done with the spring semester, and it'll feel like such a relief once you've reached that finish line. I think just about everybody feels like they hate Cornell at least once during their undergraduate career- you're definitely not alone there, and even if it seems like everybody is just in it for the rat race, maybe it's because the people you are talking to are also really insecure. Here are my suggestions that are specific to you:\n",
+ "\n",
+ "* quit the project team, unless it brings you too much joy to want to quit. Those things are real time sinks, and if your GPA is not where you want it to be, this is the obvious place to cut back.\n",
+ "* stop trying to work all day, every day. That shit will burn you right out. Instead, focus on giving yourself 8-10 solid hours every day of working without distractions (including class time!), and then when that's done, stop. Be honest with yourself about actually working during that time, no dicking around on the internet. Spend the rest of your day doing the other things that make you human.\n",
+ "tensor([ 101, 2023, 3092, 2039, 2108, 2126, 2936, 2084, 1045, 2018,\n",
+ " 3832, 1010, 3374, 999, 1045, 1005, 1049, 1037, 19116, 2100,\n",
+ " 2632, 2819, 2012, 2023, 2391, 1010, 2021, 2070, 2477, 2428,\n",
+ " 2196, 2689, 1012, 2182, 2024, 1037, 2261, 9420, 2008, 1045,\n",
+ " 2064, 2191, 2007, 1996, 5770, 1997, 17666, 25807, 1024, 1004,\n",
+ " 14181, 1025, 1045, 3046, 2000, 2079, 2147, 2035, 2154, 2296,\n",
+ " 2154, 1010, 2196, 4392, 1010, 2572, 2635, 1018, 3834, 4280,\n",
+ " 1010, 1037, 2189, 2177, 1010, 1998, 1037, 2622, 2136, 1010,\n",
+ " 1998, 2224, 2436, 2847, 5570, 1004, 14181, 1025, 1045, 1005,\n",
+ " 1049, 2069, 1037, 10452, 1010, 1998, 2023, 13609, 1010, 2097,\n",
+ " 2031, 2949, 2039, 2000, 4487, 4246, 1041, 4160, 1010, 16175,\n",
+ " 2863, 10177, 17456, 1010, 18178, 2213, 19348, 2692, 1010, 1998,\n",
+ " 2119, 1042, 9333, 1005, 1055, 1998, 2026, 17174, 1045, 2228,\n",
+ " 2017, 1005, 2128, 2551, 2428, 2524, 1012, 2006, 1996, 2028,\n",
+ " 2192, 1010, 2008, 1005, 1055, 1037, 2204, 2518, 1010, 2138,\n",
+ " 10921, 2003, 2524, 1998, 2009, 3138, 1037, 2843, 1997, 2147,\n",
+ " 2000, 9510, 1012, 2021, 2009, 1005, 1055, 2036, 2437, 2017,\n",
+ " 2514, 13233, 2041, 1998, 6517, 1010, 2029, 19237, 1012, 2005,\n",
+ " 2054, 2009, 1005, 1055, 4276, 1010, 1045, 2228, 2017, 2024,\n",
+ " 2635, 2070, 1997, 1996, 18263, 4280, 2157, 2085, 1998, 1010,\n",
+ " 2096, 1996, 2147, 11066, 2097, 2025, 2428, 9885, 2004, 2017,\n",
+ " 2175, 1010, 2017, 1005, 2222, 2514, 2062, 9657, 1998, 17824,\n",
+ " 2004, 2017, 2131, 2046, 2070, 3356, 2504, 5352, 1012, 1004,\n",
+ " 14181, 1025, 1045, 1005, 1049, 2725, 9996, 1999, 2026, 4280,\n",
+ " 1004, 14181, 1025, 1045, 2428, 5998, 2007, 2082, 6198, 1004,\n",
+ " 14181, 1025, 1045, 1005, 1049, 7887, 23962, 2007, 4634, 2369,\n",
+ " 2017, 1005, 2128, 2025, 3407, 2007, 2129, 2017, 1005, 2128,\n",
+ " 2725, 3834, 3973, 1012, 2003, 2009, 2825, 2008, 2017, 2342,\n",
+ " 2000, 3275, 2041, 1037, 2126, 2000, 2147, 2062, 6464, 1029,\n",
+ " 1004, 14181, 1025, 2024, 2045, 2151, 12435, 2816, 2008, 1045,\n",
+ " 2323, 2298, 2046, 14391, 2000, 1029, 1045, 2052, 5136, 2350,\n",
+ " 2075, 1999, 4483, 2671, 2030, 6228, 3330, 2012, 2178, 2082,\n",
+ " 1012, 1999, 2460, 1010, 2748, 1010, 2045, 2024, 2060, 2816,\n",
+ " 1012, 2021, 1010, 10232, 2135, 1010, 1008, 1008, 3834, 6911,\n",
+ " 3226, 2003, 7320, 2012, 2327, 1011, 7563, 5534, 1012, 1008,\n",
+ " 1008, 13599, 3964, 2006, 2119, 8324, 1998, 4619, 2495, 6322,\n",
+ " 2013, 2033, 1010, 2026, 2564, 1010, 1998, 2814, 2008, 1045,\n",
+ " 1005, 2310, 2081, 2144, 2975, 10921, 1010, 2023, 2003, 2242,\n",
+ " 2008, 2017, 2097, 2031, 2000, 3066, 2007, 5973, 2017, 2175,\n",
+ " 1012, 1011, 1011, 1011, 1045, 2179, 2008, 1010, 2005, 2033,\n",
+ " 2012, 2560, 1010, 1996, 2190, 2128, 7583, 3111, 2005, 7149,\n",
+ " 2007, 2023, 2020, 2000, 2428, 2298, 11321, 2012, 2054, 1045,\n",
+ " 2001, 2725, 2007, 2026, 2051, 1998, 2191, 2469, 1045, 3188,\n",
+ " 25090, 5422, 2969, 1011, 2729, 1999, 1037, 15902, 2126, 1012,\n",
+ " 2023, 2003, 2061, 2590, 1998, 2017, 2097, 2342, 2000, 2079,\n",
+ " 2023, 2130, 2065, 2017, 2123, 1005, 1056, 5630, 2000, 2994,\n",
+ " 2012, 10921, 999, 1996, 2087, 4621, 3971, 2005, 2033, 1006,\n",
+ " 2115, 3542, 4270, 2089, 8137, 1007, 1024, 1008, 4531, 1037,\n",
+ " 2177, 1997, 2111, 2008, 1045, 3866, 2542, 2007, 1012, 2006,\n",
+ " 1037, 1059, 14341, 1010, 1045, 7039, 2041, 3847, 2522, 1011,\n",
+ " 23092, 1998, 2179, 2008, 2027, 2020, 3561, 2007, 11922, 1010,\n",
+ " 6047, 102])\n",
+ "I have to agree with this, but I feel the need to elaborate more on the harsh reality. If you failed gen chem, then you should seriously think about your ability to succeed on this track. Truthfully, gen chem may be one of the hardest classes you'll take in undergrad, but the ability to succeed in it is a good predictor of success later on. Gen chem requires you to be able to look at a problem, frame it in a certain perspective, and quantitatively answer it - not just memorize things. These are skills every doctor should have. If someone can't succeed in gen chem, then I wouldn't want them to be my doctor.\n",
+ "\n",
+ "That said, if you can remedy this over the summer, then give it a shot and do organic in the fall. Sometimes organic clicks for people in a way that gen chem doesn't. If that's you, then don't despair too much. But if you also struggle in organic, then this path may not be for you. It only gets harder.\n",
+ "\n",
+ "Honestly, you should do some soul searching. Ask yourself why you want the MD. An MD has a tough undergraduate curriculum, requires immense work beyond your course work, another 4 years of school, a residency, and will put you in massive debt. Further specialization is going to cost you even more time. You won't start your life until you're almost 30. Are you following this path because the MD is the only way to meet your goals? There are lots of peripheral jobs that require different skill sets and less training that have just as much impact for patients. What are you good at? What occupations use those skills? You are young and at the beginning of your undergraduate education, now is the time to reflect on the past year and figure out how to move forward.\n",
+ "\n",
+ "If you intend to stick to pre-med, then this is the advice I give to all pre-med students.\n",
+ "\n",
+ "1. Don't be a grade monger. Most programs only want to see you meet a certain minimum for your GPA. This ranges from 3.2 to 3.7 generally. They also want to see particular grades for particular classes (the weeding classes mostly). Fretting over points will just make the professors, teaching staff, and fellow students dislike you. It comes across as \"I'm not interested in improving or learning, I want you to give me more credit for what I've already done\". In the end, the extra points don't matter. The points students get for being annoying aren't changing their letter grades, and if they do, you probably could have gotten that letter bump through a more amicable relationship with the professor.\n",
+ "2. Get a hobby, now. Find something that you are passionate about and get to it. It doesn't have to be relevant to being an MD, but most programs are looking for students with interests and personalities, not just boring academics slogging through courses. Committees want to see that you have interests and that you're able to pursue them on top of all the work you've been doing.\n",
+ "3. Get involved with something. Research is probably the best in terms of something to put on your application, but any leadership or long-term volunteer position should work. Successful undergraduate researchers have all the skills committees want in their candidates. However, it might be hard to find a lab if you failed gen chem. The point is to find something 'professional' and commit to it for 2-3 years.\n",
+ "4. Learn the material. Think about the problems. Don't just memorize everything! Make sure you understand the prerequisites for the class (that includes the math required to succeed). A lot of students struggle with 'weeding' classes because they require critical thinking and abstract thought. No offense to the biology classes (I'm a biologist myself), but they rely too much on memorization. Let's look at gen chem, which is basically simple algebra applied to word problems. Most students can answer direct questions like \"Calculate the hydronium ion concentration of a pH 9.00 solution.\" That doesn't require any thought, it's just a formula. Students tend to struggle when that same concept is now obscured in a word problem, or is part of a larger sequence of steps - like you're given several solutions and you need to calculate the pH after mixing them and achieving equilibrium. Students can do each individual step, but they're unable to do so in the context of a 'real' problem. This happens because they're not actually learning the material. Instead, they've learned a mechanical practice that this piece of information is used in that formula to get an answer. It's particularly heart-breaking when they need to perform simple algebra to rearrange an equation to get their answer and they can't do it because \"it wasn't in the practice problems\". Memorization is not enough. You need to actively think.\n",
+ "5. View learning as expanding your model of the world. Frame all problems in the context of your model. This expands on the previous point. Education is cumulative. Particularly the pre-med track. You should have a nice little simulation of the world in your head and as you learn things, you add them to the simulation. Then when you see a problem, you plug it into your simulation and you use that solve the problem. For example, let's look at a 'simple' physics problem. You drop a ball down a frictionless slope onto a flat segment with a known coefficient of friction and a frictionless ramp at the end (something like this - \\\\_____________/). Does the ball go over the ramp? If not, how many times does the ball roll up and down the ramp? In your head, it's simple enough to imagine this situation. Either the ball goes over, or it doesn't and rolls around before coming to rest. Now you need to look at the math behind your simulation, the equations you learned, and figure out which ones to apply here. The first question is, does the ball start higher than the ramp itself? If not, you know the ball will never make it over and you're done. You don't even need math for that. If the ball does start higher, then the question is, does the ball have enough energy to overcome friction and the potential energy of the ramp? That's pretty easy to calculate too just based on how far the ramp is and how tall it is. If it can't make it, then you simply need to calculate how far the ball will roll before it loses all it's energy to friction and how many times it must cross the flat segment to achieve that distance. The key here is that you consider all the possible scenarios and then plug in the values from the problem to figure out which situation is true. As you advance in your field, you'll be able to account for nuances in your simulations of expertise.\n",
+ "\n",
+ "So I would mull that over. Sorry it's long, but that's how it is.\n",
+ "\n",
+ "Last, I was a TA for gen chem a few years ago. If point #4 sounds like you, then I have advice on how to succeed in gen chem should you go back for it.\n",
+ "\n",
+ "1. Get really comfortable with algebra. Be able to work with the alphabet soup and know how to solve for each variable. Substituting in the values and then solving for your variable confounds the algebra and stops you from thinking about how things actually relate to each other. Also, know how to exponentiate and what log(x) means.\n",
+ "2. When looking at a problem, ask yourself what should happen. If you say \"I don't know\" then you don't know the material. If you say \"I know what should happen, but I don't know how to quantitate it\" then that means you know the abstract material and just need to locate the right formula. If you know what formula to apply, but not why, then you don't actually know what you're doing and should revisit the material.\n",
+ "2. Does your answer make sense? Is it physically possible? If not, you're probably wrong. At least leave a comment that you know it's wrong.\n",
+ "3. Do the homework by yourself. Do the pre-labs. It can be grunt work, but you're not gonna learn anything if you don't do it or if you rely on others to do it for you. After you've given it a shot, you can consult with others, but don't work with them from the start. Different professors give different quality homework though... Dr. Hines gives particularly useful homework in that she makes short, challenging problem sets. Textbook questions tend to lame, unoriginal, and minimally productive, except for the last 10 or so in a chapter.\n",
+ "4. If you're still struggling, seek out chemistry word problems and tests. You want the open ended questions like you find on tests. Give them your best shot, then look at the answers. The only way to learn abstract thinking is to apply yourself. It's not something you can learn from reading the text and memorizing simple questions.\n",
+ "5. Use the faculty and TA office hours. If you're struggling, then demonstrate to the professor that, by God, you're giving it your best. Prioritize the professor's office hours. Most of the gen chem TA's have never TA'd before and haven't taken gen chem since they were undergrads. They can help, but they're not as good as the professor. The professors have decades of experience. They can probably teach you better and have final say in your grades. Schmooze them. Do not nitpick them for points though. Also, remember that the TAs assign participation points at the end of the semester, which basically boils down to \"how annoying was this student?\".\n",
+ "6. Be a nice enough and friendly enough person that the teaching staff know your name or at least recognize your face. Most students are wall flowers that you forget about once the course is over - they attend class, but they rarely speak and don't attend any of the extra stuff. The most memorable students are annoying and you never want to talk to or see them again. But our favorite students are the ones that try earnestly and seek out our help when they need it. Those are the ones that we subconsciously bias grades for and give them the extra point here or there because we know what they were getting at. The former we tend to be overly critical of and subconsciously take points from them because we doubt whether they understand the nuances of what they're doing.\n",
+ "tensor([ 101, 1045, 2031, 2000, 5993, 2007, 2023, 1010, 2021, 1045,\n",
+ " 2514, 1996, 2342, 2000, 9603, 2062, 2006, 1996, 8401, 4507,\n",
+ " 1012, 2065, 2017, 3478, 8991, 18178, 2213, 1010, 2059, 2017,\n",
+ " 2323, 5667, 2228, 2055, 2115, 3754, 2000, 9510, 2006, 2023,\n",
+ " 2650, 1012, 3606, 7699, 1010, 8991, 18178, 2213, 2089, 2022,\n",
+ " 2028, 1997, 1996, 18263, 4280, 2017, 1005, 2222, 2202, 1999,\n",
+ " 2104, 16307, 1010, 2021, 1996, 3754, 2000, 9510, 1999, 2009,\n",
+ " 2003, 1037, 2204, 16014, 2953, 1997, 3112, 2101, 2006, 1012,\n",
+ " 8991, 18178, 2213, 5942, 2017, 2000, 2022, 2583, 2000, 2298,\n",
+ " 2012, 1037, 3291, 1010, 4853, 2009, 1999, 1037, 3056, 7339,\n",
+ " 1010, 1998, 20155, 2135, 3437, 2009, 1011, 2025, 2074, 24443,\n",
+ " 25709, 2477, 1012, 2122, 2024, 4813, 2296, 3460, 2323, 2031,\n",
+ " 1012, 2065, 2619, 2064, 1005, 1056, 9510, 1999, 8991, 18178,\n",
+ " 2213, 1010, 2059, 1045, 2876, 1005, 1056, 2215, 2068, 2000,\n",
+ " 2022, 2026, 3460, 1012, 2008, 2056, 1010, 2065, 2017, 2064,\n",
+ " 19519, 2023, 2058, 1996, 2621, 1010, 2059, 2507, 2009, 1037,\n",
+ " 2915, 1998, 2079, 7554, 1999, 1996, 2991, 1012, 2823, 7554,\n",
+ " 29225, 2005, 2111, 1999, 1037, 2126, 2008, 8991, 18178, 2213,\n",
+ " 2987, 1005, 1056, 1012, 2065, 2008, 1005, 1055, 2017, 1010,\n",
+ " 2059, 2123, 1005, 1056, 13905, 2205, 2172, 1012, 2021, 2065,\n",
+ " 2017, 2036, 5998, 1999, 7554, 1010, 2059, 2023, 4130, 2089,\n",
+ " 2025, 2022, 2005, 2017, 1012, 2009, 2069, 4152, 6211, 1012,\n",
+ " 9826, 1010, 2017, 2323, 2079, 2070, 3969, 6575, 1012, 3198,\n",
+ " 4426, 2339, 2017, 2215, 1996, 9108, 1012, 2019, 9108, 2038,\n",
+ " 1037, 7823, 8324, 8882, 1010, 5942, 14269, 2147, 3458, 2115,\n",
+ " 2607, 2147, 1010, 2178, 1018, 2086, 1997, 2082, 1010, 1037,\n",
+ " 14079, 1010, 1998, 2097, 2404, 2017, 1999, 5294, 7016, 1012,\n",
+ " 2582, 28031, 2003, 2183, 2000, 3465, 2017, 2130, 2062, 2051,\n",
+ " 1012, 2017, 2180, 1005, 1056, 2707, 2115, 2166, 2127, 2017,\n",
+ " 1005, 2128, 2471, 2382, 1012, 2024, 2017, 2206, 2023, 4130,\n",
+ " 2138, 1996, 9108, 2003, 1996, 2069, 2126, 2000, 3113, 2115,\n",
+ " 3289, 1029, 2045, 2024, 7167, 1997, 15965, 5841, 2008, 5478,\n",
+ " 2367, 8066, 4520, 1998, 2625, 2731, 2008, 2031, 2074, 2004,\n",
+ " 2172, 4254, 2005, 5022, 1012, 2054, 2024, 2017, 2204, 2012,\n",
+ " 1029, 2054, 23374, 2224, 2216, 4813, 1029, 2017, 2024, 2402,\n",
+ " 1998, 2012, 1996, 2927, 1997, 2115, 8324, 2495, 1010, 2085,\n",
+ " 2003, 1996, 2051, 2000, 8339, 2006, 1996, 2627, 2095, 1998,\n",
+ " 3275, 2041, 2129, 2000, 2693, 2830, 1012, 2065, 2017, 13566,\n",
+ " 2000, 6293, 2000, 3653, 1011, 19960, 1010, 2059, 2023, 2003,\n",
+ " 1996, 6040, 1045, 2507, 2000, 2035, 3653, 1011, 19960, 2493,\n",
+ " 1012, 1015, 1012, 2123, 1005, 1056, 2022, 1037, 3694, 12256,\n",
+ " 4590, 1012, 2087, 3454, 2069, 2215, 2000, 2156, 2017, 3113,\n",
+ " 1037, 3056, 6263, 2005, 2115, 14246, 2050, 1012, 2023, 8483,\n",
+ " 2013, 1017, 1012, 1016, 2000, 1017, 1012, 1021, 3227, 1012,\n",
+ " 2027, 2036, 2215, 2000, 2156, 3327, 7022, 2005, 3327, 4280,\n",
+ " 1006, 1996, 17901, 2075, 4280, 3262, 1007, 1012, 10424, 18319,\n",
+ " 3070, 2058, 2685, 2097, 2074, 2191, 1996, 12655, 1010, 4252,\n",
+ " 3095, 1010, 1998, 3507, 2493, 18959, 2017, 1012, 2009, 3310,\n",
+ " 2408, 2004, 1000, 1045, 1005, 1049, 2025, 4699, 1999, 9229,\n",
+ " 2030, 4083, 1010, 1045, 2215, 2017, 2000, 2507, 2033, 2062,\n",
+ " 4923, 2005, 2054, 1045, 1005, 2310, 2525, 2589, 1000, 1012,\n",
+ " 1999, 102])\n",
+ "**Ok, here's the answer you're looking for:**\n",
+ "\n",
+ "(I'm actually just going to post this directly to /r/Cornell now that I see how big it has become)\n",
+ "\n",
+ "**1) [Click Here For the Data](https://www.wolframalpha.com/input/?i=weather+in+14850+in+2014)** (you can change the 14850 to your zip code to compare.)\n",
+ "\n",
+ "**2) Here is my commentary on the data:** Cornell weather is not that bad for most people along the northern border of the U.S. It can get down to -10 F (last year it hit -17) but there are only a few weeks when you're below 10 degrees F. Windchill a little worse. Cornell is in a flat section of the state and that means lots of wind, but not as much as any costal town or city. This means windchill can be a factor. At the end of the day, anyone from NYC or Chicago would be fine at Cornell. Cornell only gets such a bad name because it has a big campus and attracts many students from far away who are woefully unprepared.\n",
+ "\n",
+ "**3) Here is my description of how cold weather works:** I think this is important. Numbers are meaningless without the ability to interpret them. You are from Texas, I see. I know the idea of sub-zero is foreign, but truthfully, it just means more layers. I'm not going to go off on talk about air pockets. Instead let me talk about what it takes to feel comfortable, to feel warm. First, no individual body part can be cold. Second, the body cannot feel its core temperature dropping.\n",
+ "\n",
+ "Ok, what this means is if any part of your body is exposed to cold objects that *conduct heat* away from you body quickly then that body part is going to feel cold. Things such as carrying books without gloves, walking in thin shoes (*especially* if they're wet, oh god water is a good conductor of heat), or wind on exposed skin will suck the heat from those parts of the body. This makes them feel cold. What that means for you is three things: boots, gloves, hat.\n",
+ "\n",
+ "But here's the truth about all of this: you are a big bag of circulating water. Your body is more than happy to just throw heat at your hands to keep the tissue at normal temperature. It's more than capable of it as well. The problem is that when your body feels its core temperature dropping it panics and constricts blood flow to your extremities. It is willing to sacrifice some heat in the hands (or feet, or nose) to try to conserve as much heat in the torso as possible. This means the hands get cold and causes pain. A lot of times you'll see someone with gloves on talking about how cold their hands are, cursing the gloves, while someone right next to them isn't wearing gloves and feels fine. The difference is that person has warmer clothes around their legs and torso, and that means the body has excess heat to throw at the hands.\n",
+ "\n",
+ "Try this experiment sometime. Pick up an ice cube. That is literally all you have to do. Roll it around in your hand and feel how it doesn't make your hands hurt. That is because—and I'm going to get kinda patriotic in a \"the human body is awesome\" kind of way—that little piece of crystalized H20 does't have *crap* on the thousands of miles of intricate water circulation system dedicated to keeping that patch of tissue exactly the temperature it should be at. If you can make your torso *hot*, then only 10 degrees or below weather *with* a windchill will be strong enough cause real discomfort to exposed skin.\n",
+ "\n",
+ "**4) Here is a discussion on clothes:** Truth be told, this question is better answered in terms of what you need to wear. You feel the same in the dead of winter at Cornell as you do in fall at Texas. As the Swedes say: \"there is no such thing as bad weather, just bad clothing.\" This does not mean you need to spend a lot on clothes. There are a lot of ways to design a warm winter wardrobe, but here are some of the basics.\n",
+ "\n",
+ "First, there are three different kinds of layers: the wicking layer, the warmth layer, and the weather layer. Wicking is just what goes on your skin or near it. It should be breathable and *wick* (pull) moisture (such as sweat) away from your skin. I really don't pay attention to this. I'm a Boy Scout so on weekend long campouts it's important, otherwise t-shirt and underwear is fine. Second is warmth. This can be a fancy parka or jacket, or just sweater. Third is weather, and this means wind and water protection. You do not want water or wind pulling heat directly from your torso! When implemented it looks like this: underwear, t-shirt, winter jacket. The winter jacket has both warm and weather built into one. If you need more warmth, add a sweater, then long underwear, then another sweater.\n",
+ "\n",
+ "Other things to think about:\n",
+ "\n",
+ "* You have to be careful about being able to take off layers. Too much and you'll be too warm inside. That's why I have a few different jackets depending on the weather, because ideally you want to be able to take off only your outside layer and be cool enough indoors. I avoid long underwear because of this (if I can). I have a light jacket for fall and a heavy parka for winter, that I can unzip if I'm too hot and take off once inside.\n",
+ "\n",
+ "* Boots are a big one when snow hits. They prevent wet (and thus, cold) feet.\n",
+ "\n",
+ "* Face masks are great for the worst months. I really recommend a balaclava hood. It is a scarf and hat in one, with a face mask that can be pulled up to cover the nose and mouth. If you wear glasses make sure you get one that has holes/thin fabric in front of the mouth to prevent it from fogging up.\n",
+ "\n",
+ "* I highly recommend any gloves you get have a wind blocking layer. Otherwise they are basically just swiss cheese. Sure they're warm in still air, but add a breeze and they might as well be in your pocket.\n",
+ "\n",
+ "* Cotton and wool are warmer than most synthetic material, so if you are looking for a hoodie or sweater as an intermediary pick those when in doubt. Note: they suck with wind resistance without other fibers mixed in or special treatments. Coats are often measured in a goose down number. I never understood the details, but basically it means the coat is as warm as a certain packing of goose feathers. You will see \"goose down 600\". The higher the number, the warmer, on a roughly linear scale.\n",
+ "\n",
+ "**5) Specific clothes to buy:** For the benefit of people who've never shopped cold weather gear before, I'll post some specific products and links. For the most part, I'm posting frugal buys that will get you through the rough of winter. Feel free to dismiss items that don't appeal to you, this is only a set of examples.\n",
+ "\n",
+ "* LLBean is a great company IMHO that has tremendous warranties, prices, and customer support. Click [here](http://www.llbean.com/llb/search/?freeText=winter+jacket&init=1) for some of their jackets. I would recommend a Jacket that goes down to -25 degrees F from them (because you don't want to have to rely on wearing long underwear and a sweater, as they assume with those ratings). My fav is the [Weather Challenger 3-in-1 Jacket](http://www.llbean.com/llb/shop/83559?feat=3%20in%201-SR0&page=weather-challenger-3-in-1-jacket).\n",
+ "\n",
+ "* Other options for coats on a budget are surplus military stock. They have no military markings, are made to be stylus in a plan way, durable, and very functional. Two example sites are [Army Surplus World](http://www.armysurplusworld.com/display.asp?subDepartmentID=276) and [Army Navy Outfitters](http://www.armynavydeals.com/asp/Default.asp?). Crappy websites but good products.\n",
+ "\n",
+ "* You want a good pair of warm walking boots. Mickey Mouse boots are a name given to a particular type of boots used by the U.S. military. They often have ugly yellow text on them, but that's only if you look at them up close and for as cheap as $20 from [here](http://stores.alleghenywholesale.com/usgi-military-bata-black-mickey-mouse-boots-w-valve-20f-brand-new/) they deserve a mention.\n",
+ "\n",
+ "* [These gloves](http://www.mechanix.com/cold-weather). They are a little annoying because of the logo, but Mechanix Wear makes the most functional gloves out there. Just the $10 [Thermal Knit](http://www.mechanix.com/cold-weather/thermal-knit) will do you well.\n",
+ "\n",
+ "* If you don't wear glasses, but [this](http://www.amazon.com/Chaos--CTR-Chinook-Balaclava-Windproof/dp/B002ZG7RFI/ref=sr_1_3?ie=UTF8&qid=1428097222&sr=8-3&keywords=balaclava) baraclava for $20. If you do, spend the greatest $10 of your life and upgrade to [this](http://www.amazon.com/Chaos--CTR-Howler-Windproof-Balaclava/dp/B002ZG7RGC/ref=sr_1_6?ie=UTF8&qid=1428097222&sr=8-6&keywords=balaclava), which seems to have better ventilation based on the reviews.\n",
+ "\n",
+ "**TLDR:** The worst thing about Cornell's cold weather is the time it takes to put on 3-5 extra pieces of clothing in the morning.\n",
+ "tensor([ 101, 1008, 1008, 7929, 1010, 2182, 1005, 1055, 1996, 3437,\n",
+ " 2017, 1005, 2128, 2559, 2005, 1024, 1008, 1008, 1006, 1045,\n",
+ " 1005, 1049, 2941, 2074, 2183, 2000, 2695, 2023, 3495, 2000,\n",
+ " 1013, 1054, 1013, 10921, 2085, 2008, 1045, 2156, 2129, 2502,\n",
+ " 2009, 2038, 2468, 1007, 1008, 1008, 1015, 1007, 1031, 11562,\n",
+ " 2182, 2005, 1996, 2951, 1033, 1006, 16770, 1024, 1013, 1013,\n",
+ " 7479, 1012, 4702, 14672, 14277, 3270, 1012, 4012, 1013, 7953,\n",
+ " 1013, 1029, 1045, 1027, 4633, 1009, 1999, 1009, 16459, 12376,\n",
+ " 1009, 1999, 1009, 2297, 1007, 1008, 1008, 1006, 2017, 2064,\n",
+ " 2689, 1996, 16459, 12376, 2000, 2115, 14101, 3642, 2000, 12826,\n",
+ " 1012, 1007, 1008, 1008, 1016, 1007, 2182, 2003, 2026, 8570,\n",
+ " 2006, 1996, 2951, 1024, 1008, 1008, 10921, 4633, 2003, 2025,\n",
+ " 2008, 2919, 2005, 2087, 2111, 2247, 1996, 2642, 3675, 1997,\n",
+ " 1996, 1057, 1012, 1055, 1012, 2009, 2064, 2131, 2091, 2000,\n",
+ " 1011, 2184, 1042, 1006, 2197, 2095, 2009, 2718, 1011, 2459,\n",
+ " 1007, 2021, 2045, 2024, 2069, 1037, 2261, 3134, 2043, 2017,\n",
+ " 1005, 2128, 2917, 2184, 5445, 1042, 1012, 3612, 5428, 3363,\n",
+ " 1037, 2210, 4788, 1012, 10921, 2003, 1999, 1037, 4257, 2930,\n",
+ " 1997, 1996, 2110, 1998, 2008, 2965, 7167, 1997, 3612, 1010,\n",
+ " 2021, 2025, 2004, 2172, 2004, 2151, 6849, 2140, 2237, 2030,\n",
+ " 2103, 1012, 2023, 2965, 3612, 5428, 3363, 2064, 2022, 1037,\n",
+ " 5387, 1012, 2012, 1996, 2203, 1997, 1996, 2154, 1010, 3087,\n",
+ " 2013, 16392, 2030, 3190, 2052, 2022, 2986, 2012, 10921, 1012,\n",
+ " 10921, 2069, 4152, 2107, 1037, 2919, 2171, 2138, 2009, 2038,\n",
+ " 1037, 2502, 3721, 1998, 17771, 2116, 2493, 2013, 2521, 2185,\n",
+ " 2040, 2024, 24185, 12879, 18083, 2100, 4895, 28139, 19362, 2098,\n",
+ " 1012, 1008, 1008, 1017, 1007, 2182, 2003, 2026, 6412, 1997,\n",
+ " 2129, 3147, 4633, 2573, 1024, 1008, 1008, 1045, 2228, 2023,\n",
+ " 2003, 2590, 1012, 3616, 2024, 25120, 2302, 1996, 3754, 2000,\n",
+ " 17841, 2068, 1012, 2017, 2024, 2013, 3146, 1010, 1045, 2156,\n",
+ " 1012, 1045, 2113, 1996, 2801, 1997, 4942, 1011, 5717, 2003,\n",
+ " 3097, 1010, 2021, 3606, 7699, 1010, 2009, 2074, 2965, 2062,\n",
+ " 9014, 1012, 1045, 1005, 1049, 2025, 2183, 2000, 2175, 2125,\n",
+ " 2006, 2831, 2055, 2250, 10306, 1012, 2612, 2292, 2033, 2831,\n",
+ " 2055, 2054, 2009, 3138, 2000, 2514, 6625, 1010, 2000, 2514,\n",
+ " 4010, 1012, 2034, 1010, 2053, 3265, 2303, 2112, 2064, 2022,\n",
+ " 3147, 1012, 2117, 1010, 1996, 2303, 3685, 2514, 2049, 4563,\n",
+ " 4860, 7510, 1012, 7929, 1010, 2054, 2023, 2965, 2003, 2065,\n",
+ " 2151, 2112, 1997, 2115, 2303, 2003, 6086, 2000, 3147, 5200,\n",
+ " 2008, 1008, 6204, 3684, 1008, 2185, 2013, 2017, 2303, 2855,\n",
+ " 2059, 2008, 2303, 2112, 2003, 2183, 2000, 2514, 3147, 1012,\n",
+ " 2477, 2107, 2004, 4755, 2808, 2302, 11875, 1010, 3788, 1999,\n",
+ " 4857, 6007, 1006, 1008, 2926, 1008, 2065, 2027, 1005, 2128,\n",
+ " 4954, 1010, 2821, 2643, 2300, 2003, 1037, 2204, 7589, 1997,\n",
+ " 3684, 1007, 1010, 2030, 3612, 2006, 6086, 3096, 2097, 11891,\n",
+ " 1996, 3684, 2013, 2216, 3033, 1997, 1996, 2303, 1012, 2023,\n",
+ " 3084, 2068, 2514, 3147, 1012, 2054, 2008, 2965, 2005, 2017,\n",
+ " 2003, 2093, 2477, 1024, 6879, 1010, 11875, 1010, 6045, 1012,\n",
+ " 2021, 2182, 1005, 1055, 1996, 3606, 2055, 2035, 1997, 2023,\n",
+ " 1024, 2017, 2024, 1037, 2502, 4524, 1997, 22458, 2300, 1012,\n",
+ " 2115, 2303, 2003, 2062, 2084, 3407, 2000, 2074, 5466, 3684,\n",
+ " 2012, 102])\n",
+ "This is a long post... I'd call it the short version of important stuff I learned in school. \n",
+ "\n",
+ "tl;dr: Happily employed Cornell Engineering Alumnus with some advice on studying and stuff. Did not have stellar GPA first year, had a great time in school and great job prospects after graduation\n",
+ "---\n",
+ "You didn't get a great GPA your freshman year? **Cracks beer** Join the club! \n",
+ "\n",
+ "As a now pretty \"well-off\" alumnus who had a similar experience freshman year and made it through with a lot of love for Cornell (and great job prospects), and had one helluva time (great time) at school I can confidently give you this advice for coming out on-top. If I could ram 5 things into my freshman head, it would be these things:\n",
+ "\n",
+ "1. First, relax. It'll be alright.\n",
+ "1. Learn to really study* (you really don't know how to right now)\n",
+ "1. You'll learn to work a lot harder, like callous it develops over time\n",
+ "1. Try not to skip classes and get great time management skills\n",
+ "1. Find things outside of class that interest you \n",
+ " \n",
+ "\n",
+ "So, I'll hop into each of these points and hopefully give you some actionable things you can do starting this next semester that'll let you kickass in class and have a great time while you're there. If the advice doesn't apply to you, sorry. Hopefully someone on this subreddit finds it useful.\n",
+ "\n",
+ "-------\n",
+ "**Relax** (tl;dr: You're fine) \n",
+ "\n",
+ " I know other alumni who did far worse than you for several semesters and are now gainfully employed and/or in graduate school. While your GPA is important, it is only a piece of your experience. So no, you aren't at all screwed from one (or even two or three \"bad\" semesters). \n",
+ "\n",
+ "------\n",
+ "**Study** \n",
+ "(tl;dr: you don't actually know how to study, here's how)\n",
+ "\n",
+ "God I wish I could tell my freshman year self this... You don't know how to study right now. In fact, almost every freshman STEM person I knew (and know) don't know how to really study. You were a smart kid and never had to really study probably. Things just came to you. A little review was all you needed to ace classes. Those days are over. To put this in perspective, I'm going to guess you do alright on most assignments and projects. When you attend class, you probably can follow what's going on and understand it. When you look at a problem and \"walk yourself through it\" you get it perfectly. But when exam time comes, you hit road blocks and bomb an exam or two.... why? \n",
+ "\n",
+ "You can imagine there are approximately three different tiers of knowledge for any given subject you'll face. There is (1) Novelty, (2) Familiarity, and (3) Understanding. You barely notice the novel realm because you're smart and quickly get into familiarity where you stay because up to now, that's all you've neeeded. \n",
+ "\n",
+ "Novel subjects/knowledge is stuff you haven't seen before. It's stuff you can barely follow (if follow at all) because it is so new. Imagine explaining to 2nd grade you sex or calculus and you'll get what I mean. \n",
+ "\n",
+ "Familiar subjects are where the vast majority of college students in your position end up. This is the realm of \"I read the book and get it\" / \"I go to lecture and get it\" / \"I do the homework and get it\" / \"I hit a test and blank\". \n",
+ "\n",
+ "\n",
+ "Here's the hard truth though: **being 100% familiar with a subject means nothing about your understanding of that subject**. Read that a few times over. You can go to class, do all of your assignments, and then bomb tests. This is because thousands of people around the world mistakenly assume that because they are familiar on a subject, they understand it. **WRONG**. Tests look at your understanding of a subject and not your familiarity with it. So if you don't get to the understanding level, you're S.O.L. on exams and will waste countless hours \"studying\" and still under achieving. \n",
+ "\n",
+ "Fortunately, getting to the understanding level is relatively easy with one specific change to your habits. When you're studying, **you need to persistently test yourself without any mental aids**. Attempt problems without notes, solution sets, or even the book. If you're prepping for an exam or a quiz or even doing homework, take a swipe at multiple problems without the help of notes, books, or solution sets. This forces you to come face-to-face with the areas where you lack understanding. Almost anyone (especially in Cornell Engineering) can walk themselves through a problem with notes or a book or follow a lecture. Not as many can be given a problem and without notes/book/solutions create a solution. By testing yourself on what you'll be tested on, you'll be able to immediately hone in on areas where you may be familiar with a subject but not understand it and focus studying habits there. Without doing this simple step, you'll spend days of your college life chasing your tail. I promise. This is the hard truth about studying. It doesn't sound fun, but do it and you will be amazed at how much more strongly you perform and how much lower the pressure will feel. \n",
+ "\n",
+ "Seriously: \n",
+ "\n",
+ "* Become Familiar with material like normal\n",
+ "* Test yourself blind (no help during the self examination questions)\n",
+ "* Evaluate your weak points and places where you are familiar but don't understand\n",
+ "* Focus your studying on the areas to get to a level of understanding (i.e. you can answer questions and derive answers without aid)\n",
+ "\n",
+ "\n",
+ "It sounds like more work than simply going to classes and doing work, but after 5 years at CU, I can confidently say that learning that saved me hours/days of stress and studying. This one will work 100% of the time. \n",
+ "\n",
+ "-----------\n",
+ "\n",
+ "**Tough Skin**\n",
+ "\n",
+ "I'd be lying if I told you that Cornell Engineering is easy. However, human minds are incredibly resilient. And between all this advice, you'll get tougher and your work ethic will skyrocket. If you study the right way, relax, manage your time, and find interesting stuff to do, you'll come out winning. :) \n",
+ "\n",
+ "\n",
+ "----------\n",
+ "\n",
+ "**Time Management** \n",
+ "\n",
+ "More trite advice, but basically start using Google Calendar, Smartsheet, Trello, or a goddamn planner and really keep track of what you have to do and when you have to do it. I don't care if you \"keep it all in your head\", it wastes mental energy and space. Three coolest and most useful tricks I learned? \n",
+ "\n",
+ "1. Use google calendar and sync it with your phone and computer to watch for due dates. Takes an hour or two to set-up and will save you days of time. \n",
+ "\n",
+ "1. Before the semester starts, rip through each class syllabus and make a month-to-month calendar of major deliverables (i.e. exams, project submissions, etc). Something about having the paper on your desk guilt trips you into looking at it. One of my social sciences friends shared me with [this document](https://docs.google.com/a/cornell.edu/document/d/1lEWZ3YsInV_-K1dgIN-e0iqt1I21GfPl_RJI07mZy1M/edit?usp=sharing) and it worked really dang well. Basically asterisks denoted some kind of deliverable. You print one off for every week. You fill it out.\n",
+ "\n",
+ "1. Doing your work earlier in the week (as crappy as that sounds) means you can party and hang out with friends guilt free some weekends. \n",
+ "\n",
+ "\n",
+ "------------\n",
+ "\n",
+ "**Do cool shit because you can**\n",
+ "\n",
+ "Cornell is a badass university. It really really is. There is something for everyone. I was heavily involved in Cornell Outdoor Education (teaching rock climbing and what not) and loved it to no end. Find things outside of academics that just interest you or sound fun. I don't care if you go to raves, build a robotic bartender, start a company, or climb rocks - just find non-school stuff that you like and keep doing it. For some reason, it makes you manage your time better and enjoy everything more. \n",
+ "\n",
+ "\n",
+ "On that note, take a class or two way the hell out of your normal interests. I had little to no interest in art, for instance. I decided to take a studio sculpture class. It was one of the most challenging and mind-expanding courses I ever took. \n",
+ "\n",
+ "\n",
+ "-------------\n",
+ "\n",
+ "\n",
+ "Anyway... that's a short (ha) spiel of mine. Take my advice or throw it away. You'll come out believing a lot of it anyway in four or five years anyway ;) \n",
+ "\n",
+ "Also, for anyone who reads this you're welcome to PM me or comment here if you'd like. I'm on reddit every couple days. \n",
+ "\n",
+ "\n",
+ "GO BIG RED\n",
+ "\n",
+ "tensor([ 101, 2023, 2003, 1037, 2146, 2695, 1012, 1012, 1012, 1045,\n",
+ " 1005, 1040, 2655, 2009, 1996, 2460, 2544, 1997, 2590, 4933,\n",
+ " 1045, 4342, 1999, 2082, 1012, 1056, 2140, 1025, 2852, 1024,\n",
+ " 11361, 4846, 10921, 3330, 19678, 2007, 2070, 6040, 2006, 5702,\n",
+ " 1998, 4933, 1012, 2106, 2025, 2031, 17227, 14246, 2050, 2034,\n",
+ " 2095, 1010, 2018, 1037, 2307, 2051, 1999, 2082, 1998, 2307,\n",
+ " 3105, 16746, 2044, 7665, 1011, 1011, 1011, 2017, 2134, 1005,\n",
+ " 1056, 2131, 1037, 2307, 14246, 2050, 2115, 10452, 2095, 1029,\n",
+ " 1008, 1008, 15288, 5404, 1008, 1008, 3693, 1996, 2252, 999,\n",
+ " 2004, 1037, 2085, 3492, 1000, 2092, 1011, 2125, 1000, 19678,\n",
+ " 2040, 2018, 1037, 2714, 3325, 10452, 2095, 1998, 2081, 2009,\n",
+ " 2083, 2007, 1037, 2843, 1997, 2293, 2005, 10921, 1006, 1998,\n",
+ " 2307, 3105, 16746, 1007, 1010, 1998, 2018, 2028, 3109, 2226,\n",
+ " 3567, 2051, 1006, 2307, 2051, 1007, 2012, 2082, 1045, 2064,\n",
+ " 28415, 2507, 2017, 2023, 6040, 2005, 2746, 2041, 2006, 1011,\n",
+ " 2327, 1012, 2065, 1045, 2071, 8223, 1019, 2477, 2046, 2026,\n",
+ " 10452, 2132, 1010, 2009, 2052, 2022, 2122, 2477, 1024, 1015,\n",
+ " 1012, 2034, 1010, 9483, 1012, 2009, 1005, 2222, 2022, 10303,\n",
+ " 1012, 1015, 1012, 4553, 2000, 2428, 2817, 1008, 1006, 2017,\n",
+ " 2428, 2123, 1005, 1056, 2113, 2129, 2000, 2157, 2085, 1007,\n",
+ " 1015, 1012, 2017, 1005, 2222, 4553, 2000, 2147, 1037, 2843,\n",
+ " 6211, 1010, 2066, 2655, 3560, 2009, 11791, 2058, 2051, 1015,\n",
+ " 1012, 3046, 2025, 2000, 13558, 4280, 1998, 2131, 2307, 2051,\n",
+ " 2968, 4813, 1015, 1012, 2424, 2477, 2648, 1997, 2465, 2008,\n",
+ " 3037, 2017, 2061, 1010, 1045, 1005, 2222, 6154, 2046, 2169,\n",
+ " 1997, 2122, 2685, 1998, 11504, 2507, 2017, 2070, 2895, 3085,\n",
+ " 2477, 2017, 2064, 2079, 3225, 2023, 2279, 13609, 2008, 1005,\n",
+ " 2222, 2292, 2017, 5926, 12054, 1999, 2465, 1998, 2031, 1037,\n",
+ " 2307, 2051, 2096, 2017, 1005, 2128, 2045, 1012, 2065, 1996,\n",
+ " 6040, 2987, 1005, 1056, 6611, 2000, 2017, 1010, 3374, 1012,\n",
+ " 11504, 2619, 2006, 2023, 4942, 5596, 23194, 4858, 2009, 6179,\n",
+ " 1012, 1011, 1011, 1011, 1011, 1011, 1011, 1011, 1008, 1008,\n",
+ " 9483, 1008, 1008, 1006, 1056, 2140, 1025, 2852, 1024, 2017,\n",
+ " 1005, 2128, 2986, 1007, 1045, 2113, 2060, 9441, 2040, 2106,\n",
+ " 2521, 4788, 2084, 2017, 2005, 2195, 13609, 2015, 1998, 2024,\n",
+ " 2085, 5114, 7699, 4846, 1998, 1013, 2030, 1999, 4619, 2082,\n",
+ " 1012, 2096, 2115, 14246, 2050, 2003, 2590, 1010, 2009, 2003,\n",
+ " 2069, 1037, 3538, 1997, 2115, 3325, 1012, 2061, 2053, 1010,\n",
+ " 2017, 4995, 1005, 1056, 2012, 2035, 14180, 2013, 2028, 1006,\n",
+ " 2030, 2130, 2048, 2030, 2093, 1000, 2919, 1000, 13609, 2015,\n",
+ " 1007, 1012, 1011, 1011, 1011, 1011, 1011, 1011, 1008, 1008,\n",
+ " 2817, 1008, 1008, 1006, 1056, 2140, 1025, 2852, 1024, 2017,\n",
+ " 2123, 1005, 1056, 2941, 2113, 2129, 2000, 2817, 1010, 2182,\n",
+ " 1005, 1055, 2129, 1007, 2643, 1045, 4299, 1045, 2071, 2425,\n",
+ " 2026, 10452, 2095, 2969, 2023, 1012, 1012, 1012, 2017, 2123,\n",
+ " 1005, 1056, 2113, 2129, 2000, 2817, 2157, 2085, 1012, 1999,\n",
+ " 2755, 1010, 2471, 2296, 10452, 7872, 2711, 1045, 2354, 1006,\n",
+ " 1998, 2113, 1007, 2123, 1005, 1056, 2113, 2129, 2000, 2428,\n",
+ " 2817, 1012, 2017, 2020, 1037, 6047, 4845, 1998, 2196, 2018,\n",
+ " 2000, 2428, 2817, 2763, 1012, 2477, 2074, 2234, 2000, 2017,\n",
+ " 1012, 1037, 2210, 3319, 2001, 2035, 2017, 2734, 2000, 9078,\n",
+ " 4280, 102])\n",
+ "In random order:\n",
+ "\n",
+ "> What is the average GPA for an engineer?\n",
+ "\n",
+ "When I was a MechE, average GPA was a 2.9-3.0, and an honors required a 3.2. Usually you graduate with a major GPA in that range, then your liberal arts classes bring your GPA up into the low 3s, and that's what you put on your resume when you graduate. Its different by major though.\n",
+ "\n",
+ "> How much time will the average student be studying a week? \n",
+ "\n",
+ "A lot. Honestly, if I could go through it again, I would do the following: the night before class, read the chapter the class is on. Take notes during the class, but since you've already paid attention to the material, try and understand it. Use the homework to make sure you understand it. That will help when studying for the exams, which you should probably leave a ~week for, and study a bit each day. Buy a calendar at some point early in the semester, and mark down when all your exams / homework / projects are due, this can help you figure out when you need to start studying/reviewing for each class. But honestly, I wouldn't worry about this. You'll start figuring it out your first semester. Everyone's in the same boat together, and you'll know a bunch of people in your classes, by virtue of being a freshman. You all will figure it out together, and your first few tests will calibrate it for you. *shrug.\n",
+ "\n",
+ "> How difficult is the engineering workload? \n",
+ "\n",
+ "The hardest part of the engineering workload is the engineering workload culture. If I could give only one piece of advice to every new freshman, this would be it. You're entering a world class university. When you graduate, you will literally be able to fly to most countries around the world and land a job based on the name of the university alone. That means you're probably a pretty high caliber person (whether you know it or not), and you're entering a school with a lot of such people. There's a real culture in the engineering school to push people to work really, really hard. Part of it is people want to say \"engineering is so hard, blah blah blah\". Part of it is professors who try to look tough (there are some in every university, and some on this forum). Some of it is there are just a lot of students that have never been intellectually challenged before, and are excited by the prospect, or are trying to get through in less time. Regardless, it breeds a little bit of a culture where people will brag about how many credits they're taking each semester. IGNORE IT. Take your standard 4 classes (16 credits) each semester, and no more. If you want to throw on a writing seminar, or gym class, or project team, go for it, those things are fun, and some of the project teams are real resume builders. But that's it. Don't take 5 real classes. If you take 20+ credits a semester, you're going to spend all your time studying, and your life is going to suck. A large part of the point of college is the people you meet and become life long friends with. If you take the normal 4, you'll spend time learning, but you'll have free time to hang out with people, play games, go to parties, play a sport, whatever you want to do that makes things fun for you, and if you need to spend extra time bringing your grades up in a class that seemed more difficult than you thought, you'll have the free time to dedicate. Life is all about balance, its easier to learn this the easy way. Not to mention you should always leave yourself some free time just in case life throws you a curveball anyway, because if there's one thing life likes to do, its to throw things at you that you weren't expecting. And remember, you don't have to prove anything to anybody; you're there to learn and have fun.\n",
+ "\n",
+ "> What first year writing seminars are the easiest or most interesting?\n",
+ "\n",
+ "Just take something that appears interesting to you. As an engineer, it can be difficult to take electives other than the most popular ones without some planning, due to how courses line up time wise. I took a magical realism one that turned out to be very cool, I still read that type of literature now : )\n",
+ "\n",
+ "> How cold does it get?\n",
+ "\n",
+ "Fucking cold? I think worst I ever experienced was -10 F with wind chill. Its usually not anywhere near that bad though. First snow is usually over thanksgiving break, the next snow in December. So if you're (un)lucky, you might not get any fall semester. Spring semester there'll be snow for the majority of it, but you learn how to dress warm. Occasionally the wind will bite your face a little bit, but that's about the worst of it.\n",
+ "\n",
+ "> What do people do for fun in Ithaca?\n",
+ "\n",
+ "Everything? If you have an interest, there is a group of people at Cornell that partakes in it. Even if it doesn't exist on the hill, chances are it does in Ithaca or Binghamton. The hard part, honestly, can be finding it. Unlike many other universities, Cornell is _not_ centralized. If you don't explicitly look for what you're interested in, and put real effort into finding people / clubs / classes / places that do that activity, you won't find it. Its just the nature of a large spread out university. But it is there, and its important that you find such cliques to have a good college experience. But this is more advice for your sophmore year and later, your freshman year you're going to be meeting so many new people running around in such large groups of people I wouldn't worry about this at all.\n",
+ "\n",
+ ">Anything else I should be prepared for?\n",
+ "\n",
+ "Your first few weeks there, no one will know anyone. Be friendly and say hi to everyone! I promise 95% of the people will be happy to meet someone new. Its the easiest time to meet people of the entire collegiate experience. Other than that, just have fun! College is fun. Even engineering is fun. And if it isn't fun, go choose something else that you find to be fun. Learning should come with passion, and you're entering one of the few places in the country where literally any effort you put into any aspect of your life will yield huge dividends beyond what you can image. Go celebrate the rest of your senior year, and work hard / have fun when you get there. You're there for yourself, no one else.\n",
+ "tensor([ 101, 1999, 6721, 2344, 1024, 1004, 14181, 1025, 2054, 2003,\n",
+ " 1996, 2779, 14246, 2050, 2005, 2019, 3992, 1029, 2043, 1045,\n",
+ " 2001, 1037, 2033, 5403, 1010, 2779, 14246, 2050, 2001, 1037,\n",
+ " 1016, 1012, 1023, 1011, 1017, 1012, 1014, 1010, 1998, 2019,\n",
+ " 7836, 3223, 1037, 1017, 1012, 1016, 1012, 2788, 2017, 4619,\n",
+ " 2007, 1037, 2350, 14246, 2050, 1999, 2008, 2846, 1010, 2059,\n",
+ " 2115, 4314, 2840, 4280, 3288, 2115, 14246, 2050, 2039, 2046,\n",
+ " 1996, 2659, 1017, 2015, 1010, 1998, 2008, 1005, 1055, 2054,\n",
+ " 2017, 2404, 2006, 2115, 13746, 2043, 2017, 4619, 1012, 2049,\n",
+ " 2367, 2011, 2350, 2295, 1012, 1004, 14181, 1025, 2129, 2172,\n",
+ " 2051, 2097, 1996, 2779, 3076, 2022, 5702, 1037, 2733, 1029,\n",
+ " 1037, 2843, 1012, 9826, 1010, 2065, 1045, 2071, 2175, 2083,\n",
+ " 2009, 2153, 1010, 1045, 2052, 2079, 1996, 2206, 1024, 1996,\n",
+ " 2305, 2077, 2465, 1010, 3191, 1996, 3127, 1996, 2465, 2003,\n",
+ " 2006, 1012, 2202, 3964, 2076, 1996, 2465, 1010, 2021, 2144,\n",
+ " 2017, 1005, 2310, 2525, 3825, 3086, 2000, 1996, 3430, 1010,\n",
+ " 3046, 1998, 3305, 2009, 1012, 2224, 1996, 19453, 2000, 2191,\n",
+ " 2469, 2017, 3305, 2009, 1012, 2008, 2097, 2393, 2043, 5702,\n",
+ " 2005, 1996, 13869, 1010, 2029, 2017, 2323, 2763, 2681, 1037,\n",
+ " 1066, 2733, 2005, 1010, 1998, 2817, 1037, 2978, 2169, 2154,\n",
+ " 1012, 4965, 1037, 8094, 2012, 2070, 2391, 2220, 1999, 1996,\n",
+ " 13609, 1010, 1998, 2928, 2091, 2043, 2035, 2115, 13869, 1013,\n",
+ " 19453, 1013, 3934, 2024, 2349, 1010, 2023, 2064, 2393, 2017,\n",
+ " 3275, 2041, 2043, 2017, 2342, 2000, 2707, 5702, 1013, 15252,\n",
+ " 2005, 2169, 2465, 1012, 2021, 9826, 1010, 1045, 2876, 1005,\n",
+ " 1056, 4737, 2055, 2023, 1012, 2017, 1005, 2222, 2707, 23218,\n",
+ " 2009, 2041, 2115, 2034, 13609, 1012, 3071, 1005, 1055, 1999,\n",
+ " 1996, 2168, 4049, 2362, 1010, 1998, 2017, 1005, 2222, 2113,\n",
+ " 1037, 9129, 1997, 2111, 1999, 2115, 4280, 1010, 2011, 11870,\n",
+ " 1997, 2108, 1037, 10452, 1012, 2017, 2035, 2097, 3275, 2009,\n",
+ " 2041, 2362, 1010, 1998, 2115, 2034, 2261, 5852, 2097, 10250,\n",
+ " 12322, 11657, 2009, 2005, 2017, 1012, 1008, 13409, 1012, 1004,\n",
+ " 14181, 1025, 2129, 3697, 2003, 1996, 3330, 2147, 11066, 1029,\n",
+ " 1996, 18263, 2112, 1997, 1996, 3330, 2147, 11066, 2003, 1996,\n",
+ " 3330, 2147, 11066, 3226, 1012, 2065, 1045, 2071, 2507, 2069,\n",
+ " 2028, 3538, 1997, 6040, 2000, 2296, 2047, 10452, 1010, 2023,\n",
+ " 2052, 2022, 2009, 1012, 2017, 1005, 2128, 5738, 1037, 2088,\n",
+ " 2465, 2118, 1012, 2043, 2017, 4619, 1010, 2017, 2097, 6719,\n",
+ " 2022, 2583, 2000, 4875, 2000, 2087, 3032, 2105, 1996, 2088,\n",
+ " 1998, 2455, 1037, 3105, 2241, 2006, 1996, 2171, 1997, 1996,\n",
+ " 2118, 2894, 1012, 2008, 2965, 2017, 1005, 2128, 2763, 1037,\n",
+ " 3492, 2152, 15977, 2711, 1006, 3251, 2017, 2113, 2009, 2030,\n",
+ " 2025, 1007, 1010, 1998, 2017, 1005, 2128, 5738, 1037, 2082,\n",
+ " 2007, 1037, 2843, 1997, 2107, 2111, 1012, 2045, 1005, 1055,\n",
+ " 1037, 2613, 3226, 1999, 1996, 3330, 2082, 2000, 5245, 2111,\n",
+ " 2000, 2147, 2428, 1010, 2428, 2524, 1012, 2112, 1997, 2009,\n",
+ " 2003, 2111, 2215, 2000, 2360, 1000, 3330, 2003, 2061, 2524,\n",
+ " 1010, 27984, 27984, 27984, 1000, 1012, 2112, 1997, 2009, 2003,\n",
+ " 12655, 2040, 3046, 2000, 2298, 7823, 1006, 2045, 2024, 2070,\n",
+ " 1999, 2296, 2118, 1010, 1998, 2070, 2006, 2023, 7057, 1007,\n",
+ " 1012, 2070, 1997, 2009, 2003, 2045, 2024, 2074, 1037, 2843,\n",
+ " 1997, 102])\n",
+ "> 1. What are the major differences in terms of the required courses?\n",
+ "\n",
+ "Physics majors only need 2/3 courses completed in the intro sequence before affiliating. You’ll complete all 3 courses eventually, but since you need a major before sophomore year is over, this can be a favtor sometimes\n",
+ "\n",
+ "AEP majors need all 3 intro courses completed *and they need to be honors*. The honors track is significantly harder. Physics majors also take these honors courses (like myself), and its recommended to do so if you plan on going to grad school or pursuing academia. AEP also requires slightly higher grades before affiliating. \n",
+ "\n",
+ "After affiliating:\n",
+ "Physics majors have a shitton more options, and less restrictions. I’ll get into this in the next question. AEP and Physics split after Quantum (the fourth core class). AEP majors are usually forced into relatively similar schedules, but a Physics major will usually have a completely different schedule to another one. \n",
+ "\n",
+ "\n",
+ "> 2. What are the areas you can concentrate in for both the majors? \n",
+ "\n",
+ "With a Physics Major, you need to fulfill a concentration. This means taking 15 credits in a different subject, 11 of which must be 3000+ courses. About half do an internal, Physics concentration, and half do an external. You can quite literally concentrate in anything you want, as long as its in CAS (so basically anything). AEP doesn’t have this level of freedom. \n",
+ "\n",
+ "> 3. Will both give me an equally rigorous understanding of physics? Which is more focussed on mathematics?\n",
+ "\n",
+ "A physics major’s courseload can be just as rigorous as an AEP major’s, since most serious Physics majors will take a heap of AEP classes to supplement their skills (like MathPhys II, or StatMech). So I guess the answer would be... “maybe”? It depends on whether you want it to or not. So I guess the real answer is “if you want”. \n",
+ "\n",
+ "I would say Physics would be more focussed on mathematics. This is a little hard to answer. AEP majors have a couple more math classes they are required to take, which are extremely advanced, but many Physics majors *will* take them anyways if they’re taking honors level classes after quantum. Also, many Physics majors will take a smattering of math classes if they wish, and those concentrating in math will probably have a more math-focussed schedule. \n",
+ "\n",
+ "> 4. How do the additional requirements differ (which vary by college)? Is it advisable to take the engineering requirements if I wish to pursue a career in a technical field? \n",
+ "\n",
+ "AEP majors can pretty much go into any technical field after they graduate. I know plenty in banking, consulting, teaching, research, and CS. Physics majors have slightly less options, and will probably need a class or two in their desired field. However, this is usually the case, since a physics major will have a concentration in a subject they find interesting enough to pursue a career in. Also, physics majors will have a broader range of coursework and options for minors or even a double major (like myself). \n",
+ "\n",
+ "In the end, both majors will provide you with relatively similar chances of landing a job in a technical field. Which one will give you a better chance depends on your courseload and the field/firm you apply to. \n",
+ "\n",
+ "You can find more information on the differences between CoE and CAS, but for a physics/aep major the biggest difference is CAS requires a foreign language, and CoE requires Chem 2090. \n",
+ "\n",
+ "> 5. If I plan on double majoring in Physics and CS, is it better to pursue Engineering Physics with a CS concentration (if that's possible) instead? How much CS knowledge comes with a concentration? \n",
+ "\n",
+ "Fuck me, I wish this had been on the top, I could have saved a lot of time had I known you were interested in CS. \n",
+ "\n",
+ "If you’re planning on double majoring, don’t do AEP and CS at the same time lmao. AEP is way too strict and way too time-consuming. Physics and CS will result in a lot of pain and suffering on its own, trust me. \n",
+ "\n",
+ "Physics concentration requires 15 credits, 11 of which must be 3000+. There is a caveat to this; you can’t use classes that are counting towards another major’s requirements. So you have three options here:\n",
+ "\n",
+ "1: Stick with a concentration\n",
+ "\n",
+ "This is the easiest option. You can count 2110/1110/2800 as your non-3000+ 4 credits, and then take three 3000+ classes. This will probably be 3110, 3410, and some other elective. This gives you a good foundation, and probably plenty of experience to work as an entry-level code monkey. You’ll gain the skills to do research-level programming and general understanding of computers and their internal software. \n",
+ "\n",
+ "2: Pick up a CS minor\n",
+ "\n",
+ "The CS minor requires the following:\n",
+ "- CS2110\n",
+ "- CS3110/3410\n",
+ "- 4 classes 3000+ or CS2800\n",
+ "\n",
+ "This is like 1-2 more classes than the concentration. You’ll gain enough experience to pursue independent learning and might consider going all out and getting the major in your sophomore year or something. If you’re considering getting the minor, you might find a bunch of different courses you suddenly want to take after 3110 when you’re looking at your list of options for the 3000+ level electives just to get a bit more experience in shit like ML or AI. \n",
+ "\n",
+ "3: Major in both because I hate myself\n",
+ "\n",
+ "The difference between this and the minor is substantially greater than the minor and its concentration. The CS major on its own is not too bad, but since none of your concentration classes will be able to count towards your major, you either have to take 4 extra CS classes for a total of 7 CS electives (which is a lot by the way) or you concentrate in something else, and end up taking 4+ more courses in a different subject anyway. \n",
+ "\n",
+ "You’ll need to take all the courses in the minor and two more core classes: CS 4110, and CS4820, as well as 3 technical classes (these can just be physics classes), a stats class, and a practicum (just a project class, ranges from easy as shit to hellish nightmare). Its a doable schedule, but will require some credit scraping so you can avoid bullshit classes with AP and doubling up some of your CAS reqs with classes like Intro to Asian Religion. \n",
+ "\n",
+ "> 6. As the engineering physics degree is relatively unrecognized, does that pose a problem with employers in any way?\n",
+ "\n",
+ "That’s not really true at all. Cornell’s engineering physics program is considered to be one of the hardest on the planet, usually cited as top 3/5, only surpassed by MIT/CalTech. Lots of employers know the meat grinder that is AEP and will simply assume you can take on most challenging environments and subjects. \n",
+ "\n",
+ "> 7. Which is better for grad school (if there's a difference, that is)? After engineering physics is there a barrier to pursuing masters in a pure physics field? \n",
+ "\n",
+ "Plenty of AEP students go into a masters program afterward, but it is more common for Physics majors. It would also be a bit of a waste of time, taking a bunch of classes that would be irrelevant for grad school. However, if you’re asking if doing AEP would hurt your chances of getting into a grad school, it probably wouldn’t make a difference. Your grades will probably be a bit worse than if you had done Physics, which grad schools will look at, but might consider. \n",
+ "\n",
+ "Fucking hell I’m never doing this on mobile again. \n",
+ "tensor([ 101, 1004, 14181, 1025, 1015, 1012, 2054, 2024, 1996, 2350,\n",
+ " 5966, 1999, 3408, 1997, 1996, 3223, 5352, 1029, 5584, 15279,\n",
+ " 2069, 2342, 1016, 1013, 1017, 5352, 2949, 1999, 1996, 17174,\n",
+ " 5537, 2077, 21358, 8873, 6632, 3436, 1012, 2017, 1521, 2222,\n",
+ " 3143, 2035, 1017, 5352, 2776, 1010, 2021, 2144, 2017, 2342,\n",
+ " 1037, 2350, 2077, 13758, 2095, 2003, 2058, 1010, 2023, 2064,\n",
+ " 2022, 1037, 6904, 2615, 4263, 2823, 29347, 2361, 15279, 2342,\n",
+ " 2035, 1017, 17174, 5352, 2949, 1008, 1998, 2027, 2342, 2000,\n",
+ " 2022, 7836, 1008, 1012, 1996, 7836, 2650, 2003, 6022, 6211,\n",
+ " 1012, 5584, 15279, 2036, 2202, 2122, 7836, 5352, 1006, 2066,\n",
+ " 2870, 1007, 1010, 1998, 2049, 6749, 2000, 2079, 2061, 2065,\n",
+ " 2017, 2933, 2006, 2183, 2000, 24665, 4215, 2082, 2030, 11828,\n",
+ " 16926, 1012, 29347, 2361, 2036, 5942, 3621, 3020, 7022, 2077,\n",
+ " 21358, 8873, 6632, 3436, 1012, 2044, 21358, 8873, 6632, 3436,\n",
+ " 1024, 5584, 15279, 2031, 1037, 4485, 2669, 2062, 7047, 1010,\n",
+ " 1998, 2625, 9259, 1012, 1045, 1521, 2222, 2131, 2046, 2023,\n",
+ " 1999, 1996, 2279, 3160, 1012, 29347, 2361, 1998, 5584, 3975,\n",
+ " 2044, 8559, 1006, 1996, 2959, 4563, 2465, 1007, 1012, 29347,\n",
+ " 2361, 15279, 2024, 2788, 3140, 2046, 4659, 2714, 20283, 1010,\n",
+ " 2021, 1037, 5584, 2350, 2097, 2788, 2031, 1037, 3294, 2367,\n",
+ " 6134, 2000, 2178, 2028, 1012, 1004, 14181, 1025, 1016, 1012,\n",
+ " 2054, 2024, 1996, 2752, 2017, 2064, 10152, 1999, 2005, 2119,\n",
+ " 1996, 15279, 1029, 2007, 1037, 5584, 2350, 1010, 2017, 2342,\n",
+ " 2000, 13883, 1037, 6693, 1012, 2023, 2965, 2635, 2321, 6495,\n",
+ " 1999, 1037, 2367, 3395, 1010, 2340, 1997, 2029, 2442, 2022,\n",
+ " 11910, 1009, 5352, 1012, 2055, 2431, 2079, 2019, 4722, 1010,\n",
+ " 5584, 6693, 1010, 1998, 2431, 2079, 2019, 6327, 1012, 2017,\n",
+ " 2064, 3243, 6719, 10152, 1999, 2505, 2017, 2215, 1010, 2004,\n",
+ " 2146, 2004, 2049, 1999, 25222, 1006, 2061, 10468, 2505, 1007,\n",
+ " 1012, 29347, 2361, 2987, 1521, 1056, 2031, 2023, 2504, 1997,\n",
+ " 4071, 1012, 1004, 14181, 1025, 1017, 1012, 2097, 2119, 2507,\n",
+ " 2033, 2019, 8053, 20001, 4824, 1997, 5584, 1029, 2029, 2003,\n",
+ " 2062, 3579, 6924, 2006, 5597, 1029, 1037, 5584, 2350, 1521,\n",
+ " 1055, 2607, 11066, 2064, 2022, 2074, 2004, 20001, 2004, 2019,\n",
+ " 29347, 2361, 2350, 1521, 1055, 1010, 2144, 2087, 3809, 5584,\n",
+ " 15279, 2097, 2202, 1037, 16721, 1997, 29347, 2361, 4280, 2000,\n",
+ " 12448, 2037, 4813, 1006, 2066, 8785, 21281, 2015, 2462, 1010,\n",
+ " 2030, 28093, 4168, 2818, 1007, 1012, 2061, 1045, 3984, 1996,\n",
+ " 3437, 2052, 2022, 1012, 1012, 1012, 1523, 2672, 1524, 1029,\n",
+ " 2009, 9041, 2006, 3251, 2017, 2215, 2009, 2000, 2030, 2025,\n",
+ " 1012, 2061, 1045, 3984, 1996, 2613, 3437, 2003, 1523, 2065,\n",
+ " 2017, 2215, 1524, 1012, 1045, 2052, 2360, 5584, 2052, 2022,\n",
+ " 2062, 3579, 6924, 2006, 5597, 1012, 2023, 2003, 1037, 2210,\n",
+ " 2524, 2000, 3437, 1012, 29347, 2361, 15279, 2031, 1037, 3232,\n",
+ " 2062, 8785, 4280, 2027, 2024, 3223, 2000, 2202, 1010, 2029,\n",
+ " 2024, 5186, 3935, 1010, 2021, 2116, 5584, 15279, 1008, 2097,\n",
+ " 1008, 2202, 2068, 4312, 2015, 2065, 2027, 1521, 2128, 2635,\n",
+ " 7836, 2504, 4280, 2044, 8559, 1012, 2036, 1010, 2116, 5584,\n",
+ " 15279, 2097, 2202, 1037, 15488, 20097, 2075, 1997, 8785, 4280,\n",
+ " 2065, 2027, 4299, 1010, 1998, 2216, 16966, 1999, 8785, 2097,\n",
+ " 2763, 2031, 1037, 2062, 8785, 1011, 3579, 6924, 6134, 1012,\n",
+ " 1004, 102])\n",
+ "Just copy-pasting the FAQs on the Union website here:\n",
+ "\n",
+ "**What does it mean to be a member of CGSU?**\n",
+ "\n",
+ "A CGSU member is someone who wants to build power for graduate workers at Cornell, and has signed a CGSU Membership Card (in-person or online). Members of the union get updates about the union organizing drive and invitations to membership meetings, as well as information on how to get more involved. When CGSU makes a big strategic decision, elects members of our Steering Committee, or votes on a collective bargaining agreement, only members can vote on that. Being a member of CGSU is about showing your support for your colleagues, and having a say in your union.\n",
+ "\n",
+ "**What could a union, and a union contract, do for me as a graduate student?**\n",
+ "\n",
+ "A union, and the ability to negotiate a contract, means having tangible control over your own working conditions. Right now, graduate students have no meaningful control over University policies. The University can change stipend rates, healthcare benefits, and hour expectations without consulting graduate students. With a union, graduate students could negotiate over the substance of many University policies, and secure them through having a contract. This contract would be legally enforceable.\n",
+ "\n",
+ "A union is also a resource center for graduate students. Right now, there is very little done by the University to ensure that graduate students understand their rights as workers. This means that many graduate students don’t know what policies guide their working lives, from sick days and vacation days to programs like the childcare grant. Unions work to ensure that every worker knows what rights they have, and how to make sure that the contract is followed and their rights are protected, because a union is only as strong as its membership. If a graduate student feels like the University has treated them unfairly, the union will help (and is currently helping) grads to explore their options and navigate these processes.\n",
+ "\n",
+ "**What will a union prevent me from doing?**\n",
+ "\n",
+ "This is a question you might hear from the administration to make you think that you will have limited autonomy within a union. But a union contract is bargained by graduate students, with the administration. CGSU will never put limits on graduate students’ rights and conditions, because it works for grads. CGSU will make an effort to limit the University’s ability to change policies without grad students’ input and consent.\n",
+ "\n",
+ "**What is a “bargaining unit”, and am I in it?**\n",
+ "\n",
+ "The bargaining unit is the group of graduate students covered directly within the scope of contract negotiations. The bargaining unit was decided in an agreement between the University and CGSU in May, 2016, and includes all Teaching Assistant, Research Assistant, and Graduate Assistant positions under University Policy 1.3. This does not include hourly workers, nor does it include students on Fellowships (although we fought the University hard on both of these issues).\n",
+ "\n",
+ "Every graduate student in the bargaining unit will be able to vote in the upcoming recognition election, and will be covered under any contract that is negotiated between CGSU and the University. We know that graduate students will move in and out of the bargaining unit during their time at Cornell. However, regardless of your job title, if you have signed a union card, you are considered a member of the union, and can participate as much as you see fit.\n",
+ "\n",
+ "**What’s this election I’ve been hearing about?**\n",
+ "\n",
+ "Before a union can negotiate with administration and bargain a contract, it needs to be “recognized”. Cornell could have recognized CGSU on its own, but did not, instead calling for a “recognition election”. This is where graduate students in the bargaining unit get to vote YES or NO to being represented by CGSU as a union. If a majority vote YES, then the University has agreed to recognize CGSU as the union representing Cornell grads and begin bargaining a contract with us.\n",
+ "\n",
+ "**I’m an international student. Can I join CGSU? Are there any problems I will face because I am on a visa?**\n",
+ "\n",
+ "As an international student you are afforded all of the protections American citizens have when it comes to organizing and unionizing. Your visa will not be jeopardized by being a CGSU member. As a union member, you’ll also be part of an organization that will stand with you if you face any issues at the University.\n",
+ "\n",
+ "**Why did the union subpoena my information?**\n",
+ "\n",
+ "We have an agreement with the administration that’s designed to ensure a smooth process over the coming months, and as part of that agreement, the administration agreed to release contact info so that we can reach out and talk to everyone who might be affected. The administration asked for the subpoena before they would release that information.\n",
+ "\n",
+ "To make this a truly democratic process, we need to be sure we give every one of our fellow co-workers the opportunity to inform this process and tell us how they would like to improve working conditions at Cornell. The University already has the ability to contact all grad students to dissuade us from unionizing, we have the legal right to be afforded the same opportunity.\n",
+ "\n",
+ "**What are union dues?**\n",
+ "\n",
+ "Union dues are money paid by members of the union for the purpose of maintaining a strong union. Collecting dues is one more way to ensure that graduate workers can have a strong union that can win a good contract and defend the rights of grad students. That’s what dues money is used for–winning and maintaining a good contract, and continuing to organize a strong union of grads that will have real power at Cornell and beyond.\n",
+ "\n",
+ "The campaign for recognition at Cornell is funded by the dues of union members in New York and across the country. Once we win our contract and have a union local, dues will sustain our union’s activities and service our contract!\n",
+ "\n",
+ "**So, how much do union dues cost?**\n",
+ "\n",
+ "Right now, there are no dues, and no cost. Once we win recognition from the University, and negotiate a contract, CGSU members will decide how much dues will be. That’s a decision we make, democratically, as members, and that as a member, you could make too. Union dues do not usually exceed 2% of total compensation.\n",
+ "\n",
+ "**Do you have any specific numbers on dues?**\n",
+ "\n",
+ "Yes! Again, right now, there are no dues. However, below is a table detailing the current NYSUT/AFT dues for 2016-17, that more than 600,000 AFT/NYSUT members pay.\n",
+ "\n",
+ "nysut-aft-dues-schedule\n",
+ "\n",
+ "**But I don’t want to pay any extra money!**\n",
+ "\n",
+ "We don’t want you to, either. A contract would never be bargained, much less approved by members, that didn’t ensure that we get more in compensation than go to dues. It would defeat a big part of what unions seek to do: to improve the material circumstances of its members.\n",
+ "\n",
+ "**I’m worried that my stipend will be cut to pay for others’ raises–will it?**\n",
+ "\n",
+ "Why would you vote to cut your own pay? We have people involved from a wide variety of fields such as Electrical Engineering, Physics, Biomedical Engineering, Anthropology and English. A democratic union like ours reflects the will of its membership, and no one is trying to pit some fields against others. This is about making improvements that benefit everyone and make it possible for us to do our best teaching and research work possible.\n",
+ "\n",
+ "**We already have GPSA (Graduate and Professional Student Assembly), so why would we need a union?**\n",
+ "\n",
+ "GPSA is an important part of Cornell’s shared governance system, and we’re not trying to replace that. But we think that concerns around our working conditions, benefits, and compensation are more appropriately addressed through a union, which has a stronger legal framework to negotiate and hold the administration accountable.\n",
+ "\n",
+ "Additionally, there are many grads that seek support navigating Cornell’s grievance policies. Having a union assures that grads will have the representation they need to navigate this onerous process, while working to improve it and bargain a more just system of due process for grad workers at Cornell.\n",
+ "\n",
+ "**My field is unique and we don’t want a cookie cutter approach.**\n",
+ "\n",
+ "Our goal as union members isn’t to conform every department and field to one exact way of operating. Rather, we want to be able to set baseline standards and expectations–and departmental administrators and faculty can figure out the best ways to meet them! Plus, it’s important to note that some things–like parental leave, dental and vision insurance, grievance policies, and workers’ compensation–simply can’t be resolved at the department level.\n",
+ "\n",
+ "We don’t think a cookie cutter approach would work either. That’s why it’s so important that we talk to everyone and have folks involved from every field. We’re building this union from the ground up, so this is an ideal time to get involved in shaping it.\n",
+ "\n",
+ "**We won’t be able to win anything anyway, right?**\n",
+ "\n",
+ "Through organizing efforts, grads have already won modest increases to the stipend, mandated that Cornell follow worker compensation laws, and improved and lowered health-care costs for grad spouses. This was all won through the modest pressure of student conversations about unionizing, imagine what we can win when Cornell is legally mandated to bargain with us over the conditions of our employment.\n",
+ "tensor([ 101, 2074, 6100, 1011, 2627, 2075, 1996, 6904, 4160, 2015,\n",
+ " 2006, 1996, 2586, 4037, 2182, 1024, 1008, 1008, 2054, 2515,\n",
+ " 2009, 2812, 2000, 2022, 1037, 2266, 1997, 1039, 5620, 2226,\n",
+ " 1029, 1008, 1008, 1037, 1039, 5620, 2226, 2266, 2003, 2619,\n",
+ " 2040, 4122, 2000, 3857, 2373, 2005, 4619, 3667, 2012, 10921,\n",
+ " 1010, 1998, 2038, 2772, 1037, 1039, 5620, 2226, 5779, 4003,\n",
+ " 1006, 1999, 1011, 2711, 2030, 3784, 1007, 1012, 2372, 1997,\n",
+ " 1996, 2586, 2131, 14409, 2055, 1996, 2586, 10863, 3298, 1998,\n",
+ " 29492, 2000, 5779, 6295, 1010, 2004, 2092, 2004, 2592, 2006,\n",
+ " 2129, 2000, 2131, 2062, 2920, 1012, 2043, 1039, 5620, 2226,\n",
+ " 3084, 1037, 2502, 6143, 3247, 1010, 27161, 2372, 1997, 2256,\n",
+ " 9602, 2837, 1010, 2030, 4494, 2006, 1037, 7268, 21990, 3820,\n",
+ " 1010, 2069, 2372, 2064, 3789, 2006, 2008, 1012, 2108, 1037,\n",
+ " 2266, 1997, 1039, 5620, 2226, 2003, 2055, 4760, 2115, 2490,\n",
+ " 2005, 2115, 8628, 1010, 1998, 2383, 1037, 2360, 1999, 2115,\n",
+ " 2586, 1012, 1008, 1008, 2054, 2071, 1037, 2586, 1010, 1998,\n",
+ " 1037, 2586, 3206, 1010, 2079, 2005, 2033, 2004, 1037, 4619,\n",
+ " 3076, 1029, 1008, 1008, 1037, 2586, 1010, 1998, 1996, 3754,\n",
+ " 2000, 13676, 1037, 3206, 1010, 2965, 2383, 24600, 2491, 2058,\n",
+ " 2115, 2219, 2551, 3785, 1012, 2157, 2085, 1010, 4619, 2493,\n",
+ " 2031, 2053, 15902, 2491, 2058, 2118, 6043, 1012, 1996, 2118,\n",
+ " 2064, 2689, 2358, 15457, 4859, 6165, 1010, 9871, 6666, 1010,\n",
+ " 1998, 3178, 10908, 2302, 10552, 4619, 2493, 1012, 2007, 1037,\n",
+ " 2586, 1010, 4619, 2493, 2071, 13676, 2058, 1996, 9415, 1997,\n",
+ " 2116, 2118, 6043, 1010, 1998, 5851, 2068, 2083, 2383, 1037,\n",
+ " 3206, 1012, 2023, 3206, 2052, 2022, 10142, 16306, 3085, 1012,\n",
+ " 1037, 2586, 2003, 2036, 1037, 7692, 2415, 2005, 4619, 2493,\n",
+ " 1012, 2157, 2085, 1010, 2045, 2003, 2200, 2210, 2589, 2011,\n",
+ " 1996, 2118, 2000, 5676, 2008, 4619, 2493, 3305, 2037, 2916,\n",
+ " 2004, 3667, 1012, 2023, 2965, 2008, 2116, 4619, 2493, 2123,\n",
+ " 1521, 1056, 2113, 2054, 6043, 5009, 2037, 2551, 3268, 1010,\n",
+ " 2013, 5305, 2420, 1998, 10885, 2420, 2000, 3454, 2066, 1996,\n",
+ " 2775, 16302, 3946, 1012, 9209, 2147, 2000, 5676, 2008, 2296,\n",
+ " 7309, 4282, 2054, 2916, 2027, 2031, 1010, 1998, 2129, 2000,\n",
+ " 2191, 2469, 2008, 1996, 3206, 2003, 2628, 1998, 2037, 2916,\n",
+ " 2024, 5123, 1010, 2138, 1037, 2586, 2003, 2069, 2004, 2844,\n",
+ " 2004, 2049, 5779, 1012, 2065, 1037, 4619, 3076, 5683, 2066,\n",
+ " 1996, 2118, 2038, 5845, 2068, 15571, 2135, 1010, 1996, 2586,\n",
+ " 2097, 2393, 1006, 1998, 2003, 2747, 5094, 1007, 24665, 19303,\n",
+ " 2000, 8849, 2037, 7047, 1998, 22149, 2122, 6194, 1012, 1008,\n",
+ " 1008, 2054, 2097, 1037, 2586, 4652, 2033, 2013, 2725, 1029,\n",
+ " 1008, 1008, 2023, 2003, 1037, 3160, 2017, 2453, 2963, 2013,\n",
+ " 1996, 3447, 2000, 2191, 2017, 2228, 2008, 2017, 2097, 2031,\n",
+ " 3132, 12645, 2306, 1037, 2586, 1012, 2021, 1037, 2586, 3206,\n",
+ " 2003, 17113, 2098, 2011, 4619, 2493, 1010, 2007, 1996, 3447,\n",
+ " 1012, 1039, 5620, 2226, 2097, 2196, 2404, 6537, 2006, 4619,\n",
+ " 2493, 1521, 2916, 1998, 3785, 1010, 2138, 2009, 2573, 2005,\n",
+ " 24665, 19303, 1012, 1039, 5620, 2226, 2097, 2191, 2019, 3947,\n",
+ " 2000, 5787, 1996, 2118, 1521, 1055, 3754, 2000, 2689, 6043,\n",
+ " 2302, 24665, 4215, 2493, 1521, 7953, 1998, 9619, 1012, 1008,\n",
+ " 1008, 2054, 2003, 1037, 1523, 21990, 3131, 1524, 1010, 1998,\n",
+ " 2572, 102])\n",
+ "[**I wrote a cleaned up version of this on my blog, Table Theory. Check it out.**](http://tabletheory.wordpress.com/2013/05/09/the-table-theory-guide-for-the-cornell-university-class-of-2017/)\n",
+ "\n",
+ "A lot of this will sound obvious. Well, fuck you, because I didn't know this shit as a 17 year old straight-laced tightwad nerd who was getting his first taste of freedom.\n",
+ "\n",
+ "(For reference, I'm now a 27 year old tightwad nerd... though much less straight laced and probably a little drunk).\n",
+ "\n",
+ "**Academics**\n",
+ "\n",
+ "* Get used to not being the smartest person in the room. It's okay. It just means that, *gasp*, you have something to learn.\n",
+ "* Ask for help if you need it. Seriously. Don't be an asshole like I was and think \"it's weak to ask for help because I never needed it in HS.\"\n",
+ "* Go to class. Every single fucking class. And study. Most of the stress people end up having is from not doing well. The stress of studying is easy in comparison.\n",
+ "* Find out what kind of worker you are: I'm only effective with lots of structure and scheduling, and deadlines to keep me on track. I didn't learn that until after I made a really stupid, lazy roster. Take the first semester to learn how to be effective, and apply it the rest of your 4 years.\n",
+ "* Be smart about how much you can reasonably handle per semester. Yes, you're a full time student, but you need time to unwind, too.\n",
+ "* If you are a gamer, your room is the WORST place to study. Go outside, or to a library, or to CTB, or anywhere. Just not in front of your computer and its sweet, sweet Counterstrike.\n",
+ "* Learn to swim over the summer if you don't know already. CU actually has really fun gym class options, and it sucks to have to spend a semester learning how to swim when you can be rock climbing/pistol shooting/archery-ing/riding horses instead.\n",
+ "\n",
+ "**Social Stuff**\n",
+ "\n",
+ "* At orientation, you'll lots of people. It's exciting. One of them may even touch your boner (or lady boner). So, be friendly - but also be realistic. Finding people you click with takes effort, so yes, you have to put your best foot forward and get out there, but that doesn't mean latching onto the first person who tolerates you. Be upbeat, have something to offer everyone, and really feel people out from the perspective of whether you really enjoy spending your time with them.\n",
+ "* Talk to everyone. You don't have to be best friends with everyone, but introduce yourself. Ask them about what they like. Listen. You're going to meet people from places you've never been who grew up in ways you never did. Learn and, when possible, have fun with them.\n",
+ "* Start a dinner group. Even just two people. It's therapeutic.\n",
+ "* DO NOT HAVE YOUR FIRST DRUNKEN EXPERIENCE WITH PEOPLE YOU HAVEN'T KNOWN LONG ENOUGH TO TRUST WITH YOUR LIFE. Teenagers have no fucking clue on how to take care of a drunk. So, yeah, have a drink or two, but don't give into shot pressure if you know you suck at drinking (or have no idea how much you can drink). Also, medical amnesty - if you pass out, call the fucking EMTs. People die when they ignore this.\n",
+ "* When you first throw up and get your first hangover, don't be the dick who says \"I'm never drinking again.\" Just suck it up, drink some gatorade, brush your teeth and walk it of. Your liver will be taking much more punishment in the next four years.\n",
+ "* I found that the best way to meet people I clicked with was through activities - so make sure you check out the club fairs, and try a lot of things out the first couple weeks. After that, stick around for what ACTIVITY you enjoy most. Trust me, you'll build much stronger friendships if you follow your passion, rather than just joining something because the people seem cool to you.\n",
+ "* On that note, join the ballroom dance team *cough cough.*\n",
+ "\n",
+ "**Dorms and Roommates**\n",
+ "\n",
+ "* Good boundaries are key, and unless you both grew up responsible enough to never need your parents to clean up after you, you have shitty boundaries. No problem, but always remember that in any dispute, *you might be the asshole in that scenario.*\n",
+ "* Be a person of your word. Be prepared to split chores, and even do some things that you dislike, because your roommate will also be doing things he or she dislikes. It beats being passive aggressive and hating the hours you have to spend in your room because you're not allowed to sleep anywhere else.\n",
+ "* That said, even when your roommate situation is great, less time in your room is best for everyone who lives there.\n",
+ "* Sexile is not completely off-limits as long as you call ahead, and make it worth your roommate's while. He or she will be doing you a solid, so either be prepared to reciprocate in some way or don't do it.\n",
+ "* It's not where you live, it's what you make of it. I know more people who are still friends/in touch from Donlon 6 today than from any other dorm I've ever heard of.\n",
+ "* On that note, just because you're living in the same building as someone doesn't make it more likely for you to end up as good friends. Hang around people because you like them not because it's easy.\n",
+ "* If you piss on the seat, clean it, or vigilante justice IS warranted. \n",
+ "\n",
+ "**Dating**\n",
+ "\n",
+ "* This is for guys and girls. Don't rush into or out of relationships. College is a different ball field, yes, but that doesn't mean you should just go all in or all out. This is one of the few times in your life when it's really completely cool to just be unattached - where no one will be in your business and making you feel like an asshole or a slut for dating lots of people (okay, some people may still do that. But, none of them is writing you a paycheck, so fuck 'em). At the same time, don't just bail on a good situation just because you can. You'll stunt your growth in relationships in either extreme.\n",
+ "* For the love of god, people, if someone wants to spend time with you, they will make it as easy as possible. If you have to call someone 5 times for them to even answer, they don't wanna hang out with you, holmes. Sorry.\n",
+ "* Nice clothes (non-college bum couture) goes a pretty long way in making you noticeable.\n",
+ "* Never, ever date someone just because the sex is good. Make that person a FWB. And don't be ashamed of that arrangement. It's actually kind of awesome.\n",
+ "* If you're a virgin, it's cool. Lots of people willing to let you practice.\n",
+ "* If you want to stay a virgin, that's cool too. There are lots of people who are doing the same thing.\n",
+ "\n",
+ "**Cornelliana that I personally really loved**\n",
+ "\n",
+ "* Go to your corny floor events. Go to the corny dances. Go to all of the things, at least to stop by and see it. You'll miss it after you've graduated.\n",
+ "* Go gorge jumping. There's only a short period of time when it's actually warm enough on campus to do. Make sure you a) know how to swim, and b) are with someone who knows how to get to the jump points.\n",
+ "* You gotta go to at least ONE frat party. I'm a party animal, and even then frat parties weren't my thing (too many people I didn't know) - but I never would have known that and then learned to throw my own parties if I didn't try one.\n",
+ "* Risley is pretty fuckin' cool. If they still have it, ask about pool. Or a Balch run. Also, go to at least one Rocky Horror picture show.\n",
+ "* Cornell cinema regularly shows films that you might never see anywhere else. Check it out.\n",
+ "* Buy an article of Cornell clothing. There are so many of us in the world that I'm always surprised by how much Cornell gear I see out there - instant connection. \n",
+ "* Slope Day. Forever and always.\n",
+ "\n",
+ "**Other Thoughts**\n",
+ "\n",
+ "* Ithaca ruins shoes. Bring sturdy snow boots. That's all you'll hear me say about the weather.\n",
+ "tensor([ 101, 1031, 1008, 1008, 1045, 2626, 1037, 12176, 2039, 2544,\n",
+ " 1997, 2023, 2006, 2026, 9927, 1010, 2795, 3399, 1012, 4638,\n",
+ " 2009, 2041, 1012, 1008, 1008, 1033, 1006, 8299, 1024, 1013,\n",
+ " 1013, 13855, 5369, 10253, 1012, 2773, 20110, 1012, 4012, 1013,\n",
+ " 2286, 1013, 5709, 1013, 5641, 1013, 1996, 1011, 2795, 1011,\n",
+ " 3399, 1011, 5009, 1011, 2005, 1011, 1996, 1011, 10921, 1011,\n",
+ " 2118, 1011, 2465, 1011, 1997, 1011, 2418, 1013, 1007, 1037,\n",
+ " 2843, 1997, 2023, 2097, 2614, 5793, 1012, 2092, 1010, 6616,\n",
+ " 2017, 1010, 2138, 1045, 2134, 1005, 1056, 2113, 2023, 4485,\n",
+ " 2004, 1037, 2459, 2095, 2214, 3442, 1011, 17958, 4389, 26016,\n",
+ " 11265, 4103, 2040, 2001, 2893, 2010, 2034, 5510, 1997, 4071,\n",
+ " 1012, 1006, 2005, 4431, 1010, 1045, 1005, 1049, 2085, 1037,\n",
+ " 2676, 2095, 2214, 4389, 26016, 11265, 4103, 1012, 1012, 1012,\n",
+ " 2295, 2172, 2625, 3442, 17958, 1998, 2763, 1037, 2210, 7144,\n",
+ " 1007, 1012, 1008, 1008, 15032, 1008, 1008, 1008, 2131, 2109,\n",
+ " 2000, 2025, 2108, 1996, 6047, 4355, 2711, 1999, 1996, 2282,\n",
+ " 1012, 2009, 1005, 1055, 3100, 1012, 2009, 2074, 2965, 2008,\n",
+ " 1010, 1008, 12008, 1008, 1010, 2017, 2031, 2242, 2000, 4553,\n",
+ " 1012, 1008, 3198, 2005, 2393, 2065, 2017, 2342, 2009, 1012,\n",
+ " 5667, 1012, 2123, 1005, 1056, 2022, 2019, 22052, 2066, 1045,\n",
+ " 2001, 1998, 2228, 1000, 2009, 1005, 1055, 5410, 2000, 3198,\n",
+ " 2005, 2393, 2138, 1045, 2196, 2734, 2009, 1999, 26236, 1012,\n",
+ " 1000, 1008, 2175, 2000, 2465, 1012, 2296, 2309, 8239, 2465,\n",
+ " 1012, 1998, 2817, 1012, 2087, 1997, 1996, 6911, 2111, 2203,\n",
+ " 2039, 2383, 2003, 2013, 2025, 2725, 2092, 1012, 1996, 6911,\n",
+ " 1997, 5702, 2003, 3733, 1999, 7831, 1012, 1008, 2424, 2041,\n",
+ " 2054, 2785, 1997, 7309, 2017, 2024, 1024, 1045, 1005, 1049,\n",
+ " 2069, 4621, 2007, 7167, 1997, 3252, 1998, 19940, 1010, 1998,\n",
+ " 15117, 2015, 2000, 2562, 2033, 2006, 2650, 1012, 1045, 2134,\n",
+ " 1005, 1056, 4553, 2008, 2127, 2044, 1045, 2081, 1037, 2428,\n",
+ " 5236, 1010, 13971, 9238, 1012, 2202, 1996, 2034, 13609, 2000,\n",
+ " 4553, 2129, 2000, 2022, 4621, 1010, 1998, 6611, 2009, 1996,\n",
+ " 2717, 1997, 2115, 1018, 2086, 1012, 1008, 2022, 6047, 2055,\n",
+ " 2129, 2172, 2017, 2064, 16286, 5047, 2566, 13609, 1012, 2748,\n",
+ " 1010, 2017, 1005, 2128, 1037, 2440, 2051, 3076, 1010, 2021,\n",
+ " 2017, 2342, 2051, 2000, 4895, 11101, 1010, 2205, 1012, 1008,\n",
+ " 2065, 2017, 2024, 1037, 27911, 1010, 2115, 2282, 2003, 1996,\n",
+ " 5409, 2173, 2000, 2817, 1012, 2175, 2648, 1010, 2030, 2000,\n",
+ " 1037, 3075, 1010, 2030, 2000, 14931, 2497, 1010, 2030, 5973,\n",
+ " 1012, 2074, 2025, 1999, 2392, 1997, 2115, 3274, 1998, 2049,\n",
+ " 4086, 1010, 4086, 24094, 18886, 3489, 1012, 1008, 4553, 2000,\n",
+ " 9880, 2058, 1996, 2621, 2065, 2017, 2123, 1005, 1056, 2113,\n",
+ " 2525, 1012, 12731, 2941, 2038, 2428, 4569, 9726, 2465, 7047,\n",
+ " 1010, 1998, 2009, 19237, 2000, 2031, 2000, 5247, 1037, 13609,\n",
+ " 4083, 2129, 2000, 9880, 2043, 2017, 2064, 2022, 2600, 8218,\n",
+ " 1013, 8779, 5008, 1013, 21383, 1011, 13749, 1013, 5559, 5194,\n",
+ " 2612, 1012, 1008, 1008, 2591, 4933, 1008, 1008, 1008, 2012,\n",
+ " 10296, 1010, 2017, 1005, 2222, 7167, 1997, 2111, 1012, 2009,\n",
+ " 1005, 1055, 10990, 1012, 2028, 1997, 2068, 2089, 2130, 3543,\n",
+ " 2115, 5923, 2099, 1006, 2030, 3203, 5923, 2099, 1007, 1012,\n",
+ " 2061, 1010, 2022, 5379, 1011, 2021, 2036, 2022, 12689, 1012,\n",
+ " 4531, 102])\n",
+ "((Information repeated at bottom of review: The play runs for about two and a half hours and does not include an intermission. It is suitable for mature young adults and adults of all political or religious backgrounds, and is very strongly recommended. It is showing tomorrow night and Saturday night (2/17 & 2/18) at Risley Hall in Cornell. Doors open at 8pm both nights. I am proud that Ithaca has been able to bring so much talent to the world of theater.))\n",
+ "\n",
+ "I would like to write my first Performance Review about a play which I saw only a few hours ago. It was truly inspiring, and although great writers say that you should let your nerves calm before trying to write about something, I think writing it now will better capture the enthusiasm for which I think this play deserves. \n",
+ "First, since this play was directed, acted, and produced by members of the Actors Workshop of Ithaca, I think that they deserve a collective congratulations as this was the best play I have ever seen. If not for a hand full of movies it would be the best performance piece ever as well, but against the millions of dollars that Hollywood throws around like candy, and with completely local talent, the Actors Workshop has exceeded expectations once again and has displayed that the community of theater is alive and well. \n",
+ " \n",
+ " \n",
+ "At the begining of the play we are given a scene of Mitizi and her boyfriend, Chuck played by the incredible Darryle W. Johnson Jr., as they discover (by way of a store-bought pregency test) that Mitzi is infact pregnent. A mysterious and wonderfully pessimistic spirit, played by the powerful Deirdre Levine, watches on silently from the corner of the room as the couple become estatic. As the soon to be father grows more and more excited however, Mitzi slowly becomes concerned. The changes in emotion throughout this scene are professional level quality. Each is seemless, and is subtle enough to be exactingly realistic while still dramatic enough so that each movement shows intention and shows that the character is very clearly making a choice. \n",
+ "It is here that the play becomes decidedly more than a typical play. As Ms. Levine rises from her corner we see that she is dressed in clothing from the past, perhaps in the style of victorian poverty. As she speaks we get a sense of the character instantly, and it is obvious that Ms. Levine plays an Irish drunk perfectly. We can see why her character is named Reckless Mary. Mary spends most of the play foreshadowing the grim nature of things to come, but in each case it is a mystery if she is right due to some supernatural ability to see into the future, or if Reckless Mary is simply less naive then the rest of us. Reckless Mary does not seem like the kind of spirit who would want to let us know. The subject matter is for much of the play to follow, as dark and serious as the title suggests. But I must give the author credit, for aside from the moments so intensly focused on the main topic, there is an entire other realm of day-to-day life which seems to shove its head into the face of our protagonist, Mitzi, played by the charming and talented Dayna Joan. While those who have not seen the play might consider it unfitting for a play about abortion to include light hearted jokes in nearly every other scene, these jokes are in good taste, and only make the audience see the stark contrast between the rest of the world we live in and the dark reality that Mitzi sees infront of her.\n",
+ " \n",
+ " \n",
+ "Before I go on, I must give further credit to the author, Elizabeth Heffron, which is fully deserved. The title is striking. Perhaps too much so, as I'm sure it offends some who would be swayed by the play itself. Nevertheless, the author is very good at fleshing out each character one by one as the story progressed. The writing allowed each actor to display their point of view on the controversial issue. \n",
+ " \n",
+ "The plot which was crafted by Heffron but clearly driven farther by the director, C.A. Teitelbaum, assistant director, Masa Gibson, and each actor in the seven person cast. The characters are so deep and well rounded that there is no doubt each actor spent hours of work outside of the rehersals, considering how their characters would view the relationships and decisions which are made throughout the play. \n",
+ " \n",
+ "Supporting actor Mr. Johnson plays two other characters during the play in addition to Chuck. The variety that this actor has is simply incredible. Each character is very different from the other two, and his second character delivers monologue upon monologue of educational facts. A college professor, dubbed in the program as \"The Expert\", gives us two or three lectures which contain facts all of which are both unbiased, and useful to those of us who wish to find a meaningful answer to the abortion debate. The writer pokes fun at the ego of those forged by Acadamia however, as The Expert peridoically flys into hilarious fits of rage, yelling into his cellphone about personal bussiness mid-lecture.\n",
+ " \n",
+ "The play showscases 15 different characters divided amoung the 7 actors, and each character represents a different face of society. Although not all characters are as likable as others, each character has about equal time to shine and the play is fair in showing both sides of the debate surrounding one of the the darkest questions of our time: \"Is abortion ever ethical?\".\n",
+ " \n",
+ "It is important to point out that our protagonist Mitzi does not want an abortion. She despritely wants to have the little baby boy who is growing inside of her. The case discussed in this play is very specifically centered the ethical questions of what to do when there are unthinkable consequences for a pregnecy to go full term.\n",
+ " \n",
+ "The excellent Daniel A.P. Taylor and a visiting alumni of the workshop, Ria Burns-Wilder play Tim and Nita, respectively. Both characters are part of the LGBT community, who bring up persuasive arguements from both sides of the debate. Both do a spectacular job in their scene together, and I was enthralled by their connection with one another on stage.\n",
+ " \n",
+ "The most touching scene however was not revealed until the end when the mother, Verna, played by Kristin Sad develivers a must-see monologue which ripped my heart in half. Three supporting characters are played Aleck Osinski. He is able to bring life to each of these three challenging roles, and plays them in a way that significantly ads to rest of the casts performance. Most impressive however was ability to summon conviction and channel it through his otherwise stoic character, Dr. Block, who decides to help the protagonist by any means nessicary. \n",
+ " \n",
+ "To top everything off, this magnificant play is performed in the midst of a fabulously designed set, lights, and atmosphere complete with well selected music to fit the themes between each scene. So thank you to Abby Smith, Joey Moro, Katie Spallone and the rest of the Crew under the direction of Jeff Hodge, stage manager. \n",
+ " \n",
+ "The play runs for about two and a half hours and does not include an intermission. It is suitable for mature young adults and adults of all political or religious backgrounds, and is very strongly recommended. It is showing tomorrow night and Saturday night (2/17 & 2/18) at Risley Hall in Cornell. Doors open at 8pm both nights. I am proud that Ithaca has been able to bring so much talent to the world of theater. \n",
+ "tensor([ 101, 1006, 1006, 2592, 5567, 2012, 3953, 1997, 3319, 1024,\n",
+ " 1996, 2377, 3216, 2005, 2055, 2048, 1998, 1037, 2431, 2847,\n",
+ " 1998, 2515, 2025, 2421, 2019, 6970, 25481, 1012, 2009, 2003,\n",
+ " 7218, 2005, 9677, 2402, 6001, 1998, 6001, 1997, 2035, 2576,\n",
+ " 2030, 3412, 15406, 1010, 1998, 2003, 2200, 6118, 6749, 1012,\n",
+ " 2009, 2003, 4760, 4826, 2305, 1998, 5095, 2305, 1006, 1016,\n",
+ " 1013, 2459, 1004, 23713, 1025, 1016, 1013, 2324, 1007, 2012,\n",
+ " 15544, 8002, 2534, 1999, 10921, 1012, 4303, 2330, 2012, 1022,\n",
+ " 9737, 2119, 6385, 1012, 1045, 2572, 7098, 2008, 27939, 2038,\n",
+ " 2042, 2583, 2000, 3288, 2061, 2172, 5848, 2000, 1996, 2088,\n",
+ " 1997, 4258, 1012, 1007, 1007, 1045, 2052, 2066, 2000, 4339,\n",
+ " 2026, 2034, 2836, 3319, 2055, 1037, 2377, 2029, 1045, 2387,\n",
+ " 2069, 1037, 2261, 2847, 3283, 1012, 2009, 2001, 5621, 18988,\n",
+ " 1010, 1998, 2348, 2307, 4898, 2360, 2008, 2017, 2323, 2292,\n",
+ " 2115, 10627, 5475, 2077, 2667, 2000, 4339, 2055, 2242, 1010,\n",
+ " 1045, 2228, 3015, 2009, 2085, 2097, 2488, 5425, 1996, 12024,\n",
+ " 2005, 2029, 1045, 2228, 2023, 2377, 17210, 1012, 2034, 1010,\n",
+ " 2144, 2023, 2377, 2001, 2856, 1010, 6051, 1010, 1998, 2550,\n",
+ " 2011, 2372, 1997, 1996, 5889, 8395, 1997, 27939, 1010, 1045,\n",
+ " 2228, 2008, 2027, 10107, 1037, 7268, 23156, 2004, 2023, 2001,\n",
+ " 1996, 2190, 2377, 1045, 2031, 2412, 2464, 1012, 2065, 2025,\n",
+ " 2005, 1037, 2192, 2440, 1997, 5691, 2009, 2052, 2022, 1996,\n",
+ " 2190, 2836, 3538, 2412, 2004, 2092, 1010, 2021, 2114, 1996,\n",
+ " 8817, 1997, 6363, 2008, 5365, 11618, 2105, 2066, 9485, 1010,\n",
+ " 1998, 2007, 3294, 2334, 5848, 1010, 1996, 5889, 8395, 2038,\n",
+ " 14872, 10908, 2320, 2153, 1998, 2038, 6913, 2008, 1996, 2451,\n",
+ " 1997, 4258, 2003, 4142, 1998, 2092, 1012, 2012, 1996, 4088,\n",
+ " 2075, 1997, 1996, 2377, 2057, 2024, 2445, 1037, 3496, 1997,\n",
+ " 10210, 10993, 2072, 1998, 2014, 6898, 1010, 8057, 2209, 2011,\n",
+ " 1996, 9788, 22821, 2063, 1059, 1012, 3779, 3781, 1012, 1010,\n",
+ " 2004, 2027, 7523, 1006, 2011, 2126, 1997, 1037, 3573, 1011,\n",
+ " 4149, 3653, 6914, 5666, 3231, 1007, 2008, 10210, 5831, 2003,\n",
+ " 1999, 7011, 6593, 3653, 10177, 3372, 1012, 1037, 8075, 1998,\n",
+ " 6919, 2135, 21877, 18719, 23738, 2594, 4382, 1010, 2209, 2011,\n",
+ " 1996, 3928, 14866, 4103, 2890, 17780, 1010, 12197, 2006, 8601,\n",
+ " 2013, 1996, 3420, 1997, 1996, 2282, 2004, 1996, 3232, 2468,\n",
+ " 9765, 12070, 1012, 2004, 1996, 2574, 2000, 2022, 2269, 7502,\n",
+ " 2062, 1998, 2062, 7568, 2174, 1010, 10210, 5831, 3254, 4150,\n",
+ " 4986, 1012, 1996, 3431, 1999, 7603, 2802, 2023, 3496, 2024,\n",
+ " 2658, 2504, 3737, 1012, 2169, 2003, 4025, 3238, 1010, 1998,\n",
+ " 2003, 11259, 2438, 2000, 2022, 6635, 15787, 12689, 2096, 2145,\n",
+ " 6918, 2438, 2061, 2008, 2169, 2929, 3065, 6808, 1998, 3065,\n",
+ " 2008, 1996, 2839, 2003, 2200, 4415, 2437, 1037, 3601, 1012,\n",
+ " 2009, 2003, 2182, 2008, 1996, 2377, 4150, 27873, 2062, 2084,\n",
+ " 1037, 5171, 2377, 1012, 2004, 5796, 1012, 17780, 9466, 2013,\n",
+ " 2014, 3420, 2057, 2156, 2008, 2016, 2003, 5102, 1999, 5929,\n",
+ " 2013, 1996, 2627, 1010, 3383, 1999, 1996, 2806, 1997, 6652,\n",
+ " 5635, 1012, 2004, 2016, 8847, 2057, 2131, 1037, 3168, 1997,\n",
+ " 1996, 2839, 6880, 1010, 1998, 2009, 2003, 5793, 2008, 5796,\n",
+ " 1012, 17780, 3248, 2019, 3493, 7144, 6669, 1012, 2057, 2064,\n",
+ " 2156, 2339, 2014, 2839, 2003, 2315, 18555, 2984, 1012, 2984,\n",
+ " 15970, 102])\n",
+ "Freshman housing options are like this: \n",
+ "\n",
+ "* **Low Rises** (including the International Living Center, Ujamaa, and JAM)\n",
+ "\n",
+ " The low rises are odd. They're designed in a style known as \"riot-proof\" construction, which basically means there are no big hallways full of rooms, but instead it's cordoned off into suites. This isn't weird, it's actually kind of cool, and it makes for a smaller, tight-knit community instead of a big dorm experience. However, if you're not in one of the program houses (JAM for musicians, Ujamaa for african-american cultural living, HILC for international students) it can be sort of isolating. I personally lived in JAM my first year, and it was a blast, but it's very hit or miss - it really depends on how social the average JAMmie is that year. My year, it was great, but I hear that this year there're a lot of awkward folks in there. One downside is that they're really far from Central Campus.\n",
+ "\n",
+ "* High Rises (High Rise 5 & Jameson)\n",
+ "\n",
+ " The high rises are built almost identically to the low rises, just stacked higher. It's the same suite-style layout with central lounges on each floor, but there's a \"sky lounge\" on the top that's really awesome. Worth checking out, but don't expect to get to know very many people outside your floor. They're also a bit closer to campus.\n",
+ "\n",
+ "* Donlon\n",
+ "\n",
+ " This is a really good dorm. Everyone that lives here seems to love it, and I've got a few friends who are RAs in this building (and probably will be next year, too). It lends itself to an extremely social atmosphere, and a lot of people really like it. It's pretty close to Central, and right next to the best dining hall on North (RPCC beats Appel by a mile).\n",
+ "\n",
+ "* Court/Kay/Bauer\n",
+ "\n",
+ " These three buildings are really crammed together into one big one. That's not necessarily a bad thing, it just makes it confusing to tell which one you're in at the time. They're pretty new, and they're well-placed in between RPCC and Central.\n",
+ "\n",
+ "* Mews\n",
+ "\n",
+ " Right next to Appel, it's also fairly new and is a good dorm. I didn't ever spend much time here, but what I did see, I liked.\n",
+ "\n",
+ "* Dickson\n",
+ "\n",
+ " Sort of an old dorm, but in a 'classic' kind of way. It could stand some fixing up in some places, but it has a lot of character - antique staircases, archways, pillars all over the place.. it's definitely a pretty building. Also, right next to Donlon and Court/Kay/Bauer (CKB).\n",
+ "\n",
+ "* Balch (ladies only)\n",
+ "\n",
+ " The only reason to live here is if you're like the rest of its inhabitants - female and exceedingly antisocial. It's really quite dead, and while the rooms are spacious, it's very isolating simply because nobody talks to each other.\n",
+ "\n",
+ "* Akwe-kon (however you spell it)\n",
+ "\n",
+ " Friendly enough place, but it's set way away from the rest of North. Two other friends of mine RA in this building. It's full of really nice people, but it's the Native American program house - which is great, but can make people of other ethnicities feel sort of excluded.\n",
+ "\n",
+ "* Risley\n",
+ "\n",
+ " This is the Theatre dorm. It is full of very, VERY strange people. Not necessarily in good ways - lots of drugs in here, everything from cocaine to shrooms, metric fuckloadtons of weed, meth, heroin, you name it. It's got a very 'offbeat' following to it. One upside is the fact that it has its own dining hall inside it, and it's RIGHT next to Central campus, and it's got a gorgeous building... But the inhabitants are certifiably insane. Live here at your own risk.\n",
+ "\n",
+ "* Townhouses\n",
+ "\n",
+ " The townhouses are really not a great option. The only reason I could see for living there would be if you were coming in with a group of friends you already knew you wanted to live with. They're incredibly far away from everything, and extremely socially isolating. Nice places to live taken alone, yeah, but eugh.\n",
+ "\n",
+ "* Eco-House\n",
+ "\n",
+ " I forget it's actual name - Ecology House or something. You don't want to live here unless you want to walk an extra mile or two every day. It's further away than everything else on North by a huge margin, and incredibly inconvenient. Also, strange people live here sometimes... there was one guy a couple years ago that got kicked out for dragging deer carcasses into his room and putting them in giant plastic bins and letting maggots eat all of the meat off of them, because he liked collecting the bones. Gross.\n",
+ "\n",
+ "So, there's an 'insider's' preview of the dorms. As for tips, well... there are several threads on this topic kicking around, but I'll try to point out some of the biggest ones that apply to Cornell:\n",
+ "\n",
+ "* Go nuts during Orientation Week. Nobody knows each other, everyone is making all sorts of random friends all over the place, so this is the LAST time you'll want to be shy. O-Week is a time like none other. Enjoy it. Go to the events, don't party at the frats or in collegetown. You only get to go through it as a Freshman once. Make friends with EVERYONE you meet. Don't be afraid to walk up to another random person with a grin on your face and say \"Hi, I'm rjm-11. I'm an Astro major. What's your name?\"\n",
+ "\n",
+ "* Look at ratemyprofessors.com before you select your classes. Seriously. It's a lifesaver.\n",
+ "\n",
+ "* When you're making your schedule, use cornell.chequerd.com. It's a scheduling website written by a friend of mine that takes the hassle out of course selection. You still have to enroll through your jtf.cornell.edu account, but Chequerd will help you visualize it and figure out what you WANT before it's time to enroll. Some people will tell you about a site called Schedulizer that does roughly the same thing, but Chequerd works way better. It's just not as well known. \n",
+ "\n",
+ "* Take Psych 101 with Professor Maas. It's on the 161 things to do at Cornell for a damn good reason. Do it in your first semester if you can squeeze it in, you won't regret it.\n",
+ "\n",
+ "* Do your language requirement early. Same goes for your first-year writing seminars. I waited until my junior year to start my language requirement, and now it's a pain because I've also got 3000-level classes sucking up my free time. Get it out of the way as soon as you can, trust me.\n",
+ "\n",
+ "* Suggested class from me personally: take Astro 2202. I'm in it right now, and it's with one of the biggest names at Cornell in the Astronomy field, Joe Veverka. It's easy - your grade is based on 4 papers and participation, just make sure those are good and then you're all set - and the material is interesting and fun. He's a great lecturer and makes lecture an enjoyable time in your week that you'll actually look forward to.\n",
+ "\n",
+ "* Don't be afraid to go out to open parties on thursday/friday/saturday nights at the frats/collegetown. Just keep in mind that open parties are recruitment tools for Fraternities, so keep your eye out for anything that you wouldn't want happening in your own house if you're thinking about rushing in the Spring. I never thought I would end up joining a Fraternity, and I ended up being President of one my Sophomore year. Life goes unexpected places.\n",
+ "\n",
+ "That's all I can think of right now, sorry for the massive wall of text. If you have any other questions, I'd be more than happy to answer them to the best of my ability. For background, I'm currently a Junior Econ major in A&S.\n",
+ "tensor([ 101, 10452, 3847, 7047, 2024, 2066, 2023, 1024, 1008, 1008,\n",
+ " 1008, 2659, 9466, 1008, 1008, 1006, 2164, 1996, 2248, 2542,\n",
+ " 2415, 1010, 1057, 3900, 2863, 2050, 1010, 1998, 9389, 1007,\n",
+ " 1996, 2659, 9466, 2024, 5976, 1012, 2027, 1005, 2128, 2881,\n",
+ " 1999, 1037, 2806, 2124, 2004, 1000, 11421, 1011, 6947, 1000,\n",
+ " 2810, 1010, 2029, 10468, 2965, 2045, 2024, 2053, 2502, 28274,\n",
+ " 2440, 1997, 4734, 1010, 2021, 2612, 2009, 1005, 1055, 11601,\n",
+ " 17799, 2125, 2046, 19796, 1012, 2023, 3475, 1005, 1056, 6881,\n",
+ " 1010, 2009, 1005, 1055, 2941, 2785, 1997, 4658, 1010, 1998,\n",
+ " 2009, 3084, 2005, 1037, 3760, 1010, 4389, 1011, 22404, 2451,\n",
+ " 2612, 1997, 1037, 2502, 19568, 3325, 1012, 2174, 1010, 2065,\n",
+ " 2017, 1005, 2128, 2025, 1999, 2028, 1997, 1996, 2565, 3506,\n",
+ " 1006, 9389, 2005, 5389, 1010, 1057, 3900, 2863, 2050, 2005,\n",
+ " 3060, 1011, 2137, 3451, 2542, 1010, 7632, 15472, 2005, 2248,\n",
+ " 2493, 1007, 2009, 2064, 2022, 4066, 1997, 11163, 22248, 1012,\n",
+ " 1045, 7714, 2973, 1999, 9389, 2026, 2034, 2095, 1010, 1998,\n",
+ " 2009, 2001, 1037, 8479, 1010, 2021, 2009, 1005, 1055, 2200,\n",
+ " 2718, 2030, 3335, 1011, 2009, 2428, 9041, 2006, 2129, 2591,\n",
+ " 1996, 2779, 9389, 9856, 2003, 2008, 2095, 1012, 2026, 2095,\n",
+ " 1010, 2009, 2001, 2307, 1010, 2021, 1045, 2963, 2008, 2023,\n",
+ " 2095, 2045, 1005, 2128, 1037, 2843, 1997, 9596, 12455, 1999,\n",
+ " 2045, 1012, 2028, 12482, 5178, 2003, 2008, 2027, 1005, 2128,\n",
+ " 2428, 2521, 2013, 2430, 3721, 1012, 1008, 2152, 9466, 1006,\n",
+ " 2152, 4125, 1019, 1004, 23713, 1025, 22324, 1007, 1996, 2152,\n",
+ " 9466, 2024, 2328, 2471, 7235, 2135, 2000, 1996, 2659, 9466,\n",
+ " 1010, 2074, 16934, 3020, 1012, 2009, 1005, 1055, 1996, 2168,\n",
+ " 7621, 1011, 2806, 9621, 2007, 2430, 11549, 2015, 2006, 2169,\n",
+ " 2723, 1010, 2021, 2045, 1005, 1055, 1037, 1000, 3712, 11549,\n",
+ " 1000, 2006, 1996, 2327, 2008, 1005, 1055, 2428, 12476, 1012,\n",
+ " 4276, 9361, 2041, 1010, 2021, 2123, 1005, 1056, 5987, 2000,\n",
+ " 2131, 2000, 2113, 2200, 2116, 2111, 2648, 2115, 2723, 1012,\n",
+ " 2027, 1005, 2128, 2036, 1037, 2978, 3553, 2000, 3721, 1012,\n",
+ " 1008, 2123, 7811, 2023, 2003, 1037, 2428, 2204, 19568, 1012,\n",
+ " 3071, 2008, 3268, 2182, 3849, 2000, 2293, 2009, 1010, 1998,\n",
+ " 1045, 1005, 2310, 2288, 1037, 2261, 2814, 2040, 2024, 20710,\n",
+ " 1999, 2023, 2311, 1006, 1998, 2763, 2097, 2022, 2279, 2095,\n",
+ " 1010, 2205, 1007, 1012, 2009, 18496, 2015, 2993, 2000, 2019,\n",
+ " 5186, 2591, 7224, 1010, 1998, 1037, 2843, 1997, 2111, 2428,\n",
+ " 2066, 2009, 1012, 2009, 1005, 1055, 3492, 2485, 2000, 2430,\n",
+ " 1010, 1998, 2157, 2279, 2000, 1996, 2190, 7759, 2534, 2006,\n",
+ " 2167, 1006, 1054, 15042, 2278, 10299, 10439, 2884, 2011, 1037,\n",
+ " 3542, 1007, 1012, 1008, 2457, 1013, 10905, 1013, 17838, 2122,\n",
+ " 2093, 3121, 2024, 2428, 13675, 27479, 2362, 2046, 2028, 2502,\n",
+ " 2028, 1012, 2008, 1005, 1055, 2025, 9352, 1037, 2919, 2518,\n",
+ " 1010, 2009, 2074, 3084, 2009, 16801, 2000, 2425, 2029, 2028,\n",
+ " 2017, 1005, 2128, 1999, 2012, 1996, 2051, 1012, 2027, 1005,\n",
+ " 2128, 3492, 2047, 1010, 1998, 2027, 1005, 2128, 2092, 1011,\n",
+ " 2872, 1999, 2090, 1054, 15042, 2278, 1998, 2430, 1012, 1008,\n",
+ " 2033, 9333, 2157, 2279, 2000, 10439, 2884, 1010, 2009, 1005,\n",
+ " 1055, 2036, 7199, 2047, 1998, 2003, 1037, 2204, 19568, 1012,\n",
+ " 1045, 2134, 1005, 1056, 2412, 5247, 2172, 2051, 2182, 1010,\n",
+ " 2021, 102])\n",
+ "Ok everyone. You might have heard bad things about the weather, have experienced northern cold once or twice, or you might just question \"how bad could it be?\" Here's the answer you're looking for. I'll try to give you the actual numbers, the intuition of how cold works and how to fight it, and recommendation and rules for buying clothes.\n",
+ "\n",
+ "**1) [Click Here For the Weather Data](https://www.wolframalpha.com/input/?i=weather+in+14850+in+2014)** (you can change the 14850 to your zip code to compare.)\n",
+ "\n",
+ "**2) Here is my commentary on the weather data:** Cornell weather is not that bad for most people along the northern border of the U.S. It can get down to -10 F (last year it hit -17) but there are only a few weeks when you're below 10 degrees F. Windchill a little worse. Cornell is in a flat section of the state and that means lots of wind, but not as much as any costal town or city. This means windchill can be a factor. At the end of the day, anyone from NYC or Chicago would be fine at Cornell. Cornell only gets such a bad name because it has a big campus and attracts many students from far away who are woefully unprepared.\n",
+ "\n",
+ "**3) Here is my description of how cold weather works:** I think this is important. Numbers are meaningless without the ability to interpret them. I know the idea of sub-zero is foreign to some, but truthfully, it just means more layers. I'm not going to go off on a talk about air pockets. Instead let me talk about what it takes to feel comfortable, to feel warm. First, no individual body part can be cold. Second, the body cannot feel its core temperature dropping.\n",
+ "\n",
+ "Ok, what this means is if any part of your body is exposed to cold objects that *conduct heat* away from you body quickly then that body part is going to feel cold. Things such as carrying books without gloves, walking in thin shoes (*especially* if they're wet, oh god water is a good conductor of heat), or wind on exposed skin will suck the heat from those parts of the body. This makes them feel cold. What that means for you is three things: boots, gloves, hat.\n",
+ "\n",
+ "But here's the truth about all of this: you are a big bag of circulating water. Your body is more than happy to just throw heat at your hands to keep the tissue at normal temperature. It's more than capable of it as well. The problem is that when your body feels its core temperature dropping it panics and constricts blood flow to your extremities. It is willing to sacrifice some heat in the hands (or feet, or nose) to try to conserve as much heat in the torso as possible. This means the hands get cold and causes pain. A lot of times you'll see someone with gloves on talking about how cold their hands are, cursing the gloves, while someone right next to them isn't wearing gloves and feels fine. The difference is that person has warmer clothes around their legs and torso, and that means the body has excess heat to throw at the hands. Another big things that make a difference is movement/exercise. Walking in the sun vs sitting in the shade can be the difference of 15 to 20 degrees.\n",
+ "\n",
+ "Try this experiment sometime. Pick up an ice cube. That is literally all you have to do. Roll it around in your hand and feel how it doesn't make your hands hurt. That is because—and I'm going to get kinda patriotic in a \"the human body is awesome\" kind of way—that little piece of crystalized H20 does't have *crap* on the thousands of miles of intricate water circulation system dedicated to keeping that patch of tissue exactly the temperature it should be at. If you can make your torso *hot*, then only 10 degrees or below weather *with* a windchill will be strong enough cause real discomfort to exposed skin.\n",
+ "\n",
+ "**4) Here is a discussion on clothes:** Truth be told, this question is better answered in terms of what you need to wear. If you are prepared, you feel the same in the dead of winter at Cornell as you do in fall at Texas, just with more clothes on. As the Swedes say: \"there is no such thing as bad weather, just bad clothing.\" This does not mean you need to spend a lot on clothes. There are a lot of ways to design a warm winter wardrobe, but here are some of the basics.\n",
+ "\n",
+ "First, there are three different kinds of layers: the wicking layer, the warmth layer, and the weather layer. Wicking is just what goes on your skin or near it. It should be breathable and *wick* (pull) moisture (such as sweat) away from your skin. I really don't pay attention to this. I'm a Boy Scout so on weekend long campouts it's important, otherwise t-shirt and underwear is fine. Second is warmth. This can be a fancy parka or jacket, or just a sweater (for the legs it is long underwear). Third is weather, and this means wind and water protection. You do not want water or wind pulling heat directly from your torso! When implemented it looks like this: underwear, t-shirt, winter jacket. The winter jacket has both warm and weather built into one. If you need more warmth, add a sweater, then long underwear, then another sweater.\n",
+ "\n",
+ "Other things to think about:\n",
+ "\n",
+ "* You have to be careful about being able to take off layers. Too much and you'll be too warm inside. That's why I have a few different jackets depending on the weather, because ideally you want to be able to take off only your outside layer and be cool enough indoors. I avoid long underwear because of this (if I can). I have a light jacket for fall and a heavy parka for winter, that I can unzip if I'm too hot and take off once inside.\n",
+ "\n",
+ "* Boots are a big one when snow hits. They prevent wet (and thus, cold) feet.\n",
+ "\n",
+ "* Face masks are great for the worst months. I really recommend a balaclava hood. It is a scarf and hat in one, with a face mask that can be pulled up to cover the nose and mouth. If you wear glasses make sure you get one that has holes/thin fabric in front of the mouth to prevent it from fogging up.\n",
+ "\n",
+ "* I highly recommend any gloves you get have a wind blocking layer. Otherwise they are basically just swiss cheese. Sure they're warm in still air, but add a breeze and they might as well be in your pocket.\n",
+ "\n",
+ "* Cotton and wool are warmer than most synthetic material, so if you are looking for a hoodie or sweater as an intermediary pick those when in doubt. Note: they suck with wind resistance without other fibers mixed in or special treatments. Coats are often measured in a goose down number. I never understood the details, but basically it means the coat is as warm as a certain packing of goose feathers. You will see \"goose down 600\". The higher the number, the warmer, on a roughly linear scale.\n",
+ "\n",
+ "**5) Specific clothes to buy:** For the benefit of people who've never shopped cold weather gear before, I'll post some specific products and links. For the most part, I'm posting frugal buys that will get you through the rough of winter. Feel free to dismiss items that don't appeal to you, this is only a set of examples.\n",
+ "\n",
+ "* LLBean is a great company IMHO that has tremendous warranties, prices, customer support, and everything from them is machine washable. Click [here](http://www.llbean.com/llb/search/?freeText=winter+jacket&init=1) for some of their jackets. I would recommend a Jacket that goes down to -25 degrees F from them (because you don't want to have to rely on wearing long underwear and a sweater, as they assume with those ratings). My fav is the [Weather Challenger 3-in-1 Jacket](http://www.llbean.com/llb/shop/83559?feat=3%20in%201-SR0&page=weather-challenger-3-in-1-jacket).\n",
+ "\n",
+ "* Other options for coats on a budget are surplus military stock. They have no military markings, are made to be stylus in a plan way, durable, and very functional. Two example sites are [Army Surplus World](http://www.armysurplusworld.com/display.asp?subDepartmentID=276) and [Army Navy Outfitters](http://www.armynavydeals.com/asp/Default.asp?). Crappy websites but good products.\n",
+ "\n",
+ "* You want a good pair of warm walking boots. Mickey Mouse boots are a name given to a particular type of boots used by the U.S. military. They often have ugly yellow text on them, but that's only if you look at them up close and for as cheap as $20 from [here](http://stores.alleghenywholesale.com/usgi-military-bata-black-mickey-mouse-boots-w-valve-20f-brand-new/) they deserve a mention.\n",
+ "\n",
+ "* [These gloves](http://www.mechanix.com/cold-weather). They are a little annoying because of the logo, but Mechanix Wear makes the most functional gloves out there. Just the $10 [Thermal Knit](http://www.mechanix.com/cold-weather/thermal-knit) will do you well.\n",
+ "\n",
+ "* If you don't wear glasses, buy [this](http://www.amazon.com/Chaos--CTR-Chinook-Balaclava-Windproof/dp/B002ZG7RFI/ref=sr_1_3?ie=UTF8&qid=1428097222&sr=8-3&keywords=balaclava) baraclava for $20. If you do, spend the greatest $10 of your life and upgrade to [this](http://www.amazon.com/Chaos--CTR-Howler-Windproof-Balaclava/dp/B002ZG7RGC/ref=sr_1_6?ie=UTF8&qid=1428097222&sr=8-6&keywords=balaclava), which seems to have better ventilation based on the reviews.\n",
+ "\n",
+ "**TLDR:** The worst thing about Cornell's cold weather is the time it takes to put on 3-5 extra pieces of clothing in the morning.\n",
+ "tensor([ 101, 7929, 3071, 1012, 2017, 2453, 2031, 2657, 2919, 2477,\n",
+ " 2055, 1996, 4633, 1010, 2031, 5281, 2642, 3147, 2320, 2030,\n",
+ " 3807, 1010, 2030, 2017, 2453, 2074, 3160, 1000, 2129, 2919,\n",
+ " 2071, 2009, 2022, 1029, 1000, 2182, 1005, 1055, 1996, 3437,\n",
+ " 2017, 1005, 2128, 2559, 2005, 1012, 1045, 1005, 2222, 3046,\n",
+ " 2000, 2507, 2017, 1996, 5025, 3616, 1010, 1996, 26406, 1997,\n",
+ " 2129, 3147, 2573, 1998, 2129, 2000, 2954, 2009, 1010, 1998,\n",
+ " 12832, 1998, 3513, 2005, 9343, 4253, 1012, 1008, 1008, 1015,\n",
+ " 1007, 1031, 11562, 2182, 2005, 1996, 4633, 2951, 1033, 1006,\n",
+ " 16770, 1024, 1013, 1013, 7479, 1012, 4702, 14672, 14277, 3270,\n",
+ " 1012, 4012, 1013, 7953, 1013, 1029, 1045, 1027, 4633, 1009,\n",
+ " 1999, 1009, 16459, 12376, 1009, 1999, 1009, 2297, 1007, 1008,\n",
+ " 1008, 1006, 2017, 2064, 2689, 1996, 16459, 12376, 2000, 2115,\n",
+ " 14101, 3642, 2000, 12826, 1012, 1007, 1008, 1008, 1016, 1007,\n",
+ " 2182, 2003, 2026, 8570, 2006, 1996, 4633, 2951, 1024, 1008,\n",
+ " 1008, 10921, 4633, 2003, 2025, 2008, 2919, 2005, 2087, 2111,\n",
+ " 2247, 1996, 2642, 3675, 1997, 1996, 1057, 1012, 1055, 1012,\n",
+ " 2009, 2064, 2131, 2091, 2000, 1011, 2184, 1042, 1006, 2197,\n",
+ " 2095, 2009, 2718, 1011, 2459, 1007, 2021, 2045, 2024, 2069,\n",
+ " 1037, 2261, 3134, 2043, 2017, 1005, 2128, 2917, 2184, 5445,\n",
+ " 1042, 1012, 3612, 5428, 3363, 1037, 2210, 4788, 1012, 10921,\n",
+ " 2003, 1999, 1037, 4257, 2930, 1997, 1996, 2110, 1998, 2008,\n",
+ " 2965, 7167, 1997, 3612, 1010, 2021, 2025, 2004, 2172, 2004,\n",
+ " 2151, 6849, 2140, 2237, 2030, 2103, 1012, 2023, 2965, 3612,\n",
+ " 5428, 3363, 2064, 2022, 1037, 5387, 1012, 2012, 1996, 2203,\n",
+ " 1997, 1996, 2154, 1010, 3087, 2013, 16392, 2030, 3190, 2052,\n",
+ " 2022, 2986, 2012, 10921, 1012, 10921, 2069, 4152, 2107, 1037,\n",
+ " 2919, 2171, 2138, 2009, 2038, 1037, 2502, 3721, 1998, 17771,\n",
+ " 2116, 2493, 2013, 2521, 2185, 2040, 2024, 24185, 12879, 18083,\n",
+ " 2100, 4895, 28139, 19362, 2098, 1012, 1008, 1008, 1017, 1007,\n",
+ " 2182, 2003, 2026, 6412, 1997, 2129, 3147, 4633, 2573, 1024,\n",
+ " 1008, 1008, 1045, 2228, 2023, 2003, 2590, 1012, 3616, 2024,\n",
+ " 25120, 2302, 1996, 3754, 2000, 17841, 2068, 1012, 1045, 2113,\n",
+ " 1996, 2801, 1997, 4942, 1011, 5717, 2003, 3097, 2000, 2070,\n",
+ " 1010, 2021, 3606, 7699, 1010, 2009, 2074, 2965, 2062, 9014,\n",
+ " 1012, 1045, 1005, 1049, 2025, 2183, 2000, 2175, 2125, 2006,\n",
+ " 1037, 2831, 2055, 2250, 10306, 1012, 2612, 2292, 2033, 2831,\n",
+ " 2055, 2054, 2009, 3138, 2000, 2514, 6625, 1010, 2000, 2514,\n",
+ " 4010, 1012, 2034, 1010, 2053, 3265, 2303, 2112, 2064, 2022,\n",
+ " 3147, 1012, 2117, 1010, 1996, 2303, 3685, 2514, 2049, 4563,\n",
+ " 4860, 7510, 1012, 7929, 1010, 2054, 2023, 2965, 2003, 2065,\n",
+ " 2151, 2112, 1997, 2115, 2303, 2003, 6086, 2000, 3147, 5200,\n",
+ " 2008, 1008, 6204, 3684, 1008, 2185, 2013, 2017, 2303, 2855,\n",
+ " 2059, 2008, 2303, 2112, 2003, 2183, 2000, 2514, 3147, 1012,\n",
+ " 2477, 2107, 2004, 4755, 2808, 2302, 11875, 1010, 3788, 1999,\n",
+ " 4857, 6007, 1006, 1008, 2926, 1008, 2065, 2027, 1005, 2128,\n",
+ " 4954, 1010, 2821, 2643, 2300, 2003, 1037, 2204, 7589, 1997,\n",
+ " 3684, 1007, 1010, 2030, 3612, 2006, 6086, 3096, 2097, 11891,\n",
+ " 1996, 3684, 2013, 2216, 3033, 1997, 1996, 2303, 1012, 2023,\n",
+ " 3084, 2068, 2514, 3147, 1012, 2054, 2008, 2965, 2005, 2017,\n",
+ " 2003, 2093, 2477, 1024, 6879, 1010, 11875, 1010, 6045, 1012,\n",
+ " 2021, 102])\n",
+ "Read up on 'learned helplessness.' Particularly if you're going into engineering. \n",
+ "\n",
+ "Be prepared to study for 80 hours for an exam, receive a C-, find that the mean for the class was 68 but that one kid got a 98 so there's no curve.\n",
+ "\n",
+ "Be prepared to juggle so many term-length projects that even while you're struggling to get one done, you're already missing deadlines for another. When you come in bleary eyed the next day and ask the professor for an extension, cringe as he berates you for putting another class ahead of his, or accusing you of lying.\n",
+ "\n",
+ "Watch as your social life and conversations always center around food and how much work you have to do. Spend hours in the library frantically trying to study but unable to concentrate due to lack of sleep and stress. Sleep at the library when you give up.\n",
+ "\n",
+ "Desperately seek guidance from TAs who barely speak English.\n",
+ "\n",
+ "Get a C- on an exam after acing three separate practice exams.\n",
+ "\n",
+ "Feel like you are constantly being evaluated and constantly coming up short. Know that this feeling will continue about three years past graduation, if you're lucky. Your employers will wonder why you constantly need so much feedback and wonder if you're hiding something, perhaps a drug addiction.\n",
+ "\n",
+ "Take a \"bathroom break\" and scream as you bite onto your fist, furious at how stupid and lazy and slow your assigned team project members are.\n",
+ "\n",
+ "I can tell you already have the Cornell attitude; you'll fit in well. Note that you're not worried about learning or education or getting an experience or enriching your life, making connections or growing personally. No, you claim you want to operate properly to be successful. I had a close Cornell professor who claimed that Cornell students would do anything to be successful - cheat, lie, steal or, god-forbid, even learn the material if that's what it took to be successful.\n",
+ "\n",
+ "Now, you can avoid the hells of what I described above. I managed to learn after the first year. The stress was so high first year that I had stomach cramps constantly; the ultrasound never found the kidney stones that my doctor diagnosed as the source of the pain. The pain (so bad that I couldn't eat) mysteriously disappeared after sleeping for a week after finals.\n",
+ "\n",
+ "There are tricks to it. This is a good blog on some tips: http://www.calnewport.com/blog/\n",
+ "\n",
+ "Other than that, a few comments (not an authoritative source):\n",
+ "\n",
+ " * Take at least one class every semester just for fun. It will remind you that learning used to be fun.\n",
+ "\n",
+ " * Never take an easier equivalent of a class (ie, econometrics for business majors vs. econometrics for econ majors).\n",
+ "\n",
+ " * Schedule light semesters around the weeder classes (you'll hear what they are. Usually CS211 or Org Chem).\n",
+ "\n",
+ " * Learn in class. Really pay attention, ask questions, take active notes (not just copying, but summarizing). Learn the Cornell Note Taking Method. Try to never have to study. Really.\n",
+ "\n",
+ " * Go to every class. You pay $100 an hour for instruction; don't waste it. You'll never catch up otherwise.\n",
+ "\n",
+ " * Get to know your professors outside of class. Office hours or department meetings or seminars are fantastic. Some of the best friendships you'll make in college will be with professors - and they'll serve you earliest as you look for jobs and opportunities. Being on good terms with the professor also makes it a lot easier to learn from them - a very strange but obvious mental shortcut.\n",
+ "\n",
+ " * Join a mastermind group or set one up. Keep each other accountable for each others goals. Assign each other deadlines for long-term projects so you don't cram at the end. Include personal goals too.\n",
+ "\n",
+ " * Try to join the Telluride Association. It's not a frat.\n",
+ "\n",
+ " * Learn how to get laid often (or, if a woman, learn how to get a guy to commit). Beyond the immediate benefit, it instills a confidence and charisma that will serve you as well as your education. Particularly if you're an engineer.\n",
+ "\n",
+ " * Learn a great theoretical foundation. Also learn at least two directly applicable trade skills that relies on that theory. Examples: Set Theory: SQL and Combinatorics. Do this for as many theoretical frameworks as you can. Applications pay off even in academia; very few get away with only knowing theory.\n",
+ "\n",
+ " * Focus on learning and education beyond grades. It's okay to get a bad grade if you're positive you got the lesson; horrible (though incredibly tempting) to get an easy A. This is not high school; grades here don't matter. Anything above failing is acceptable. Education does matter. Hell, find time to read books on subjects outside your major.\n",
+ "\n",
+ " * Make really good friends with people who seem respectable, admirable or successful to you. They'll last the rest of your life. The rest of your life is a really, really, REALLY long time. Choose wisely.\n",
+ "\n",
+ " * Learn enough about yourself that you can avoid the stress of evaluation, your limits, your fears. Learn to relax and things will come a lot easier. People will envy your ability to calmly walk in, take a test, and smile on the way out. They'll think you're a genius instead of someone who learns in class, gets enough sleep, and completes projects ahead of schedule. Learn that no amount of self-discipline, innate talent, inherent intelligence, or willpower is enough for this task. Learn to structure your life to support your work, or else it will overwhelm you.\n",
+ "\n",
+ " * Dance or sing or paint or do something creative so the right hemisphere of your brain doesn't completely collapse during engineering classes.\n",
+ "\n",
+ " * If you ever, ever start thinking about suicide, get help right away. It's super easy at Cornell, and even if for some reason it's not, it's the one thing that's worth fighting for. You're allowed to fail all your classes and get kicked out of school and have your parents disown you (hell, my friends who dropped out are doing better than many of my friends who went to graduate school), but you are not allowed to kill yourself. Ever. As one of my best friends said, \"If you kill yourself, I will so kick your ass.\"\n",
+ "tensor([ 101, 3191, 2039, 2006, 1005, 4342, 13346, 2791, 1012, 1005,\n",
+ " 3391, 2065, 2017, 1005, 2128, 2183, 2046, 3330, 1012, 2022,\n",
+ " 4810, 2000, 2817, 2005, 3770, 2847, 2005, 2019, 11360, 1010,\n",
+ " 4374, 1037, 1039, 1011, 1010, 2424, 2008, 1996, 2812, 2005,\n",
+ " 1996, 2465, 2001, 6273, 2021, 2008, 2028, 4845, 2288, 1037,\n",
+ " 5818, 2061, 2045, 1005, 1055, 2053, 7774, 1012, 2022, 4810,\n",
+ " 2000, 26536, 9354, 2061, 2116, 2744, 1011, 3091, 3934, 2008,\n",
+ " 2130, 2096, 2017, 1005, 2128, 8084, 2000, 2131, 2028, 2589,\n",
+ " 1010, 2017, 1005, 2128, 2525, 4394, 15117, 2015, 2005, 2178,\n",
+ " 1012, 2043, 2017, 2272, 1999, 1038, 19738, 2854, 7168, 1996,\n",
+ " 2279, 2154, 1998, 3198, 1996, 2934, 2005, 2019, 5331, 1010,\n",
+ " 13675, 23496, 2004, 2002, 2022, 20370, 2017, 2005, 5128, 2178,\n",
+ " 2465, 3805, 1997, 2010, 1010, 2030, 16723, 2017, 1997, 4688,\n",
+ " 1012, 3422, 2004, 2115, 2591, 2166, 1998, 11450, 2467, 2415,\n",
+ " 2105, 2833, 1998, 2129, 2172, 2147, 2017, 2031, 2000, 2079,\n",
+ " 1012, 5247, 2847, 1999, 1996, 3075, 16460, 2667, 2000, 2817,\n",
+ " 2021, 4039, 2000, 10152, 2349, 2000, 3768, 1997, 3637, 1998,\n",
+ " 6911, 1012, 3637, 2012, 1996, 3075, 2043, 2017, 2507, 2039,\n",
+ " 1012, 9652, 6148, 8606, 2013, 11937, 2015, 2040, 4510, 3713,\n",
+ " 2394, 1012, 2131, 1037, 1039, 1011, 2006, 2019, 11360, 2044,\n",
+ " 9353, 2075, 2093, 3584, 3218, 13869, 1012, 2514, 2066, 2017,\n",
+ " 2024, 7887, 2108, 16330, 1998, 7887, 2746, 2039, 2460, 1012,\n",
+ " 2113, 2008, 2023, 3110, 2097, 3613, 2055, 2093, 2086, 2627,\n",
+ " 7665, 1010, 2065, 2017, 1005, 2128, 5341, 1012, 2115, 12433,\n",
+ " 2097, 4687, 2339, 2017, 7887, 2342, 2061, 2172, 12247, 1998,\n",
+ " 4687, 2065, 2017, 1005, 2128, 6318, 2242, 1010, 3383, 1037,\n",
+ " 4319, 13449, 1012, 2202, 1037, 1000, 5723, 3338, 1000, 1998,\n",
+ " 6978, 2004, 2017, 6805, 3031, 2115, 7345, 1010, 9943, 2012,\n",
+ " 2129, 5236, 1998, 13971, 1998, 4030, 2115, 4137, 2136, 2622,\n",
+ " 2372, 2024, 1012, 1045, 2064, 2425, 2017, 2525, 2031, 1996,\n",
+ " 10921, 7729, 1025, 2017, 1005, 2222, 4906, 1999, 2092, 1012,\n",
+ " 3602, 2008, 2017, 1005, 2128, 2025, 5191, 2055, 4083, 2030,\n",
+ " 2495, 2030, 2893, 2019, 3325, 2030, 4372, 13149, 2075, 2115,\n",
+ " 2166, 1010, 2437, 7264, 2030, 3652, 7714, 1012, 2053, 1010,\n",
+ " 2017, 4366, 2017, 2215, 2000, 5452, 7919, 2000, 2022, 3144,\n",
+ " 1012, 1045, 2018, 1037, 2485, 10921, 2934, 2040, 3555, 2008,\n",
+ " 10921, 2493, 2052, 2079, 2505, 2000, 2022, 3144, 1011, 21910,\n",
+ " 1010, 4682, 1010, 8954, 2030, 1010, 2643, 1011, 27206, 1010,\n",
+ " 2130, 4553, 1996, 3430, 2065, 2008, 1005, 1055, 2054, 2009,\n",
+ " 2165, 2000, 2022, 3144, 1012, 2085, 1010, 2017, 2064, 4468,\n",
+ " 1996, 3109, 2015, 1997, 2054, 1045, 2649, 2682, 1012, 1045,\n",
+ " 3266, 2000, 4553, 2044, 1996, 2034, 2095, 1012, 1996, 6911,\n",
+ " 2001, 2061, 2152, 2034, 2095, 2008, 1045, 2018, 4308, 13675,\n",
+ " 25167, 7887, 1025, 1996, 27312, 2196, 2179, 1996, 14234, 6386,\n",
+ " 2008, 2026, 3460, 11441, 2004, 1996, 3120, 1997, 1996, 3255,\n",
+ " 1012, 1996, 3255, 1006, 2061, 2919, 2008, 1045, 2481, 1005,\n",
+ " 1056, 4521, 1007, 29239, 5419, 2044, 5777, 2005, 1037, 2733,\n",
+ " 2044, 4399, 1012, 2045, 2024, 12225, 2000, 2009, 1012, 2023,\n",
+ " 2003, 1037, 2204, 9927, 2006, 2070, 10247, 1024, 8299, 1024,\n",
+ " 1013, 1013, 7479, 1012, 10250, 2638, 2860, 6442, 1012, 4012,\n",
+ " 1013, 9927, 1013, 2060, 2084, 2008, 1010, 1037, 2261, 7928,\n",
+ " 1006, 102])\n",
+ "Word of advice, a high overall GPA isn't the only number they look at. Med school admissions will take into account your BCPM (bio, chem, physics, math) GPA as well as your non-science GPA. On average, matriculates tend to have a higher non-science GPA because they know they can inflate their overall GPA, but also know that the difference between the average applicant and matriculant's BCPM GPA is much higher than the non-science GPA, indicating that med school admissions teams know that the inflated overall GPA isn't the best indicator of preparation, and really look out for those types of students. \n",
+ "\n",
+ "While you can definitely be in a frat and party while being premed, that's nowhere near a good excuse for trying to be in an easier major. It's not like you're the first one with this idea to try and win a numbers game. If it comes down to say an English major and a BioE major with the same, high overall GPA, the BioE major will probably have more related coursework, have shown a much deeper interest in biology/medicine, and have demonstrated that they can handle a science heavy courseload and will probably be a stronger candidate. Speaking of this, med schools also like to see that you're challenging yourself and like to see medically related courses outside of the typical premed requirements. It's helpful if you can bring more talking points to an interview and impress them if you know about things outside of simply orgo like how to actually apply fundamental knowledge to healthcare. \n",
+ "\n",
+ "Also take into consideration that easy majors are very subjective. Do you enjoy writing research papers? doing case competitions? memorizing hundreds of facts? working on problem sets? writing proofs? writing code? networking? being an a lab? I would say, go for a major that you are genuinely interested in. This will help loads when it comes down to prelims and finals when you start to lose motivation. If you are invested in the material because you like it, you will generally also do better in the classes. If you find the \"easiest\" major, you will be inclined to do the bare minimum for an A (if that) with little educational value (something your Cornell tuition is supposed to be getting you). \n",
+ "\n",
+ "One very annoying thing about premeds, is their attitude of complaining about their coursework in an excessive way. While there are definitely easier classes than say biochem, there is a reason med schools want you to learn about the fundamentals of math and physics. It's frustrating that people see these as hurdles preventing them from getting into med school, when it's to make sure that students have the right foundation. If you are really treating your undergrad experience as a way to get into med school, you'll find yourself very disappointed when you don't get into your top choice. If you treat it as a learning experience to help prepare you for a job in the medical field, be it as a doctor or not, you will find yourself in a much better headspace. \n",
+ "\n",
+ "If you really want to be a doctor, you'll put in the necessary work to be a doctor. Whether it be through an \"easy\" major or not, that's up to you. But also keep in mind, that assuming you're a freshman, prelim season has just started, and you're still not taking the most difficult courses, you have no idea how your grades will hold up over the next several semesters. A 3.85+ may look good, but it's likely you won't be able to keep it that high if you don't work your ass off when you need to. What people don't seem to understand is that there are \"easy A\" classes, but that's in comparison to a course with a median of a B. There's an not insignificant number of people who don't put in the work and don't get A's. Take ILRies for example. They often get the short end of the stick when it comes to easy majors, but the truth is, they just have different work. Sure they're not forced to spend hours stuck in a basement lab or do problem sets extend miles beyond lecture or even take a real science class despite ending in a BS, but they do a hell of a lot more reading and writing than I could mentally handle. And at the end of the day, a lot of them still won't end up with an A. Prelaw ILR students are definitely there, definitely need a very high GPA to get into law school, and definitely have to work their asses off to make sure they maintain a high GPA despite being in an \"easy\" major, but what helps is that the coursework they're doing is relevant to the end goal they want to achieve, and that's how you should approach being premed. If you want to be a doctor, take courses that will help you be a better doctor in the future, not what you think will necessarily get you into the best med school out there. You're in college to prepare you for your future. Cornell doesn't have a sticker price of $60K+ a year for its students to party whenever they want. \n",
+ "\n",
+ "If you want to be a doctor from a purely financial standpoint, you won't enjoy your undergrad, you med school, your residency, your job, your life as much as if you want to practice medicines for a better reason. Money and the name of a higher tier medical school aren't everything. Premed requirements are there partly to help weed out these people. Also, assuming you can get into one of the best medical schools with just a high overall GPA is super presumptuous to begin with and is not really the goal of those people who just really want to be doctors not for the money. While it's good to set goals for yourself, it's not great to make them expectations. \n",
+ "\n",
+ "All this being said, it's very possible to have a social life while being a premed in a STEM major at Cornell (there are always some Cornell engineers in some of the arguably hardest majors who have demonstrated skill and desire who get into med school every year), but you really just need passion and the right drive to make it happen. \n",
+ "tensor([ 101, 2773, 1997, 6040, 1010, 1037, 2152, 3452, 14246, 2050,\n",
+ " 3475, 1005, 1056, 1996, 2069, 2193, 2027, 2298, 2012, 1012,\n",
+ " 19960, 2082, 20247, 2097, 2202, 2046, 4070, 2115, 4647, 9737,\n",
+ " 1006, 16012, 1010, 18178, 2213, 1010, 5584, 1010, 8785, 1007,\n",
+ " 14246, 2050, 2004, 2092, 2004, 2115, 2512, 1011, 2671, 14246,\n",
+ " 2050, 1012, 2006, 2779, 1010, 13523, 7277, 18969, 7166, 2000,\n",
+ " 2031, 1037, 3020, 2512, 1011, 2671, 14246, 2050, 2138, 2027,\n",
+ " 2113, 2027, 2064, 1999, 10258, 3686, 2037, 3452, 14246, 2050,\n",
+ " 1010, 2021, 2036, 2113, 2008, 1996, 4489, 2090, 1996, 2779,\n",
+ " 23761, 1998, 13523, 7277, 7068, 3372, 1005, 1055, 4647, 9737,\n",
+ " 14246, 2050, 2003, 2172, 3020, 2084, 1996, 2512, 1011, 2671,\n",
+ " 14246, 2050, 1010, 8131, 2008, 19960, 2082, 20247, 2780, 2113,\n",
+ " 2008, 1996, 29561, 3452, 14246, 2050, 3475, 1005, 1056, 1996,\n",
+ " 2190, 17245, 1997, 7547, 1010, 1998, 2428, 2298, 2041, 2005,\n",
+ " 2216, 4127, 1997, 2493, 1012, 2096, 2017, 2064, 5791, 2022,\n",
+ " 1999, 1037, 25312, 2102, 1998, 2283, 2096, 2108, 26563, 2098,\n",
+ " 1010, 2008, 1005, 1055, 7880, 2379, 1037, 2204, 8016, 2005,\n",
+ " 2667, 2000, 2022, 1999, 2019, 6082, 2350, 1012, 2009, 1005,\n",
+ " 1055, 2025, 2066, 2017, 1005, 2128, 1996, 2034, 2028, 2007,\n",
+ " 2023, 2801, 2000, 3046, 1998, 2663, 1037, 3616, 2208, 1012,\n",
+ " 2065, 2009, 3310, 2091, 2000, 2360, 2019, 2394, 2350, 1998,\n",
+ " 1037, 16012, 2063, 2350, 2007, 1996, 2168, 1010, 2152, 3452,\n",
+ " 14246, 2050, 1010, 1996, 16012, 2063, 2350, 2097, 2763, 2031,\n",
+ " 2062, 3141, 2607, 6198, 1010, 2031, 3491, 1037, 2172, 6748,\n",
+ " 3037, 1999, 7366, 1013, 4200, 1010, 1998, 2031, 7645, 2008,\n",
+ " 2027, 2064, 5047, 1037, 2671, 3082, 2607, 11066, 1998, 2097,\n",
+ " 2763, 2022, 1037, 6428, 4018, 1012, 4092, 1997, 2023, 1010,\n",
+ " 19960, 2816, 2036, 2066, 2000, 2156, 2008, 2017, 1005, 2128,\n",
+ " 10368, 4426, 1998, 2066, 2000, 2156, 2966, 2135, 3141, 5352,\n",
+ " 2648, 1997, 1996, 5171, 26563, 2098, 5918, 1012, 2009, 1005,\n",
+ " 1055, 14044, 2065, 2017, 2064, 3288, 2062, 3331, 2685, 2000,\n",
+ " 2019, 4357, 1998, 17894, 2068, 2065, 2017, 2113, 2055, 2477,\n",
+ " 2648, 1997, 3432, 8917, 2080, 2066, 2129, 2000, 2941, 6611,\n",
+ " 8050, 3716, 2000, 9871, 1012, 2036, 2202, 2046, 9584, 2008,\n",
+ " 3733, 15279, 2024, 2200, 20714, 1012, 2079, 2017, 5959, 3015,\n",
+ " 2470, 4981, 1029, 2725, 2553, 6479, 1029, 24443, 21885, 2075,\n",
+ " 5606, 1997, 8866, 1029, 2551, 2006, 3291, 4520, 1029, 3015,\n",
+ " 6947, 2015, 1029, 3015, 3642, 1029, 14048, 1029, 2108, 2019,\n",
+ " 1037, 6845, 1029, 1045, 2052, 2360, 1010, 2175, 2005, 1037,\n",
+ " 2350, 2008, 2017, 2024, 15958, 4699, 1999, 1012, 2023, 2097,\n",
+ " 2393, 15665, 2043, 2009, 3310, 2091, 2000, 3653, 17960, 2015,\n",
+ " 1998, 4399, 2043, 2017, 2707, 2000, 4558, 14354, 1012, 2065,\n",
+ " 2017, 2024, 11241, 1999, 1996, 3430, 2138, 2017, 2066, 2009,\n",
+ " 1010, 2017, 2097, 3227, 2036, 2079, 2488, 1999, 1996, 4280,\n",
+ " 1012, 2065, 2017, 2424, 1996, 1000, 25551, 1000, 2350, 1010,\n",
+ " 2017, 2097, 2022, 13050, 2000, 2079, 1996, 6436, 6263, 2005,\n",
+ " 2019, 1037, 1006, 2065, 2008, 1007, 2007, 2210, 4547, 3643,\n",
+ " 1006, 2242, 2115, 10921, 15413, 2003, 4011, 2000, 2022, 2893,\n",
+ " 2017, 1007, 1012, 2028, 2200, 15703, 2518, 2055, 26563, 2098,\n",
+ " 2015, 1010, 2003, 2037, 7729, 1997, 17949, 2055, 2037, 2607,\n",
+ " 6198, 1999, 2019, 11664, 2126, 1012, 2096, 2045, 2024, 5791,\n",
+ " 6082, 102])\n",
+ "I hate the Cornell Daily Sun with a burning passion so much, that nearly everyone who knows me in real life and who follows me on snapchat will likely consider that one of my personality traits. Here's a short list explaining why the Cornell Daily Sun is a fucking garbage publication: \n",
+ "\n",
+ "* It's not even daily, but they still call themselves the Cornell Daily Sun. Like what the fuck. \n",
+ "\n",
+ "* **Sex on Thursdays**. Who the fuck approved this? Whenever I post the headlines of this section on my snapchat, I always will get a reply from at least one person who refuses to believe that it's real. None of this shit is remotely interesting or even humorous, and it sure as fuck isn't classy. No one wants to fucking read stories about how this one person had a hookup with a dude and it turned awkward and she had to see him every day in Psych 1101 for the rest of the semester, every fucking week. What kind of middle school bullshit are you churning out? Every week its the three stories: Some gossippy bullshit about this girl kinda humble-bragging that she had sex this one time with a super hot dude and it wasn't great that leads into a tirade about how men can't make her orgasm but women can, a list of reasons why sex is fun (because this needed convincing) or why drunkenly hooking up with a laundry list of dudes isn't a bad thing, or another generic rant about rape culture. It just seems like the incoherent ramblings of an insecure bisexual who wants to make sure everyone else knows how much sex they have. \n",
+ "\n",
+ "* I'm taking a single bullet point to complain about a specific person's op-eds. I consider myself moderately liberal, but even taking into consideration that Cornell is a college, and a pretty liberal one at that, I couldn't take some of these articles seriously. Last year, there was literally an editorial written by a woman who was **complaining that when bouncers knew that she was underage and still let her into bars in collegetown, she felt indebted to them and argued this was sexist**, while acknowledging that there were nights when her guy friends were left at the door and her friends and she were let in. She went on to counter the argument to \"simply not drink underage\" by arguing that drinking was a part of college life, and she had a right to *break the law* to meet that goal. I don't think I'm even exaggerating that much, read it for yourself [here](https://cornellsun.com/2018/03/26/hubsher-can-i-see-your-i-d/). \n",
+ "\n",
+ "* The rest of the columns: A lot of these have the unique and distinctive style of *garbage fucking journalism*. Use of a bunch of buzzwords and phrases that may be independently coherent, but as a whole don't really say much. They're usually written intentionally over-provocative in attempts to make the author stand out and give themselves a sense of superiority. It reeks of modern YouTube/Vine \"look-at-me\" culture that I fucking abhor. Each of these \"texts\" is written with a tone of absolute disgust when its evident that they're actually completely ambivalent to the issue. Another lot of these have absolutely fucking nothing to do with Cornell, or really anything in general. I read some article the other day about some girl who got her credit card number stolen through some phishing scheme or something that played out like that one English paper I shat out in the class it was due freshman year of high school. Nothing was really written about how to avoid scams in the future or how to go about resolving a credit card dispute, or really anything of worth to the reader. Some girl just wrote about the one time she got her credit card number stolen, and then what she got for breakfast afterward or something. \n",
+ "\n",
+ "* Batshit crazy opinion pieces. There was an article last year written by 3 non-CS grad students that called for the CS department to introduce a Sociology/Diversity Requirement because they were worried about AI being racist. Here's a excerpt from the first paragraph of their article, \"It's August 4th, 2025, and the Chicago Police Department, now relying heavily on facial recognition artificial intelligence software, wrongly identifies and arrests Barack Obama.\" Does no one read these? A newspaper like The Cornell \"Daily\" Sun shouldn't be treated like Twitter, where anyone can say whatever the fuck they want. Someone needs to proof-read this shit before it gets sent to the presses. \n",
+ "\n",
+ "* The new columnists this year. I thought it would be better with most of the columnists I hate graduating in the spring of 2018. Boy I was fucking wrong. A lot of these new columnists are freshmen or sophomores. How these people got columns freshman year is beyond me; probably some kind of nepotism, especially when you read the kind of stuff they shit out. Basically every complaint I had about the rest of the columnists but taken to the absolute extreme. Like an extreme I didn't even know about. Even my high school paper in South Korea whose main contributors could barely speak English at a 7th grade level had better articles. Nothing interesting is discussed, anything that is discussed is taken to some political extreme, and a lot of opinion articles are written about events that are covered in a report article in the same issue of the paper. This may not seem like a huge deal, but it really is. Its tough to tell if an article about some event is meant to be a report or an opinion at first glance (especially if the opinion piece has the headline and the report doesn't), and it makes the whole paper seem ridiculously political at points and in bad taste. \n",
+ "\n",
+ "* The Movie section. I know art is subjective, but I happen to know a lot about the filmmaking industry. Not that I can make a good film myself, I just happen to have lots of sources where I can learn how films are made, the kinds of politics that go on behind blockbusters, what a director of cinematography looks for in cameras when trying to shoot a horror vs an action film, and why Casablanca is a great movie. But I can say with absolute certainty that nearly half the campus could be a better film critic than whoever they have at the \"Daily\" Sun. Constantly getting facts and general information wrong is just the tip of the iceberg. Also, in my opinion they all have terrible taste, but again, that's completely subjective. \n",
+ "\n",
+ "* Anti-Greek Life articles. I hate Greek Life roughly ten times more than the average Cornellian, but the number of articles complaining about Greek Life that all say the same fucking thing is ridiculous. If it was once a semester, or whenever some frat pulled some stupid stunt, I'd be okay, but every other fucking week is too much man. \n",
+ "\n",
+ "* The Sudoku Section. The quality of this thing fluctuates more than my cardiograph when The Cornell \"Daily\" Sun comes up in conversation. Some days they're ridiculously easy, some days they're actually difficult, usually the former.\n",
+ "\n",
+ "Now, I could rant about this for another ten thousand characters, but let's face it, no one read past this point so I'm gonna stop because I'm nearing the character limit for comments (also because I'm gonna fail my algo prelim on Thursday, and really need to stop procrastinating studying). \n",
+ "\n",
+ "But, I will give credit where credit is due. I think there are a couple of good writers on the team. I especially like DongYeon (Margaret) Lee's stuff because I think she raises questions that are remotely thought provoking, and makes arguments that are interesting and have actually have the capacity to change my mind. They also are always about life at Cornell instead of some fucking bullshit. Take a note other writers, because Cornell fucking deserves it already. \n",
+ "tensor([ 101, 1045, 5223, 1996, 10921, 3679, 3103, 2007, 1037, 5255,\n",
+ " 6896, 2061, 2172, 1010, 2008, 3053, 3071, 2040, 4282, 2033,\n",
+ " 1999, 2613, 2166, 1998, 2040, 4076, 2033, 2006, 10245, 7507,\n",
+ " 2102, 2097, 3497, 5136, 2008, 2028, 1997, 2026, 6180, 12955,\n",
+ " 1012, 2182, 1005, 1055, 1037, 2460, 2862, 9990, 2339, 1996,\n",
+ " 10921, 3679, 3103, 2003, 1037, 8239, 13044, 4772, 1024, 1008,\n",
+ " 2009, 1005, 1055, 2025, 2130, 3679, 1010, 2021, 2027, 2145,\n",
+ " 2655, 3209, 1996, 10921, 3679, 3103, 1012, 2066, 2054, 1996,\n",
+ " 6616, 1012, 1008, 1008, 1008, 3348, 2006, 9432, 2015, 1008,\n",
+ " 1008, 1012, 2040, 1996, 6616, 4844, 2023, 1029, 7188, 1045,\n",
+ " 2695, 1996, 19377, 1997, 2023, 2930, 2006, 2026, 10245, 7507,\n",
+ " 2102, 1010, 1045, 2467, 2097, 2131, 1037, 7514, 2013, 2012,\n",
+ " 2560, 2028, 2711, 2040, 10220, 2000, 2903, 2008, 2009, 1005,\n",
+ " 1055, 2613, 1012, 3904, 1997, 2023, 4485, 2003, 19512, 5875,\n",
+ " 2030, 2130, 14742, 1010, 1998, 2009, 2469, 2004, 6616, 3475,\n",
+ " 1005, 1056, 2465, 2100, 1012, 2053, 2028, 4122, 2000, 8239,\n",
+ " 3191, 3441, 2055, 2129, 2023, 2028, 2711, 2018, 1037, 8103,\n",
+ " 6279, 2007, 1037, 12043, 1998, 2009, 2357, 9596, 1998, 2016,\n",
+ " 2018, 2000, 2156, 2032, 2296, 2154, 1999, 8827, 17994, 7287,\n",
+ " 2487, 2005, 1996, 2717, 1997, 1996, 13609, 1010, 2296, 8239,\n",
+ " 2733, 1012, 2054, 2785, 1997, 2690, 2082, 14636, 2024, 2017,\n",
+ " 26765, 2041, 1029, 2296, 2733, 2049, 1996, 2093, 3441, 1024,\n",
+ " 2070, 13761, 7685, 14636, 2055, 2023, 2611, 17704, 15716, 1011,\n",
+ " 23678, 2075, 2008, 2016, 2018, 3348, 2023, 2028, 2051, 2007,\n",
+ " 1037, 3565, 2980, 12043, 1998, 2009, 2347, 1005, 1056, 2307,\n",
+ " 2008, 5260, 2046, 1037, 14841, 13662, 2055, 2129, 2273, 2064,\n",
+ " 1005, 1056, 2191, 2014, 13892, 2021, 2308, 2064, 1010, 1037,\n",
+ " 2862, 1997, 4436, 2339, 3348, 2003, 4569, 1006, 2138, 2023,\n",
+ " 2734, 13359, 1007, 2030, 2339, 15967, 2135, 8103, 2075, 2039,\n",
+ " 2007, 1037, 14533, 2862, 1997, 12043, 2015, 3475, 1005, 1056,\n",
+ " 1037, 2919, 2518, 1010, 2030, 2178, 12391, 2743, 2102, 2055,\n",
+ " 9040, 3226, 1012, 2009, 2074, 3849, 2066, 1996, 4297, 11631,\n",
+ " 7869, 3372, 8223, 9709, 2015, 1997, 2019, 16021, 29150, 22437,\n",
+ " 2040, 4122, 2000, 2191, 2469, 3071, 2842, 4282, 2129, 2172,\n",
+ " 3348, 2027, 2031, 1012, 1008, 1045, 1005, 1049, 2635, 1037,\n",
+ " 2309, 7960, 2391, 2000, 17612, 2055, 1037, 3563, 2711, 1005,\n",
+ " 1055, 6728, 1011, 11985, 1012, 1045, 5136, 2870, 17844, 4314,\n",
+ " 1010, 2021, 2130, 2635, 2046, 9584, 2008, 10921, 2003, 1037,\n",
+ " 2267, 1010, 1998, 1037, 3492, 4314, 2028, 2012, 2008, 1010,\n",
+ " 1045, 2481, 1005, 1056, 2202, 2070, 1997, 2122, 4790, 5667,\n",
+ " 1012, 2197, 2095, 1010, 2045, 2001, 6719, 2019, 8368, 2517,\n",
+ " 2011, 1037, 2450, 2040, 2001, 1008, 1008, 17949, 2008, 2043,\n",
+ " 17523, 2869, 2354, 2008, 2016, 2001, 2104, 4270, 1998, 2145,\n",
+ " 2292, 2014, 2046, 6963, 1999, 2267, 4665, 1010, 2016, 2371,\n",
+ " 27427, 15878, 3064, 2000, 2068, 1998, 5275, 2023, 2001, 3348,\n",
+ " 2923, 1008, 1008, 1010, 2096, 21894, 2008, 2045, 2020, 6385,\n",
+ " 2043, 2014, 3124, 2814, 2020, 2187, 2012, 1996, 2341, 1998,\n",
+ " 2014, 2814, 1998, 2016, 2020, 2292, 1999, 1012, 2016, 2253,\n",
+ " 2006, 2000, 4675, 1996, 6685, 2000, 1000, 3432, 2025, 4392,\n",
+ " 2104, 4270, 1000, 2011, 9177, 2008, 5948, 2001, 1037, 2112,\n",
+ " 1997, 2267, 2166, 1010, 1998, 2016, 2018, 1037, 2157, 2000,\n",
+ " 1008, 102])\n"
+ ]
+ },
+ {
+ "ename": "KeyboardInterrupt",
+ "evalue": "",
+ "output_type": "error",
+ "traceback": [
+ "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m",
+ "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)",
+ "Cell \u001b[0;32mIn[12], line 1\u001b[0m\n\u001b[0;32m----> 1\u001b[0m \u001b[43mclassifier\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mfit\u001b[49m\u001b[43m(\u001b[49m\u001b[43mcorpus\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mcorpus\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mcontext_type\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[38;5;124;43mutterance\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mcontext_selector\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mlambda\u001b[39;49;00m\u001b[43m \u001b[49m\u001b[43mx\u001b[49m\u001b[43m:\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;28;43mlen\u001b[39;49m\u001b[43m(\u001b[49m\u001b[43mx\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mtext\u001b[49m\u001b[43m)\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m>\u001b[39;49m\u001b[43m \u001b[49m\u001b[38;5;241;43m5000\u001b[39;49m\u001b[43m)\u001b[49m\n",
+ "File \u001b[0;32m~/Documents/zissou/ConvoKit/convokit/classifier/classifier.py:102\u001b[0m, in \u001b[0;36mClassifier.fit\u001b[0;34m(self, context_type, corpus, y, context_selector, val_context_selector)\u001b[0m\n\u001b[1;32m 98\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m val_context_selector \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[1;32m 99\u001b[0m val_contexts \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_create_context_iterator(\n\u001b[1;32m 100\u001b[0m corpus, context_type\u001b[38;5;241m=\u001b[39mcontext_type, context_selector\u001b[38;5;241m=\u001b[39mval_context_selector\n\u001b[1;32m 101\u001b[0m )\n\u001b[0;32m--> 102\u001b[0m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mclf_model\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mfit\u001b[49m\u001b[43m(\u001b[49m\u001b[43mcontexts\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mval_contexts\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 104\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\n",
+ "Cell \u001b[0;32mIn[9], line 33\u001b[0m, in \u001b[0;36mBertModel.fit\u001b[0;34m(self, contexts, val_contexts)\u001b[0m\n\u001b[1;32m 15\u001b[0m trainer \u001b[38;5;241m=\u001b[39m Trainer(\n\u001b[1;32m 16\u001b[0m model \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mmodel,\n\u001b[1;32m 17\u001b[0m args \u001b[38;5;241m=\u001b[39m TrainingArguments(\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 29\u001b[0m compute_metrics \u001b[38;5;241m=\u001b[39m compute_metrics\n\u001b[1;32m 30\u001b[0m )\n\u001b[1;32m 32\u001b[0m trainer\u001b[38;5;241m.\u001b[39margs\u001b[38;5;241m.\u001b[39meval_strategy \u001b[38;5;241m=\u001b[39m \u001b[38;5;124m'\u001b[39m\u001b[38;5;124mno\u001b[39m\u001b[38;5;124m'\u001b[39m\n\u001b[0;32m---> 33\u001b[0m \u001b[43mtrainer\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mtrain\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n",
+ "File \u001b[0;32m/opt/anaconda3/envs/convokit/lib/python3.11/site-packages/transformers/trainer.py:2171\u001b[0m, in \u001b[0;36mTrainer.train\u001b[0;34m(self, resume_from_checkpoint, trial, ignore_keys_for_eval, **kwargs)\u001b[0m\n\u001b[1;32m 2169\u001b[0m hf_hub_utils\u001b[38;5;241m.\u001b[39menable_progress_bars()\n\u001b[1;32m 2170\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m-> 2171\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43minner_training_loop\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 2172\u001b[0m \u001b[43m \u001b[49m\u001b[43margs\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2173\u001b[0m \u001b[43m \u001b[49m\u001b[43mresume_from_checkpoint\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mresume_from_checkpoint\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2174\u001b[0m \u001b[43m \u001b[49m\u001b[43mtrial\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mtrial\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2175\u001b[0m \u001b[43m \u001b[49m\u001b[43mignore_keys_for_eval\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mignore_keys_for_eval\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2176\u001b[0m \u001b[43m \u001b[49m\u001b[43m)\u001b[49m\n",
+ "File \u001b[0;32m/opt/anaconda3/envs/convokit/lib/python3.11/site-packages/transformers/trainer.py:2536\u001b[0m, in \u001b[0;36mTrainer._inner_training_loop\u001b[0;34m(self, batch_size, args, resume_from_checkpoint, trial, ignore_keys_for_eval)\u001b[0m\n\u001b[1;32m 2530\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m context():\n\u001b[1;32m 2531\u001b[0m tr_loss_step \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mtraining_step(model, inputs, num_items_in_batch)\n\u001b[1;32m 2533\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m (\n\u001b[1;32m 2534\u001b[0m args\u001b[38;5;241m.\u001b[39mlogging_nan_inf_filter\n\u001b[1;32m 2535\u001b[0m \u001b[38;5;129;01mand\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m is_torch_xla_available()\n\u001b[0;32m-> 2536\u001b[0m \u001b[38;5;129;01mand\u001b[39;00m (torch\u001b[38;5;241m.\u001b[39misnan(tr_loss_step) \u001b[38;5;129;01mor\u001b[39;00m \u001b[43mtorch\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43misinf\u001b[49m\u001b[43m(\u001b[49m\u001b[43mtr_loss_step\u001b[49m\u001b[43m)\u001b[49m)\n\u001b[1;32m 2537\u001b[0m ):\n\u001b[1;32m 2538\u001b[0m \u001b[38;5;66;03m# if loss is nan or inf simply add the average of previous logged losses\u001b[39;00m\n\u001b[1;32m 2539\u001b[0m tr_loss \u001b[38;5;241m=\u001b[39m tr_loss \u001b[38;5;241m+\u001b[39m tr_loss \u001b[38;5;241m/\u001b[39m (\u001b[38;5;241m1\u001b[39m \u001b[38;5;241m+\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mstate\u001b[38;5;241m.\u001b[39mglobal_step \u001b[38;5;241m-\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_globalstep_last_logged)\n\u001b[1;32m 2540\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n",
+ "\u001b[0;31mKeyboardInterrupt\u001b[0m: "
+ ]
+ }
+ ],
+ "source": [
+ "classifier.fit(corpus=corpus, context_type='utterance', context_selector=lambda x: len(x.text) > 5000)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "[**I wrote a cleaned up version of this on my blog, Table Theory. Check it out.**](http://tabletheory.wordpress.com/2013/05/09/the-table-theory-guide-for-the-cornell-university-class-of-2017/)\n",
+ "\n",
+ "A lot of this will sound obvious. Well, fuck you, because I didn't know this shit as a 17 year old straight-laced tightwad nerd who was getting his first taste of freedom.\n",
+ "\n",
+ "(For reference, I'm now a 27 year old tightwad nerd... though much less straight laced and probably a little drunk).\n",
+ "\n",
+ "**Academics**\n",
+ "\n",
+ "* Get used to not being the smartest person in the room. It's okay. It just means that, *gasp*, you have something to learn.\n",
+ "* Ask for help if you need it. Seriously. Don't be an asshole like I was and think \"it's weak to ask for help because I never needed it in HS.\"\n",
+ "* Go to class. Every single fucking class. And study. Most of the stress people end up having is from not doing well. The stress of studying is easy in comparison.\n",
+ "* Find out what kind of worker you are: I'm only effective with lots of structure and scheduling, and deadlines to keep me on track. I didn't learn that until after I made a really stupid, lazy roster. Take the first semester to learn how to be effective, and apply it the rest of your 4 years.\n",
+ "* Be smart about how much you can reasonably handle per semester. Yes, you're a full time student, but you need time to unwind, too.\n",
+ "* If you are a gamer, your room is the WORST place to study. Go outside, or to a library, or to CTB, or anywhere. Just not in front of your computer and its sweet, sweet Counterstrike.\n",
+ "* Learn to swim over the summer if you don't know already. CU actually has really fun gym class options, and it sucks to have to spend a semester learning how to swim when you can be rock climbing/pistol shooting/archery-ing/riding horses instead.\n",
+ "\n",
+ "**Social Stuff**\n",
+ "\n",
+ "* At orientation, you'll lots of people. It's exciting. One of them may even touch your boner (or lady boner). So, be friendly - but also be realistic. Finding people you click with takes effort, so yes, you have to put your best foot forward and get out there, but that doesn't mean latching onto the first person who tolerates you. Be upbeat, have something to offer everyone, and really feel people out from the perspective of whether you really enjoy spending your time with them.\n",
+ "* Talk to everyone. You don't have to be best friends with everyone, but introduce yourself. Ask them about what they like. Listen. You're going to meet people from places you've never been who grew up in ways you never did. Learn and, when possible, have fun with them.\n",
+ "* Start a dinner group. Even just two people. It's therapeutic.\n",
+ "* DO NOT HAVE YOUR FIRST DRUNKEN EXPERIENCE WITH PEOPLE YOU HAVEN'T KNOWN LONG ENOUGH TO TRUST WITH YOUR LIFE. Teenagers have no fucking clue on how to take care of a drunk. So, yeah, have a drink or two, but don't give into shot pressure if you know you suck at drinking (or have no idea how much you can drink). Also, medical amnesty - if you pass out, call the fucking EMTs. People die when they ignore this.\n",
+ "* When you first throw up and get your first hangover, don't be the dick who says \"I'm never drinking again.\" Just suck it up, drink some gatorade, brush your teeth and walk it of. Your liver will be taking much more punishment in the next four years.\n",
+ "* I found that the best way to meet people I clicked with was through activities - so make sure you check out the club fairs, and try a lot of things out the first couple weeks. After that, stick around for what ACTIVITY you enjoy most. Trust me, you'll build much stronger friendships if you follow your passion, rather than just joining something because the people seem cool to you.\n",
+ "* On that note, join the ballroom dance team *cough cough.*\n",
+ "\n",
+ "**Dorms and Roommates**\n",
+ "\n",
+ "* Good boundaries are key, and unless you both grew up responsible enough to never need your parents to clean up after you, you have shitty boundaries. No problem, but always remember that in any dispute, *you might be the asshole in that scenario.*\n",
+ "* Be a person of your word. Be prepared to split chores, and even do some things that you dislike, because your roommate will also be doing things he or she dislikes. It beats being passive aggressive and hating the hours you have to spend in your room because you're not allowed to sleep anywhere else.\n",
+ "* That said, even when your roommate situation is great, less time in your room is best for everyone who lives there.\n",
+ "* Sexile is not completely off-limits as long as you call ahead, and make it worth your roommate's while. He or she will be doing you a solid, so either be prepared to reciprocate in some way or don't do it.\n",
+ "* It's not where you live, it's what you make of it. I know more people who are still friends/in touch from Donlon 6 today than from any other dorm I've ever heard of.\n",
+ "* On that note, just because you're living in the same building as someone doesn't make it more likely for you to end up as good friends. Hang around people because you like them not because it's easy.\n",
+ "* If you piss on the seat, clean it, or vigilante justice IS warranted. \n",
+ "\n",
+ "**Dating**\n",
+ "\n",
+ "* This is for guys and girls. Don't rush into or out of relationships. College is a different ball field, yes, but that doesn't mean you should just go all in or all out. This is one of the few times in your life when it's really completely cool to just be unattached - where no one will be in your business and making you feel like an asshole or a slut for dating lots of people (okay, some people may still do that. But, none of them is writing you a paycheck, so fuck 'em). At the same time, don't just bail on a good situation just because you can. You'll stunt your growth in relationships in either extreme.\n",
+ "* For the love of god, people, if someone wants to spend time with you, they will make it as easy as possible. If you have to call someone 5 times for them to even answer, they don't wanna hang out with you, holmes. Sorry.\n",
+ "* Nice clothes (non-college bum couture) goes a pretty long way in making you noticeable.\n",
+ "* Never, ever date someone just because the sex is good. Make that person a FWB. And don't be ashamed of that arrangement. It's actually kind of awesome.\n",
+ "* If you're a virgin, it's cool. Lots of people willing to let you practice.\n",
+ "* If you want to stay a virgin, that's cool too. There are lots of people who are doing the same thing.\n",
+ "\n",
+ "**Cornelliana that I personally really loved**\n",
+ "\n",
+ "* Go to your corny floor events. Go to the corny dances. Go to all of the things, at least to stop by and see it. You'll miss it after you've graduated.\n",
+ "* Go gorge jumping. There's only a short period of time when it's actually warm enough on campus to do. Make sure you a) know how to swim, and b) are with someone who knows how to get to the jump points.\n",
+ "* You gotta go to at least ONE frat party. I'm a party animal, and even then frat parties weren't my thing (too many people I didn't know) - but I never would have known that and then learned to throw my own parties if I didn't try one.\n",
+ "* Risley is pretty fuckin' cool. If they still have it, ask about pool. Or a Balch run. Also, go to at least one Rocky Horror picture show.\n",
+ "* Cornell cinema regularly shows films that you might never see anywhere else. Check it out.\n",
+ "* Buy an article of Cornell clothing. There are so many of us in the world that I'm always surprised by how much Cornell gear I see out there - instant connection. \n",
+ "* Slope Day. Forever and always.\n",
+ "\n",
+ "**Other Thoughts**\n",
+ "\n",
+ "* Ithaca ruins shoes. Bring sturdy snow boots. That's all you'll hear me say about the weather.\n",
+ "tensor([ 101, 1031, 1008, 1008, 1045, 2626, 1037, 12176, 2039, 2544,\n",
+ " 1997, 2023, 2006, 2026, 9927, 1010, 2795, 3399, 1012, 4638,\n",
+ " 2009, 2041, 1012, 1008, 1008, 1033, 1006, 8299, 1024, 1013,\n",
+ " 1013, 13855, 5369, 10253, 1012, 2773, 20110, 1012, 4012, 1013,\n",
+ " 2286, 1013, 5709, 1013, 5641, 1013, 1996, 1011, 2795, 1011,\n",
+ " 3399, 1011, 5009, 1011, 2005, 1011, 1996, 1011, 10921, 1011,\n",
+ " 2118, 1011, 2465, 1011, 1997, 1011, 2418, 1013, 1007, 1037,\n",
+ " 2843, 1997, 2023, 2097, 2614, 5793, 1012, 2092, 1010, 6616,\n",
+ " 2017, 1010, 2138, 1045, 2134, 1005, 1056, 2113, 2023, 4485,\n",
+ " 2004, 1037, 2459, 2095, 2214, 3442, 1011, 17958, 4389, 26016,\n",
+ " 11265, 4103, 2040, 2001, 2893, 2010, 2034, 5510, 1997, 4071,\n",
+ " 1012, 1006, 2005, 4431, 1010, 1045, 1005, 1049, 2085, 1037,\n",
+ " 2676, 2095, 2214, 4389, 26016, 11265, 4103, 1012, 1012, 1012,\n",
+ " 2295, 2172, 2625, 3442, 17958, 1998, 2763, 1037, 2210, 7144,\n",
+ " 1007, 1012, 1008, 1008, 15032, 1008, 1008, 1008, 2131, 2109,\n",
+ " 2000, 2025, 2108, 1996, 6047, 4355, 2711, 1999, 1996, 2282,\n",
+ " 1012, 2009, 1005, 1055, 3100, 1012, 2009, 2074, 2965, 2008,\n",
+ " 1010, 1008, 12008, 1008, 1010, 2017, 2031, 2242, 2000, 4553,\n",
+ " 1012, 1008, 3198, 2005, 2393, 2065, 2017, 2342, 2009, 1012,\n",
+ " 5667, 1012, 2123, 1005, 1056, 2022, 2019, 22052, 2066, 1045,\n",
+ " 2001, 1998, 2228, 1000, 2009, 1005, 1055, 5410, 2000, 3198,\n",
+ " 2005, 2393, 2138, 1045, 2196, 2734, 2009, 1999, 26236, 1012,\n",
+ " 1000, 1008, 2175, 2000, 2465, 1012, 2296, 2309, 8239, 2465,\n",
+ " 1012, 1998, 2817, 1012, 2087, 1997, 1996, 6911, 2111, 2203,\n",
+ " 2039, 2383, 2003, 2013, 2025, 2725, 2092, 1012, 1996, 6911,\n",
+ " 1997, 5702, 2003, 3733, 1999, 7831, 1012, 1008, 2424, 2041,\n",
+ " 2054, 2785, 1997, 7309, 2017, 2024, 1024, 1045, 1005, 1049,\n",
+ " 2069, 4621, 2007, 7167, 1997, 3252, 1998, 19940, 1010, 1998,\n",
+ " 15117, 2015, 2000, 2562, 2033, 2006, 2650, 1012, 1045, 2134,\n",
+ " 1005, 1056, 4553, 2008, 2127, 2044, 1045, 2081, 1037, 2428,\n",
+ " 5236, 1010, 13971, 9238, 1012, 2202, 1996, 2034, 13609, 2000,\n",
+ " 4553, 2129, 2000, 2022, 4621, 1010, 1998, 6611, 2009, 1996,\n",
+ " 2717, 1997, 2115, 1018, 2086, 1012, 1008, 2022, 6047, 2055,\n",
+ " 2129, 2172, 2017, 2064, 16286, 5047, 2566, 13609, 1012, 2748,\n",
+ " 1010, 2017, 1005, 2128, 1037, 2440, 2051, 3076, 1010, 2021,\n",
+ " 2017, 2342, 2051, 2000, 4895, 11101, 1010, 2205, 1012, 1008,\n",
+ " 2065, 2017, 2024, 1037, 27911, 1010, 2115, 2282, 2003, 1996,\n",
+ " 5409, 2173, 2000, 2817, 1012, 2175, 2648, 1010, 2030, 2000,\n",
+ " 1037, 3075, 1010, 2030, 2000, 14931, 2497, 1010, 2030, 5973,\n",
+ " 1012, 2074, 2025, 1999, 2392, 1997, 2115, 3274, 1998, 2049,\n",
+ " 4086, 1010, 4086, 24094, 18886, 3489, 1012, 1008, 4553, 2000,\n",
+ " 9880, 2058, 1996, 2621, 2065, 2017, 2123, 1005, 1056, 2113,\n",
+ " 2525, 1012, 12731, 2941, 2038, 2428, 4569, 9726, 2465, 7047,\n",
+ " 1010, 1998, 2009, 19237, 2000, 2031, 2000, 5247, 1037, 13609,\n",
+ " 4083, 2129, 2000, 9880, 2043, 2017, 2064, 2022, 2600, 8218,\n",
+ " 1013, 8779, 5008, 1013, 21383, 1011, 13749, 1013, 5559, 5194,\n",
+ " 2612, 1012, 1008, 1008, 2591, 4933, 1008, 1008, 1008, 2012,\n",
+ " 10296, 1010, 2017, 1005, 2222, 7167, 1997, 2111, 1012, 2009,\n",
+ " 1005, 1055, 10990, 1012, 2028, 1997, 2068, 2089, 2130, 3543,\n",
+ " 2115, 5923, 2099, 1006, 2030, 3203, 5923, 2099, 1007, 1012,\n",
+ " 2061, 1010, 2022, 5379, 1011, 2021, 2036, 2022, 12689, 1012,\n",
+ " 4531, 102])\n",
+ "Ok everyone. You might have heard bad things about the weather, have experienced northern cold once or twice, or you might just question \"how bad could it be?\" Here's the answer you're looking for. I'll try to give you the actual numbers, the intuition of how cold works and how to fight it, and recommendation and rules for buying clothes.\n",
+ "\n",
+ "**1) [Click Here For the Weather Data](https://www.wolframalpha.com/input/?i=weather+in+14850+in+2014)** (you can change the 14850 to your zip code to compare.)\n",
+ "\n",
+ "**2) Here is my commentary on the weather data:** Cornell weather is not that bad for most people along the northern border of the U.S. It can get down to -10 F (last year it hit -17) but there are only a few weeks when you're below 10 degrees F. Windchill a little worse. Cornell is in a flat section of the state and that means lots of wind, but not as much as any costal town or city. This means windchill can be a factor. At the end of the day, anyone from NYC or Chicago would be fine at Cornell. Cornell only gets such a bad name because it has a big campus and attracts many students from far away who are woefully unprepared.\n",
+ "\n",
+ "**3) Here is my description of how cold weather works:** I think this is important. Numbers are meaningless without the ability to interpret them. I know the idea of sub-zero is foreign to some, but truthfully, it just means more layers. I'm not going to go off on a talk about air pockets. Instead let me talk about what it takes to feel comfortable, to feel warm. First, no individual body part can be cold. Second, the body cannot feel its core temperature dropping.\n",
+ "\n",
+ "Ok, what this means is if any part of your body is exposed to cold objects that *conduct heat* away from you body quickly then that body part is going to feel cold. Things such as carrying books without gloves, walking in thin shoes (*especially* if they're wet, oh god water is a good conductor of heat), or wind on exposed skin will suck the heat from those parts of the body. This makes them feel cold. What that means for you is three things: boots, gloves, hat.\n",
+ "\n",
+ "But here's the truth about all of this: you are a big bag of circulating water. Your body is more than happy to just throw heat at your hands to keep the tissue at normal temperature. It's more than capable of it as well. The problem is that when your body feels its core temperature dropping it panics and constricts blood flow to your extremities. It is willing to sacrifice some heat in the hands (or feet, or nose) to try to conserve as much heat in the torso as possible. This means the hands get cold and causes pain. A lot of times you'll see someone with gloves on talking about how cold their hands are, cursing the gloves, while someone right next to them isn't wearing gloves and feels fine. The difference is that person has warmer clothes around their legs and torso, and that means the body has excess heat to throw at the hands. Another big things that make a difference is movement/exercise. Walking in the sun vs sitting in the shade can be the difference of 15 to 20 degrees.\n",
+ "\n",
+ "Try this experiment sometime. Pick up an ice cube. That is literally all you have to do. Roll it around in your hand and feel how it doesn't make your hands hurt. That is because—and I'm going to get kinda patriotic in a \"the human body is awesome\" kind of way—that little piece of crystalized H20 does't have *crap* on the thousands of miles of intricate water circulation system dedicated to keeping that patch of tissue exactly the temperature it should be at. If you can make your torso *hot*, then only 10 degrees or below weather *with* a windchill will be strong enough cause real discomfort to exposed skin.\n",
+ "\n",
+ "**4) Here is a discussion on clothes:** Truth be told, this question is better answered in terms of what you need to wear. If you are prepared, you feel the same in the dead of winter at Cornell as you do in fall at Texas, just with more clothes on. As the Swedes say: \"there is no such thing as bad weather, just bad clothing.\" This does not mean you need to spend a lot on clothes. There are a lot of ways to design a warm winter wardrobe, but here are some of the basics.\n",
+ "\n",
+ "First, there are three different kinds of layers: the wicking layer, the warmth layer, and the weather layer. Wicking is just what goes on your skin or near it. It should be breathable and *wick* (pull) moisture (such as sweat) away from your skin. I really don't pay attention to this. I'm a Boy Scout so on weekend long campouts it's important, otherwise t-shirt and underwear is fine. Second is warmth. This can be a fancy parka or jacket, or just a sweater (for the legs it is long underwear). Third is weather, and this means wind and water protection. You do not want water or wind pulling heat directly from your torso! When implemented it looks like this: underwear, t-shirt, winter jacket. The winter jacket has both warm and weather built into one. If you need more warmth, add a sweater, then long underwear, then another sweater.\n",
+ "\n",
+ "Other things to think about:\n",
+ "\n",
+ "* You have to be careful about being able to take off layers. Too much and you'll be too warm inside. That's why I have a few different jackets depending on the weather, because ideally you want to be able to take off only your outside layer and be cool enough indoors. I avoid long underwear because of this (if I can). I have a light jacket for fall and a heavy parka for winter, that I can unzip if I'm too hot and take off once inside.\n",
+ "\n",
+ "* Boots are a big one when snow hits. They prevent wet (and thus, cold) feet.\n",
+ "\n",
+ "* Face masks are great for the worst months. I really recommend a balaclava hood. It is a scarf and hat in one, with a face mask that can be pulled up to cover the nose and mouth. If you wear glasses make sure you get one that has holes/thin fabric in front of the mouth to prevent it from fogging up.\n",
+ "\n",
+ "* I highly recommend any gloves you get have a wind blocking layer. Otherwise they are basically just swiss cheese. Sure they're warm in still air, but add a breeze and they might as well be in your pocket.\n",
+ "\n",
+ "* Cotton and wool are warmer than most synthetic material, so if you are looking for a hoodie or sweater as an intermediary pick those when in doubt. Note: they suck with wind resistance without other fibers mixed in or special treatments. Coats are often measured in a goose down number. I never understood the details, but basically it means the coat is as warm as a certain packing of goose feathers. You will see \"goose down 600\". The higher the number, the warmer, on a roughly linear scale.\n",
+ "\n",
+ "**5) Specific clothes to buy:** For the benefit of people who've never shopped cold weather gear before, I'll post some specific products and links. For the most part, I'm posting frugal buys that will get you through the rough of winter. Feel free to dismiss items that don't appeal to you, this is only a set of examples.\n",
+ "\n",
+ "* LLBean is a great company IMHO that has tremendous warranties, prices, customer support, and everything from them is machine washable. Click [here](http://www.llbean.com/llb/search/?freeText=winter+jacket&init=1) for some of their jackets. I would recommend a Jacket that goes down to -25 degrees F from them (because you don't want to have to rely on wearing long underwear and a sweater, as they assume with those ratings). My fav is the [Weather Challenger 3-in-1 Jacket](http://www.llbean.com/llb/shop/83559?feat=3%20in%201-SR0&page=weather-challenger-3-in-1-jacket).\n",
+ "\n",
+ "* Other options for coats on a budget are surplus military stock. They have no military markings, are made to be stylus in a plan way, durable, and very functional. Two example sites are [Army Surplus World](http://www.armysurplusworld.com/display.asp?subDepartmentID=276) and [Army Navy Outfitters](http://www.armynavydeals.com/asp/Default.asp?). Crappy websites but good products.\n",
+ "\n",
+ "* You want a good pair of warm walking boots. Mickey Mouse boots are a name given to a particular type of boots used by the U.S. military. They often have ugly yellow text on them, but that's only if you look at them up close and for as cheap as $20 from [here](http://stores.alleghenywholesale.com/usgi-military-bata-black-mickey-mouse-boots-w-valve-20f-brand-new/) they deserve a mention.\n",
+ "\n",
+ "* [These gloves](http://www.mechanix.com/cold-weather). They are a little annoying because of the logo, but Mechanix Wear makes the most functional gloves out there. Just the $10 [Thermal Knit](http://www.mechanix.com/cold-weather/thermal-knit) will do you well.\n",
+ "\n",
+ "* If you don't wear glasses, buy [this](http://www.amazon.com/Chaos--CTR-Chinook-Balaclava-Windproof/dp/B002ZG7RFI/ref=sr_1_3?ie=UTF8&qid=1428097222&sr=8-3&keywords=balaclava) baraclava for $20. If you do, spend the greatest $10 of your life and upgrade to [this](http://www.amazon.com/Chaos--CTR-Howler-Windproof-Balaclava/dp/B002ZG7RGC/ref=sr_1_6?ie=UTF8&qid=1428097222&sr=8-6&keywords=balaclava), which seems to have better ventilation based on the reviews.\n",
+ "\n",
+ "**TLDR:** The worst thing about Cornell's cold weather is the time it takes to put on 3-5 extra pieces of clothing in the morning.\n",
+ "tensor([ 101, 7929, 3071, 1012, 2017, 2453, 2031, 2657, 2919, 2477,\n",
+ " 2055, 1996, 4633, 1010, 2031, 5281, 2642, 3147, 2320, 2030,\n",
+ " 3807, 1010, 2030, 2017, 2453, 2074, 3160, 1000, 2129, 2919,\n",
+ " 2071, 2009, 2022, 1029, 1000, 2182, 1005, 1055, 1996, 3437,\n",
+ " 2017, 1005, 2128, 2559, 2005, 1012, 1045, 1005, 2222, 3046,\n",
+ " 2000, 2507, 2017, 1996, 5025, 3616, 1010, 1996, 26406, 1997,\n",
+ " 2129, 3147, 2573, 1998, 2129, 2000, 2954, 2009, 1010, 1998,\n",
+ " 12832, 1998, 3513, 2005, 9343, 4253, 1012, 1008, 1008, 1015,\n",
+ " 1007, 1031, 11562, 2182, 2005, 1996, 4633, 2951, 1033, 1006,\n",
+ " 16770, 1024, 1013, 1013, 7479, 1012, 4702, 14672, 14277, 3270,\n",
+ " 1012, 4012, 1013, 7953, 1013, 1029, 1045, 1027, 4633, 1009,\n",
+ " 1999, 1009, 16459, 12376, 1009, 1999, 1009, 2297, 1007, 1008,\n",
+ " 1008, 1006, 2017, 2064, 2689, 1996, 16459, 12376, 2000, 2115,\n",
+ " 14101, 3642, 2000, 12826, 1012, 1007, 1008, 1008, 1016, 1007,\n",
+ " 2182, 2003, 2026, 8570, 2006, 1996, 4633, 2951, 1024, 1008,\n",
+ " 1008, 10921, 4633, 2003, 2025, 2008, 2919, 2005, 2087, 2111,\n",
+ " 2247, 1996, 2642, 3675, 1997, 1996, 1057, 1012, 1055, 1012,\n",
+ " 2009, 2064, 2131, 2091, 2000, 1011, 2184, 1042, 1006, 2197,\n",
+ " 2095, 2009, 2718, 1011, 2459, 1007, 2021, 2045, 2024, 2069,\n",
+ " 1037, 2261, 3134, 2043, 2017, 1005, 2128, 2917, 2184, 5445,\n",
+ " 1042, 1012, 3612, 5428, 3363, 1037, 2210, 4788, 1012, 10921,\n",
+ " 2003, 1999, 1037, 4257, 2930, 1997, 1996, 2110, 1998, 2008,\n",
+ " 2965, 7167, 1997, 3612, 1010, 2021, 2025, 2004, 2172, 2004,\n",
+ " 2151, 6849, 2140, 2237, 2030, 2103, 1012, 2023, 2965, 3612,\n",
+ " 5428, 3363, 2064, 2022, 1037, 5387, 1012, 2012, 1996, 2203,\n",
+ " 1997, 1996, 2154, 1010, 3087, 2013, 16392, 2030, 3190, 2052,\n",
+ " 2022, 2986, 2012, 10921, 1012, 10921, 2069, 4152, 2107, 1037,\n",
+ " 2919, 2171, 2138, 2009, 2038, 1037, 2502, 3721, 1998, 17771,\n",
+ " 2116, 2493, 2013, 2521, 2185, 2040, 2024, 24185, 12879, 18083,\n",
+ " 2100, 4895, 28139, 19362, 2098, 1012, 1008, 1008, 1017, 1007,\n",
+ " 2182, 2003, 2026, 6412, 1997, 2129, 3147, 4633, 2573, 1024,\n",
+ " 1008, 1008, 1045, 2228, 2023, 2003, 2590, 1012, 3616, 2024,\n",
+ " 25120, 2302, 1996, 3754, 2000, 17841, 2068, 1012, 1045, 2113,\n",
+ " 1996, 2801, 1997, 4942, 1011, 5717, 2003, 3097, 2000, 2070,\n",
+ " 1010, 2021, 3606, 7699, 1010, 2009, 2074, 2965, 2062, 9014,\n",
+ " 1012, 1045, 1005, 1049, 2025, 2183, 2000, 2175, 2125, 2006,\n",
+ " 1037, 2831, 2055, 2250, 10306, 1012, 2612, 2292, 2033, 2831,\n",
+ " 2055, 2054, 2009, 3138, 2000, 2514, 6625, 1010, 2000, 2514,\n",
+ " 4010, 1012, 2034, 1010, 2053, 3265, 2303, 2112, 2064, 2022,\n",
+ " 3147, 1012, 2117, 1010, 1996, 2303, 3685, 2514, 2049, 4563,\n",
+ " 4860, 7510, 1012, 7929, 1010, 2054, 2023, 2965, 2003, 2065,\n",
+ " 2151, 2112, 1997, 2115, 2303, 2003, 6086, 2000, 3147, 5200,\n",
+ " 2008, 1008, 6204, 3684, 1008, 2185, 2013, 2017, 2303, 2855,\n",
+ " 2059, 2008, 2303, 2112, 2003, 2183, 2000, 2514, 3147, 1012,\n",
+ " 2477, 2107, 2004, 4755, 2808, 2302, 11875, 1010, 3788, 1999,\n",
+ " 4857, 6007, 1006, 1008, 2926, 1008, 2065, 2027, 1005, 2128,\n",
+ " 4954, 1010, 2821, 2643, 2300, 2003, 1037, 2204, 7589, 1997,\n",
+ " 3684, 1007, 1010, 2030, 3612, 2006, 6086, 3096, 2097, 11891,\n",
+ " 1996, 3684, 2013, 2216, 3033, 1997, 1996, 2303, 1012, 2023,\n",
+ " 3084, 2068, 2514, 3147, 1012, 2054, 2008, 2965, 2005, 2017,\n",
+ " 2003, 2093, 2477, 1024, 6879, 1010, 11875, 1010, 6045, 1012,\n",
+ " 2021, 102])\n",
+ "((Information repeated at bottom of review: The play runs for about two and a half hours and does not include an intermission. It is suitable for mature young adults and adults of all political or religious backgrounds, and is very strongly recommended. It is showing tomorrow night and Saturday night (2/17 & 2/18) at Risley Hall in Cornell. Doors open at 8pm both nights. I am proud that Ithaca has been able to bring so much talent to the world of theater.))\n",
+ "\n",
+ "I would like to write my first Performance Review about a play which I saw only a few hours ago. It was truly inspiring, and although great writers say that you should let your nerves calm before trying to write about something, I think writing it now will better capture the enthusiasm for which I think this play deserves. \n",
+ "First, since this play was directed, acted, and produced by members of the Actors Workshop of Ithaca, I think that they deserve a collective congratulations as this was the best play I have ever seen. If not for a hand full of movies it would be the best performance piece ever as well, but against the millions of dollars that Hollywood throws around like candy, and with completely local talent, the Actors Workshop has exceeded expectations once again and has displayed that the community of theater is alive and well. \n",
+ " \n",
+ " \n",
+ "At the begining of the play we are given a scene of Mitizi and her boyfriend, Chuck played by the incredible Darryle W. Johnson Jr., as they discover (by way of a store-bought pregency test) that Mitzi is infact pregnent. A mysterious and wonderfully pessimistic spirit, played by the powerful Deirdre Levine, watches on silently from the corner of the room as the couple become estatic. As the soon to be father grows more and more excited however, Mitzi slowly becomes concerned. The changes in emotion throughout this scene are professional level quality. Each is seemless, and is subtle enough to be exactingly realistic while still dramatic enough so that each movement shows intention and shows that the character is very clearly making a choice. \n",
+ "It is here that the play becomes decidedly more than a typical play. As Ms. Levine rises from her corner we see that she is dressed in clothing from the past, perhaps in the style of victorian poverty. As she speaks we get a sense of the character instantly, and it is obvious that Ms. Levine plays an Irish drunk perfectly. We can see why her character is named Reckless Mary. Mary spends most of the play foreshadowing the grim nature of things to come, but in each case it is a mystery if she is right due to some supernatural ability to see into the future, or if Reckless Mary is simply less naive then the rest of us. Reckless Mary does not seem like the kind of spirit who would want to let us know. The subject matter is for much of the play to follow, as dark and serious as the title suggests. But I must give the author credit, for aside from the moments so intensly focused on the main topic, there is an entire other realm of day-to-day life which seems to shove its head into the face of our protagonist, Mitzi, played by the charming and talented Dayna Joan. While those who have not seen the play might consider it unfitting for a play about abortion to include light hearted jokes in nearly every other scene, these jokes are in good taste, and only make the audience see the stark contrast between the rest of the world we live in and the dark reality that Mitzi sees infront of her.\n",
+ " \n",
+ " \n",
+ "Before I go on, I must give further credit to the author, Elizabeth Heffron, which is fully deserved. The title is striking. Perhaps too much so, as I'm sure it offends some who would be swayed by the play itself. Nevertheless, the author is very good at fleshing out each character one by one as the story progressed. The writing allowed each actor to display their point of view on the controversial issue. \n",
+ " \n",
+ "The plot which was crafted by Heffron but clearly driven farther by the director, C.A. Teitelbaum, assistant director, Masa Gibson, and each actor in the seven person cast. The characters are so deep and well rounded that there is no doubt each actor spent hours of work outside of the rehersals, considering how their characters would view the relationships and decisions which are made throughout the play. \n",
+ " \n",
+ "Supporting actor Mr. Johnson plays two other characters during the play in addition to Chuck. The variety that this actor has is simply incredible. Each character is very different from the other two, and his second character delivers monologue upon monologue of educational facts. A college professor, dubbed in the program as \"The Expert\", gives us two or three lectures which contain facts all of which are both unbiased, and useful to those of us who wish to find a meaningful answer to the abortion debate. The writer pokes fun at the ego of those forged by Acadamia however, as The Expert peridoically flys into hilarious fits of rage, yelling into his cellphone about personal bussiness mid-lecture.\n",
+ " \n",
+ "The play showscases 15 different characters divided amoung the 7 actors, and each character represents a different face of society. Although not all characters are as likable as others, each character has about equal time to shine and the play is fair in showing both sides of the debate surrounding one of the the darkest questions of our time: \"Is abortion ever ethical?\".\n",
+ " \n",
+ "It is important to point out that our protagonist Mitzi does not want an abortion. She despritely wants to have the little baby boy who is growing inside of her. The case discussed in this play is very specifically centered the ethical questions of what to do when there are unthinkable consequences for a pregnecy to go full term.\n",
+ " \n",
+ "The excellent Daniel A.P. Taylor and a visiting alumni of the workshop, Ria Burns-Wilder play Tim and Nita, respectively. Both characters are part of the LGBT community, who bring up persuasive arguements from both sides of the debate. Both do a spectacular job in their scene together, and I was enthralled by their connection with one another on stage.\n",
+ " \n",
+ "The most touching scene however was not revealed until the end when the mother, Verna, played by Kristin Sad develivers a must-see monologue which ripped my heart in half. Three supporting characters are played Aleck Osinski. He is able to bring life to each of these three challenging roles, and plays them in a way that significantly ads to rest of the casts performance. Most impressive however was ability to summon conviction and channel it through his otherwise stoic character, Dr. Block, who decides to help the protagonist by any means nessicary. \n",
+ " \n",
+ "To top everything off, this magnificant play is performed in the midst of a fabulously designed set, lights, and atmosphere complete with well selected music to fit the themes between each scene. So thank you to Abby Smith, Joey Moro, Katie Spallone and the rest of the Crew under the direction of Jeff Hodge, stage manager. \n",
+ " \n",
+ "The play runs for about two and a half hours and does not include an intermission. It is suitable for mature young adults and adults of all political or religious backgrounds, and is very strongly recommended. It is showing tomorrow night and Saturday night (2/17 & 2/18) at Risley Hall in Cornell. Doors open at 8pm both nights. I am proud that Ithaca has been able to bring so much talent to the world of theater. \n",
+ "tensor([ 101, 1006, 1006, 2592, 5567, 2012, 3953, 1997, 3319, 1024,\n",
+ " 1996, 2377, 3216, 2005, 2055, 2048, 1998, 1037, 2431, 2847,\n",
+ " 1998, 2515, 2025, 2421, 2019, 6970, 25481, 1012, 2009, 2003,\n",
+ " 7218, 2005, 9677, 2402, 6001, 1998, 6001, 1997, 2035, 2576,\n",
+ " 2030, 3412, 15406, 1010, 1998, 2003, 2200, 6118, 6749, 1012,\n",
+ " 2009, 2003, 4760, 4826, 2305, 1998, 5095, 2305, 1006, 1016,\n",
+ " 1013, 2459, 1004, 23713, 1025, 1016, 1013, 2324, 1007, 2012,\n",
+ " 15544, 8002, 2534, 1999, 10921, 1012, 4303, 2330, 2012, 1022,\n",
+ " 9737, 2119, 6385, 1012, 1045, 2572, 7098, 2008, 27939, 2038,\n",
+ " 2042, 2583, 2000, 3288, 2061, 2172, 5848, 2000, 1996, 2088,\n",
+ " 1997, 4258, 1012, 1007, 1007, 1045, 2052, 2066, 2000, 4339,\n",
+ " 2026, 2034, 2836, 3319, 2055, 1037, 2377, 2029, 1045, 2387,\n",
+ " 2069, 1037, 2261, 2847, 3283, 1012, 2009, 2001, 5621, 18988,\n",
+ " 1010, 1998, 2348, 2307, 4898, 2360, 2008, 2017, 2323, 2292,\n",
+ " 2115, 10627, 5475, 2077, 2667, 2000, 4339, 2055, 2242, 1010,\n",
+ " 1045, 2228, 3015, 2009, 2085, 2097, 2488, 5425, 1996, 12024,\n",
+ " 2005, 2029, 1045, 2228, 2023, 2377, 17210, 1012, 2034, 1010,\n",
+ " 2144, 2023, 2377, 2001, 2856, 1010, 6051, 1010, 1998, 2550,\n",
+ " 2011, 2372, 1997, 1996, 5889, 8395, 1997, 27939, 1010, 1045,\n",
+ " 2228, 2008, 2027, 10107, 1037, 7268, 23156, 2004, 2023, 2001,\n",
+ " 1996, 2190, 2377, 1045, 2031, 2412, 2464, 1012, 2065, 2025,\n",
+ " 2005, 1037, 2192, 2440, 1997, 5691, 2009, 2052, 2022, 1996,\n",
+ " 2190, 2836, 3538, 2412, 2004, 2092, 1010, 2021, 2114, 1996,\n",
+ " 8817, 1997, 6363, 2008, 5365, 11618, 2105, 2066, 9485, 1010,\n",
+ " 1998, 2007, 3294, 2334, 5848, 1010, 1996, 5889, 8395, 2038,\n",
+ " 14872, 10908, 2320, 2153, 1998, 2038, 6913, 2008, 1996, 2451,\n",
+ " 1997, 4258, 2003, 4142, 1998, 2092, 1012, 2012, 1996, 4088,\n",
+ " 2075, 1997, 1996, 2377, 2057, 2024, 2445, 1037, 3496, 1997,\n",
+ " 10210, 10993, 2072, 1998, 2014, 6898, 1010, 8057, 2209, 2011,\n",
+ " 1996, 9788, 22821, 2063, 1059, 1012, 3779, 3781, 1012, 1010,\n",
+ " 2004, 2027, 7523, 1006, 2011, 2126, 1997, 1037, 3573, 1011,\n",
+ " 4149, 3653, 6914, 5666, 3231, 1007, 2008, 10210, 5831, 2003,\n",
+ " 1999, 7011, 6593, 3653, 10177, 3372, 1012, 1037, 8075, 1998,\n",
+ " 6919, 2135, 21877, 18719, 23738, 2594, 4382, 1010, 2209, 2011,\n",
+ " 1996, 3928, 14866, 4103, 2890, 17780, 1010, 12197, 2006, 8601,\n",
+ " 2013, 1996, 3420, 1997, 1996, 2282, 2004, 1996, 3232, 2468,\n",
+ " 9765, 12070, 1012, 2004, 1996, 2574, 2000, 2022, 2269, 7502,\n",
+ " 2062, 1998, 2062, 7568, 2174, 1010, 10210, 5831, 3254, 4150,\n",
+ " 4986, 1012, 1996, 3431, 1999, 7603, 2802, 2023, 3496, 2024,\n",
+ " 2658, 2504, 3737, 1012, 2169, 2003, 4025, 3238, 1010, 1998,\n",
+ " 2003, 11259, 2438, 2000, 2022, 6635, 15787, 12689, 2096, 2145,\n",
+ " 6918, 2438, 2061, 2008, 2169, 2929, 3065, 6808, 1998, 3065,\n",
+ " 2008, 1996, 2839, 2003, 2200, 4415, 2437, 1037, 3601, 1012,\n",
+ " 2009, 2003, 2182, 2008, 1996, 2377, 4150, 27873, 2062, 2084,\n",
+ " 1037, 5171, 2377, 1012, 2004, 5796, 1012, 17780, 9466, 2013,\n",
+ " 2014, 3420, 2057, 2156, 2008, 2016, 2003, 5102, 1999, 5929,\n",
+ " 2013, 1996, 2627, 1010, 3383, 1999, 1996, 2806, 1997, 6652,\n",
+ " 5635, 1012, 2004, 2016, 8847, 2057, 2131, 1037, 3168, 1997,\n",
+ " 1996, 2839, 6880, 1010, 1998, 2009, 2003, 5793, 2008, 5796,\n",
+ " 1012, 17780, 3248, 2019, 3493, 7144, 6669, 1012, 2057, 2064,\n",
+ " 2156, 2339, 2014, 2839, 2003, 2315, 18555, 2984, 1012, 2984,\n",
+ " 15970, 102])\n",
+ "• First semester freshman students are not allowed to attend any form of fraternity or sorority sponsored event or activity, regardless of where it is hosted, if alcohol is present. This includes, but is not limited to, “open parties.”\n",
+ "• Registered events as defined by the Cornell Greek Community’s Event Management Guidelines may continue to be conducted for members and appropriate guests according to Event Management Guidelines, University regulations, and state and federal laws. \n",
+ "• Recognizing that this will fundamentally shift what had become an unofficial recruitment process through social events, which went against the longstanding policy deferring recruitment to the second semester of a student’s freshman year, we will establish a four-quarter schedule so new students may become informed about fraternity and sorority life.\n",
+ "When enacted by the Trustees, the amendment serves to align the University policy with those of national fraternities and sororities and the laws of the State of New York. The amendment to the University’s Recognition Policy for Fraternities and Sororities provides explicit clarification for the University fraternity and sorority community by reiterating the University’s position and policy on these important matters.\n",
+ "The University recognizes the efforts of student leaders who have striven to address the high risk behaviors of members; yet, experience shows that risk management through self-governance can fall short of compliance with the law and achieving required objectives without the additional guidance and support of alumni and the University.\n",
+ "As a community we must work together to protect our organizations, the students who are members, the alumni who have given so much to preserve the positive experience of fraternity and sorority membership, and the students who seek to become members. Also critical is the work we do to sustain and support the long tradition of exemplary behavior and values of our Cornell fraternity and sorority system. Implementation of the amendments to the Recognition Policy requires that alcohol may not be provided, present, or part of any recruitment, education, or initiation process. Practically speaking, we must alter the ways in which the social programs of our chapters are conducted to conform to the law and the new Trustee amendment. Compliance by chapters will help alleviate the pressure, real or perceived, placed upon the fraternity and sorority system to serve as the primary social venue for all Cornell undergraduates and specifically for freshmen upon their initial entrance to the University community. It also will significantly reduce liability by curtailing activities which are unlawful, unsafe, and are typically not covered by the chapter’s general liability insurance.\n",
+ "Moreover, in the aftermath of the tragic death of George Desdunes this past spring, the Tri-Council agreed to advance implementation of the amendments. The $25 million wrongful death suit filed against the Cornell local SAE Chapter, the International SAE Fraternity, and a number of its local officers and members only adds gravity and urgency to our need to cooperate together in implementing the changes summarized below.\n",
+ "Ralph Wilhelm, President of the Fraternity and Sorority Advisory Council, Jonathan Feldman, President of the Alumni Interfraternity Council, Donna Green Barsotti, President of the Alumni Panhellenic Advisory Council, and Frank Wilkinson, President of the Alumni Multicultural Greek Letter Council, support the rules and protocols being implemented under the new Trustee amendments to the University Recognition Policy. They will continue to work with alumni and undergraduates, the Fraternity and Sorority Advisory Council, and the Office of Fraternity and Sorority Affairs to support a strong Cornell Greek System.\n",
+ "\n",
+ "IMPLEMENTATION\n",
+ "The four quarter system is defined as follows:\n",
+ "\n",
+ "o 1st Quarter – Moratorium\n",
+ " **Moratorium is defined as the period when there will be no formal or informal recruitment activities initiated or organized by fraternity and sorority members. Contact with freshmen will be limited to those interactions that occur in the normal day-to-day conduct on campus and in the classroom and through campus related organizations and activities.**\n",
+ " Moratorium commences with the arrival of the freshman class on campus and concludes at the end of fall semester break. For academic year 2011-2012, this time period will last from **August 19th to October 11th**.\n",
+ " **For freshmen, this period of time should be devoted to academic and residential transition to the new University environment.\n",
+ " Chapter members will not engage with freshmen in chapter organized events or activities during this time period. This restriction applies to all events and activities including, but not limited to; chapter houses, chapter annexes, residences in Collegetown, or other off-campus locations.**\n",
+ " Chapters may choose to focus on recruiting transfer students and upperclassmen during this time.\n",
+ " The fraternity and sorority system will be presented to freshmen as an option through general informational opportunities planned and guided by the Tri-Council and the Office of Fraternity and Sorority Affairs.\n",
+ "\n",
+ "o 2nd Quarter – Informal Recruitment\n",
+ " Informal Recruitment is defined as the period when **freshmen are permitted to engage with chapter members in activities that do not involve alcohol or other drugs to learn about individual fraternity and sorority chapters and their members**.\n",
+ " Informal Recruitment commences with the first day of classes following fall semester break and concludes with the last day of finals in the fall semester. For academic year 2011-2012, this time period will last from **October 12th to December 16th**.\n",
+ " For freshmen, this period of time will be their introduction to the organizations, the facilities if applicable, and chapter members. The councils may choose to develop and provide a schedule of organized activities during this time period. For example, the Interfraternity Council (IFC) may create a schedule of supplemental smokers and dinners to allow organized opportunities for freshmen to meet and interact with members to gain an informed orientation to the IFC and individual chapters.\n",
+ " Chapters may host an array of informal recruitment activities to introduce potential members to the chapter’s members, programs, and the values of the organization as well as the physical house itself where applicable. These events will be free of alcohol, illegal substances, and any form of activities that could be construed as hazing as defined by the Campus Code of Conduct.\n",
+ "\n",
+ "o 3rd Quarter – Formal Recruitment & New Member Education\n",
+ " Formal Recruitment is defined as the period when freshmen return to campus in January to engage in the events known as Recruitment Week or **“Rush Week.”**\n",
+ " Formal Recruitment for IFC and PHC commences with the first day of Recruitment Week and concludes with the last day of Recruitment Week. For academic year 2011-2012, this time period will last from January 17th to January 22nd. Formal Requirement for Asian-Interest organizations commences on January 23rd and concludes on February 3rd, 2011.\n",
+ " **There will be no alcohol or drugs used, furnished, or present during any period of contact with the freshmen. This includes, but is not limited to; informational sessions, dinners, smokers, day activities, contacts, and night events. Even if the location of the event or activity is located outside of the chapter house or outside of Ithaca, alcohol and any other drugs are prohibited**.\n",
+ " If they so choose, chapters will extend bids at the conclusion of Formal Recruitment.\n",
+ " Chapters that choose to participate in Continuous Open Bidding will abide by the rules herein stated for the 3rd Quarter. Continuous Open Bidding must be complete by the initiation deadline, which is April 1st for the spring 2012 semester.\n",
+ " New Member Education is defined as the period when new members/associate members learn the history, values, and responsibilities of membership for their individual chapters.\n",
+ "\n",
+ " New Member Education commences with the first day following Bid Day and concludes approximately eight weeks from the beginning of the academic semester as determined by the University. For academic year 2011-2012, this time period may last from **January 23rd to April 1st.\n",
+ " Chapters will not conduct any social activities or events with alcohol or other drugs if new members are present. This includes, but is not limited to; activities and events such as “pledge parties” and “mixers” regardless of location.**\n",
+ " Hazing, as defined by the Cornell Code of Conduct, will not be tolerated in any form. The Fraternity and Sorority Affairs Staff should be consulted if there are any questionable activities in a fraternity or sorority’s initiation or intake process.\n",
+ "\n",
+ "o 4th Quarter – Post-Initiation\n",
+ " Post-Initiation is defined as the time period in which all members will be fully initiated and privileged to enjoy the full benefits of membership.\n",
+ " Post-Initiation commences with the first day following the chapter’s Initiation ceremony or no later than April 2nd.\n",
+ " At this time, their participation in the programs of their chapter will be conducted according to the appropriate Tri-Council guidelines and the general rules under the Campus Code of Conduct.\n",
+ "\n",
+ "tensor([ 101, 1528, 2034, 13609, 10452, 2493, 2024, 2025, 3039, 2000,\n",
+ " 5463, 2151, 2433, 1997, 13577, 2030, 27600, 6485, 2724, 2030,\n",
+ " 4023, 1010, 7539, 1997, 2073, 2009, 2003, 4354, 1010, 2065,\n",
+ " 6544, 2003, 2556, 1012, 2023, 2950, 1010, 2021, 2003, 2025,\n",
+ " 3132, 2000, 1010, 1523, 2330, 4243, 1012, 1524, 1528, 5068,\n",
+ " 2824, 2004, 4225, 2011, 1996, 10921, 3306, 2451, 1521, 1055,\n",
+ " 2724, 2968, 11594, 2089, 3613, 2000, 2022, 4146, 2005, 2372,\n",
+ " 1998, 6413, 6368, 2429, 2000, 2724, 2968, 11594, 1010, 2118,\n",
+ " 7040, 1010, 1998, 2110, 1998, 2976, 4277, 1012, 1528, 14622,\n",
+ " 2008, 2023, 2097, 24670, 5670, 2054, 2018, 2468, 2019, 11982,\n",
+ " 15680, 2832, 2083, 2591, 2824, 1010, 2029, 2253, 2114, 1996,\n",
+ " 2146, 24911, 3343, 13366, 2121, 4892, 15680, 2000, 1996, 2117,\n",
+ " 13609, 1997, 1037, 3076, 1521, 1055, 10452, 2095, 1010, 2057,\n",
+ " 2097, 5323, 1037, 2176, 1011, 4284, 6134, 2061, 2047, 2493,\n",
+ " 2089, 2468, 6727, 2055, 13577, 1998, 27600, 2166, 1012, 2043,\n",
+ " 11955, 2011, 1996, 9360, 1010, 1996, 7450, 4240, 2000, 25705,\n",
+ " 1996, 2118, 3343, 2007, 2216, 1997, 2120, 25312, 16451, 6447,\n",
+ " 1998, 2061, 29165, 6447, 1998, 1996, 4277, 1997, 1996, 2110,\n",
+ " 1997, 2047, 2259, 1012, 1996, 7450, 2000, 1996, 2118, 1521,\n",
+ " 1055, 5038, 3343, 2005, 25312, 16451, 6447, 1998, 2061, 29165,\n",
+ " 6447, 3640, 13216, 18856, 8486, 10803, 2005, 1996, 2118, 13577,\n",
+ " 1998, 27600, 2451, 2011, 24964, 14621, 3436, 1996, 2118, 1521,\n",
+ " 1055, 2597, 1998, 3343, 2006, 2122, 2590, 5609, 1012, 1996,\n",
+ " 2118, 14600, 1996, 4073, 1997, 3076, 4177, 2040, 2031, 29453,\n",
+ " 2078, 2000, 4769, 1996, 2152, 3891, 15592, 1997, 2372, 1025,\n",
+ " 2664, 1010, 3325, 3065, 2008, 3891, 2968, 2083, 2969, 1011,\n",
+ " 10615, 2064, 2991, 2460, 1997, 12646, 2007, 1996, 2375, 1998,\n",
+ " 10910, 3223, 11100, 2302, 1996, 3176, 8606, 1998, 2490, 1997,\n",
+ " 9441, 1998, 1996, 2118, 1012, 2004, 1037, 2451, 2057, 2442,\n",
+ " 2147, 2362, 2000, 4047, 2256, 4411, 1010, 1996, 2493, 2040,\n",
+ " 2024, 2372, 1010, 1996, 9441, 2040, 2031, 2445, 2061, 2172,\n",
+ " 2000, 7969, 1996, 3893, 3325, 1997, 13577, 1998, 27600, 5779,\n",
+ " 1010, 1998, 1996, 2493, 2040, 6148, 2000, 2468, 2372, 1012,\n",
+ " 2036, 4187, 2003, 1996, 2147, 2057, 2079, 2000, 15770, 1998,\n",
+ " 2490, 1996, 2146, 4535, 1997, 27792, 5248, 1998, 5300, 1997,\n",
+ " 2256, 10921, 13577, 1998, 27600, 2291, 1012, 7375, 1997, 1996,\n",
+ " 16051, 2000, 1996, 5038, 3343, 5942, 2008, 6544, 2089, 2025,\n",
+ " 2022, 3024, 1010, 2556, 1010, 2030, 2112, 1997, 2151, 15680,\n",
+ " 1010, 2495, 1010, 2030, 17890, 2832, 1012, 8134, 4092, 1010,\n",
+ " 2057, 2442, 11477, 1996, 3971, 1999, 2029, 1996, 2591, 3454,\n",
+ " 1997, 2256, 9159, 2024, 4146, 2000, 23758, 2000, 1996, 2375,\n",
+ " 1998, 1996, 2047, 13209, 7450, 1012, 12646, 2011, 9159, 2097,\n",
+ " 2393, 24251, 1996, 3778, 1010, 2613, 2030, 8690, 1010, 2872,\n",
+ " 2588, 1996, 13577, 1998, 27600, 2291, 2000, 3710, 2004, 1996,\n",
+ " 3078, 2591, 6891, 2005, 2035, 10921, 8324, 2015, 1998, 4919,\n",
+ " 2005, 26612, 2588, 2037, 3988, 4211, 2000, 1996, 2118, 2451,\n",
+ " 1012, 2009, 2036, 2097, 6022, 5547, 14000, 2011, 20099, 29544,\n",
+ " 3450, 2029, 2024, 22300, 1010, 25135, 1010, 1998, 2024, 4050,\n",
+ " 2025, 3139, 2011, 1996, 3127, 1521, 1055, 2236, 14000, 5427,\n",
+ " 1012, 9308, 1010, 1999, 1996, 10530, 1997, 1996, 13800, 2331,\n",
+ " 1997, 2577, 4078, 27584, 2229, 2023, 2627, 3500, 1010, 1996,\n",
+ " 13012, 102])\n",
+ "This is an essay about the state of discrete mathematics education and culture at the undergraduate level. If you know who I am then it is because you have already seen this.\n",
+ "\n",
+ "________\n",
+ "\n",
+ "The shortest version of the tale is that I took a class in combinatorics in my second semester of college as a physics major, ostensibly to try to get into summer research program, but also to serve as a natural continuation for the extreme passion for mathematics that my first semester had cultivated. While my initial days in the class were marked by ebullience and enthusiasm, the weekly homework sets began to prove harder and harder for me. Despite the effort I was putting into the class, I could not see solutions to exercises that others could see in an instant. This is the force behind the angst that my critics would say produced this paper.\n",
+ "\n",
+ "The natural question to ask is \"what went wrong?\" I place the blame partially on myself for my incompetence, but also on the way combinatorics is taught. My claim is that the culture cultivated in undergraduate combinatorics promotes a very steep learning curve for the subject, and then proceeds to punish those on the wrong side of the curve instead of uplifting them. Whether or not such a culture is a fundamental property of combinatorics itself is a matter of further investigation. The first thing I noticed in the class was a distinct lack of an overarching theme besides \"counting things\" and perhaps \"graphs\". The class was almost taught like a dry analysis textbook, where theorems were stated, examples were exhibited, and proofs were demonstrated. Often times, there was little motivation for the next step in the class. Perhaps this characteristic of the course was partially what made it difficult for me to catch on, but my main problem lies in the culture of the combinatorial community. \n",
+ "\n",
+ "There is a jocular saying in mathematics, that all solved problems are \"trivial\". Often times this is true: It is absolutely not clear at first how to solve the differential equation \n",
+ "\n",
+ "y'' + 134y' + 84.1 = cosh(x)\n",
+ "\n",
+ "but once a general method for solving these types of equations is understood, a good student (or even a poor one like me) will understand exactly where it comes from and consider the result \"easy\" and \"expected\". I am afraid that in the culture of combinatorics, the above saying is taken all too seriously. When a group of students work together on combinatorial problems, often times one group of students describes the problem as trivial and sees exactly how to solve it, while the other group of students fails to see the solution, so the problem is nontrivial. At the very least, the way combinatorial problems are viewed at the undergraduate level differs from person to person in an extremely severe way, often creating a disconnect between those who see problems as trivial and those who do not. \n",
+ "\n",
+ "Such a view even extends to the professor. When I went to office hours after a particularly poor homework score, I asked the professor for help on how to think about problems. I got (admittedly clear) solutions to the problems, but not much more other than the assertion that such problems are straightforward. I do not see an issue like this in any other fields besides combinatorics. In the field of analysis, for instance, the culture is to treat problems with the respect they deserve after requiring effort and work to solve. Indeed, I have not heard anyone in my partial differential equations class—much less my professor—describe a problem as \"easy\" or \"trivial\". (My professor likes using the word \"hard\" to describe problems, but I view this as a good thing. In describing one of the problem sets as the \"hardest homework of the course\", it was not to discourage students from solving all the exercises, but it was an expression of respect to the necessary work and thought needed to solve such problems and a categorical denouncing of this so called \"attitude of triviality\". In essence, it was an invitation for all of us to join him on his side of the \"learning curve\", as opposed to derision towards those of us still on the \"low side\" of the learning curve.)\n",
+ "\n",
+ "I suppose it is now a good time to compare my partial differential equations class to my combinatorics class in the context of mathematical education. While I do not profess to be an expert in this topic, I believe I can say something about it because I have benefited in different capacities from different styles of education. I have nothing but the utmost praise for my PDE professor's educational style, as it is what helped me grow as a student of PDE. A clear example of the superiority of his teaching is when I came to see him at his office hours to ask for a proof of the Arzelà-Ascoli theorem (we had used it in a proof of existence for the IVP for first order ODE, and I wanted to know how to prove it to satisfy my completionist urges). Rather than going through the motions of the proof (which alone would have satisfied me as an auditory learner), he started to build me up on the theory of why we would want such a theorem in the first place. To that extent, he demanded participation from me as well; he had me generate an example of continuous functions that fail to converge pointwise to a continuous function (motivating the idea of \"uniform convergence\"), having me not only show that uniformly convergent continuous functions converge to a continuous function but also explain the conceptual significance of the proof and why exactly we need uniform convergence. (This is to say that he was not satisfied by the correct answer I originally gave where I just cited the earlier counterexample, but made sure I actually understood the reason why uniform convergence somehow worked). \n",
+ "\n",
+ "The benefits of this form of teaching are clear—the student not only gains the proof of the theorem but also a broader understanding of the (often historical) context of the proof and where the proof \"comes from\". This is perhaps the best way that an educator can not only encourage a student to go beyond what is taught in class, but equip them with the mindset to do so. This stands in stark contrast to the \"definition-theorem-proof\" style of the combinatorics class, where the focus is just on understanding proofs and tricks as opposed to building a general, overarching theory and mindset to progressing further in the field. \n",
+ "\n",
+ "tensor([ 101, 2023, 2003, 2019, 9491, 2055, 1996, 2110, 1997, 16246,\n",
+ " 5597, 2495, 1998, 3226, 2012, 1996, 8324, 2504, 1012, 2065,\n",
+ " 2017, 2113, 2040, 1045, 2572, 2059, 2009, 2003, 2138, 2017,\n",
+ " 2031, 2525, 2464, 2023, 1012, 1035, 1035, 1035, 1035, 1035,\n",
+ " 1035, 1035, 1035, 1996, 20047, 2544, 1997, 1996, 6925, 2003,\n",
+ " 2008, 1045, 2165, 1037, 2465, 1999, 22863, 23207, 6558, 1999,\n",
+ " 2026, 2117, 13609, 1997, 2267, 2004, 1037, 5584, 2350, 1010,\n",
+ " 23734, 2000, 3046, 2000, 2131, 2046, 2621, 2470, 2565, 1010,\n",
+ " 2021, 2036, 2000, 3710, 2004, 1037, 3019, 13633, 2005, 1996,\n",
+ " 6034, 6896, 2005, 5597, 2008, 2026, 2034, 13609, 2018, 13237,\n",
+ " 1012, 2096, 2026, 3988, 2420, 1999, 1996, 2465, 2020, 4417,\n",
+ " 2011, 1041, 8569, 23697, 5897, 1998, 12024, 1010, 1996, 4882,\n",
+ " 19453, 4520, 2211, 2000, 6011, 6211, 1998, 6211, 2005, 2033,\n",
+ " 1012, 2750, 1996, 3947, 1045, 2001, 5128, 2046, 1996, 2465,\n",
+ " 1010, 1045, 2071, 2025, 2156, 7300, 2000, 11110, 2008, 2500,\n",
+ " 2071, 2156, 1999, 2019, 7107, 1012, 2023, 2003, 1996, 2486,\n",
+ " 2369, 1996, 17076, 3367, 2008, 2026, 4401, 2052, 2360, 2550,\n",
+ " 2023, 3259, 1012, 1996, 3019, 3160, 2000, 3198, 2003, 1000,\n",
+ " 2054, 2253, 3308, 1029, 1000, 1045, 2173, 1996, 7499, 6822,\n",
+ " 2006, 2870, 2005, 2026, 4297, 25377, 12870, 5897, 1010, 2021,\n",
+ " 2036, 2006, 1996, 2126, 22863, 23207, 6558, 2003, 4036, 1012,\n",
+ " 2026, 4366, 2003, 2008, 1996, 3226, 13237, 1999, 8324, 22863,\n",
+ " 23207, 6558, 14067, 1037, 2200, 9561, 4083, 7774, 2005, 1996,\n",
+ " 3395, 1010, 1998, 2059, 10951, 2000, 16385, 2216, 2006, 1996,\n",
+ " 3308, 2217, 1997, 1996, 7774, 2612, 1997, 2039, 26644, 2068,\n",
+ " 1012, 3251, 2030, 2025, 2107, 1037, 3226, 2003, 1037, 8050,\n",
+ " 3200, 1997, 22863, 23207, 6558, 2993, 2003, 1037, 3043, 1997,\n",
+ " 2582, 4812, 1012, 1996, 2034, 2518, 1045, 4384, 1999, 1996,\n",
+ " 2465, 2001, 1037, 5664, 3768, 1997, 2019, 2058, 2906, 8450,\n",
+ " 4323, 4661, 1000, 10320, 2477, 1000, 1998, 3383, 1000, 19287,\n",
+ " 1000, 1012, 1996, 2465, 2001, 2471, 4036, 2066, 1037, 4318,\n",
+ " 4106, 16432, 1010, 2073, 9872, 2015, 2020, 3090, 1010, 4973,\n",
+ " 2020, 8176, 1010, 1998, 6947, 2015, 2020, 7645, 1012, 2411,\n",
+ " 2335, 1010, 2045, 2001, 2210, 14354, 2005, 1996, 2279, 3357,\n",
+ " 1999, 1996, 2465, 1012, 3383, 2023, 8281, 1997, 1996, 2607,\n",
+ " 2001, 6822, 2054, 2081, 2009, 3697, 2005, 2033, 2000, 4608,\n",
+ " 2006, 1010, 2021, 2026, 2364, 3291, 3658, 1999, 1996, 3226,\n",
+ " 1997, 1996, 22863, 23207, 4818, 2451, 1012, 2045, 2003, 1037,\n",
+ " 8183, 15431, 3038, 1999, 5597, 1010, 2008, 2035, 13332, 3471,\n",
+ " 2024, 1000, 20610, 1000, 1012, 2411, 2335, 2023, 2003, 2995,\n",
+ " 1024, 2009, 2003, 7078, 2025, 3154, 2012, 2034, 2129, 2000,\n",
+ " 9611, 1996, 11658, 8522, 1061, 1005, 1005, 1009, 15170, 2100,\n",
+ " 1005, 1009, 6391, 1012, 1015, 1027, 2522, 4095, 1006, 1060,\n",
+ " 1007, 2021, 2320, 1037, 2236, 4118, 2005, 13729, 2122, 4127,\n",
+ " 1997, 11380, 2003, 5319, 1010, 1037, 2204, 3076, 1006, 2030,\n",
+ " 2130, 1037, 3532, 2028, 2066, 2033, 1007, 2097, 3305, 3599,\n",
+ " 2073, 2009, 3310, 2013, 1998, 5136, 1996, 2765, 1000, 3733,\n",
+ " 1000, 1998, 1000, 3517, 1000, 1012, 1045, 2572, 4452, 2008,\n",
+ " 1999, 1996, 3226, 1997, 22863, 23207, 6558, 1010, 1996, 2682,\n",
+ " 3038, 2003, 2579, 2035, 2205, 5667, 1012, 2043, 1037, 2177,\n",
+ " 1997, 2493, 2147, 2362, 2006, 22863, 23207, 4818, 3471, 1010,\n",
+ " 2411, 102])\n",
+ "So I had some extra time because July 4 and all, and I thought I’d do something personally interesting. I’m not that open for being identified, but I’m a recent engineering grad (past 5 years). I know freshmen (incoming and first/second semester students) tend to worry a lot about grades. I saw the median grade spreadsheet that includes data from different classes, and thought it would be interesting to see what my own experience summarized would look like \\[[imgur album](https://imgur.com/a/Tgk4mkN), individual pics linked below too\\].\n",
+ "\n",
+ "First, I made a [distribution of median grades of classes I took by semester](https://i.imgur.com/svQ3yzb.png). These aren’t weighted by number of credits, just number of classes. The numbers in the boxes correspond to the level of the course. This isn’t all inclusive because 5000 and 6000 level courses don’t post median grades. This also doesn’t include classes taken S/U. The major category includes classes required specifically for the major (affiliation requirements and any class under the department). The non-major STEM category includes the engineering core curriculum (math, chem, physics, etc.) and other classes taken in a science or engineering department that weren’t my major. Non-STEM is everything not included in the previous categories (FWS’s, liberal studies, etc.). I came in with some AP/IB credit, so I placed out of a couple engineering core classes, otherwise there might have been a B- or C+ median, but I don’t think that’s too significant.\n",
+ "\n",
+ "Observations about this first chart include a few main ones. All of the non-STEM classes I took had a median grade of at least an A-. This is likely heavily skewed by electing to take easier liberal studies classes, but not all of them are necessarily known as easy A’s. In contrast, none of the classes in my major (that I took) have a median grade of A. The only ones with a median of A- were taken during my senior year. 3000 level classes also don’t mean higher median grades. Most of the 3000 level classes I took were within my major and none were liberal studies, so that could also explain it, but only one 3000 level class I took (which had a reputation of being an easy A) had a median above a B+.\n",
+ "\n",
+ "The next thing I looked at was inspired by the [median grade spreadsheet](https://www.reddit.com/r/Cornell/comments/8o539b/median_grade_spreadsheet/). I looked at the some [statistics of the median grades](https://i.imgur.com/z7Kl7Vx.png), which isn’t great given the limited sample size, but that’s all I have at my disposal. I looked at the average median grade point, the weighted average (by credit) median grade point, and the median median grade point (didn’t do a weighted by credit). The results were unsurprising (at least to me). Classes taken for my major had the lowest average and weight average median grade points. Non-STEM classes had a significantly higher median grade point, but again, these are highly elective classes. The STEM classes outside my major were higher than inside my major, but that could be skewed by that one easy A course. The median for both major and non-major STEM courses was a B+, as was the overall median median grade point for all of the classes I took.\n",
+ "\n",
+ "Then I looked at these [statistics by semester](https://i.imgur.com/T7GxEOp.png), which is even more flawed due to the even smaller sample size of each group, but oh well, I thought it would be interesting. This time, there is no differentiation between class type, only by semester. I don’t think you could say there is a significant increase in median grades in my case until senior year. The red sparkline is a general trend (not actual values) in my overall GPA. Interestingly enough, it does follow the general increase and decrease with median grades, but to a smaller extent in later semesters, suggesting your GPA can’t change too much in your senior year due to the large number of existing credits, despite higher median grades. This observation is also not great, because it doesn’t account for the 5000 and 6000 level classes that I took in my junior and senior years, as they don’t have published median grades.\n",
+ "\n",
+ "All in all, I’m not sure what real conclusions you can get from this post, but it’s something concrete to look at for those curious. I don’t really know if there are good takeaways from this either. I guess liberal studies do tend to increase your GPA. Don’t be too worried if your GPA is lower than what you had in high school. Don’t be worried too much about grade deflation (because honestly, a B median isn’t grade deflation. It’s just not grade inflation. But also, with the number of classes with an A- and A median at Cornell, it could also be argued that there is a decent amount of inflation). There’s only so much you can do about your grades. Try your best, but also keep up your mental and physical health. Everything will be all right in the end. I’ll answer general questions, but nothing too identifying. I hope someone else other than me found this interesting. Enjoy your Independence Day, Cornellians.\n",
+ "tensor([ 101, 2061, 1045, 2018, 2070, 4469, 2051, 2138, 2251, 1018,\n",
+ " 1998, 2035, 1010, 1998, 1045, 2245, 1045, 1521, 1040, 2079,\n",
+ " 2242, 7714, 5875, 1012, 1045, 1521, 1049, 2025, 2008, 2330,\n",
+ " 2005, 2108, 4453, 1010, 2021, 1045, 1521, 1049, 1037, 3522,\n",
+ " 3330, 24665, 4215, 1006, 2627, 1019, 2086, 1007, 1012, 1045,\n",
+ " 2113, 26612, 1006, 14932, 1998, 2034, 1013, 2117, 13609, 2493,\n",
+ " 1007, 7166, 2000, 4737, 1037, 2843, 2055, 7022, 1012, 1045,\n",
+ " 2387, 1996, 3991, 3694, 20861, 21030, 2102, 2008, 2950, 2951,\n",
+ " 2013, 2367, 4280, 1010, 1998, 2245, 2009, 2052, 2022, 5875,\n",
+ " 2000, 2156, 2054, 2026, 2219, 3325, 22539, 2052, 2298, 2066,\n",
+ " 1032, 1031, 1031, 10047, 27390, 2201, 1033, 1006, 16770, 1024,\n",
+ " 1013, 1013, 10047, 27390, 1012, 4012, 1013, 1037, 1013, 1056,\n",
+ " 2290, 2243, 2549, 2213, 2243, 2078, 1007, 1010, 3265, 27263,\n",
+ " 2015, 5799, 2917, 2205, 1032, 1033, 1012, 2034, 1010, 1045,\n",
+ " 2081, 1037, 1031, 4353, 1997, 3991, 7022, 1997, 4280, 1045,\n",
+ " 2165, 2011, 13609, 1033, 1006, 16770, 1024, 1013, 1013, 1045,\n",
+ " 1012, 10047, 27390, 1012, 4012, 1013, 17917, 4160, 2509, 2100,\n",
+ " 2480, 2497, 1012, 1052, 3070, 1007, 1012, 2122, 4995, 1521,\n",
+ " 1056, 18215, 2011, 2193, 1997, 6495, 1010, 2074, 2193, 1997,\n",
+ " 4280, 1012, 1996, 3616, 1999, 1996, 8378, 17254, 2000, 1996,\n",
+ " 2504, 1997, 1996, 2607, 1012, 2023, 3475, 1521, 1056, 2035,\n",
+ " 18678, 2138, 13509, 1998, 25961, 2504, 5352, 2123, 1521, 1056,\n",
+ " 2695, 3991, 7022, 1012, 2023, 2036, 2987, 1521, 1056, 2421,\n",
+ " 4280, 2579, 1055, 1013, 1057, 1012, 1996, 2350, 4696, 2950,\n",
+ " 4280, 3223, 4919, 2005, 1996, 2350, 1006, 12912, 5918, 1998,\n",
+ " 2151, 2465, 2104, 1996, 2533, 1007, 1012, 1996, 2512, 1011,\n",
+ " 2350, 7872, 4696, 2950, 1996, 3330, 4563, 8882, 1006, 8785,\n",
+ " 1010, 18178, 2213, 1010, 5584, 1010, 4385, 1012, 1007, 1998,\n",
+ " 2060, 4280, 2579, 1999, 1037, 2671, 2030, 3330, 2533, 2008,\n",
+ " 4694, 1521, 1056, 2026, 2350, 1012, 2512, 1011, 7872, 2003,\n",
+ " 2673, 2025, 2443, 1999, 1996, 3025, 7236, 1006, 1042, 9333,\n",
+ " 1521, 1055, 1010, 4314, 2913, 1010, 4385, 1012, 1007, 1012,\n",
+ " 1045, 2234, 1999, 2007, 2070, 9706, 1013, 21307, 4923, 1010,\n",
+ " 2061, 1045, 2872, 2041, 1997, 1037, 3232, 3330, 4563, 4280,\n",
+ " 1010, 4728, 2045, 2453, 2031, 2042, 1037, 1038, 1011, 2030,\n",
+ " 1039, 1009, 3991, 1010, 2021, 1045, 2123, 1521, 1056, 2228,\n",
+ " 2008, 1521, 1055, 2205, 3278, 1012, 9420, 2055, 2023, 2034,\n",
+ " 3673, 2421, 1037, 2261, 2364, 3924, 1012, 2035, 1997, 1996,\n",
+ " 2512, 1011, 7872, 4280, 1045, 2165, 2018, 1037, 3991, 3694,\n",
+ " 1997, 2012, 2560, 2019, 1037, 1011, 1012, 2023, 2003, 3497,\n",
+ " 4600, 15315, 7974, 2098, 2011, 11322, 2075, 2000, 2202, 6082,\n",
+ " 4314, 2913, 4280, 1010, 2021, 2025, 2035, 1997, 2068, 2024,\n",
+ " 9352, 2124, 2004, 3733, 1037, 1521, 1055, 1012, 1999, 5688,\n",
+ " 1010, 3904, 1997, 1996, 4280, 1999, 2026, 2350, 1006, 2008,\n",
+ " 1045, 2165, 1007, 2031, 1037, 3991, 3694, 1997, 1037, 1012,\n",
+ " 1996, 2069, 3924, 2007, 1037, 3991, 1997, 1037, 1011, 2020,\n",
+ " 2579, 2076, 2026, 3026, 2095, 1012, 11910, 2504, 4280, 2036,\n",
+ " 2123, 1521, 1056, 2812, 3020, 3991, 7022, 1012, 2087, 1997,\n",
+ " 1996, 11910, 2504, 4280, 1045, 2165, 2020, 2306, 2026, 2350,\n",
+ " 1998, 3904, 2020, 4314, 2913, 1010, 2061, 2008, 2071, 2036,\n",
+ " 4863, 2009, 1010, 2021, 2069, 2028, 11910, 2504, 2465, 1045,\n",
+ " 2165, 102])\n",
+ "​\n",
+ "\n",
+ "​\n",
+ "\n",
+ "i can hardly do this shit anymore. it’s not the academic pressure - thats the only thing that keeps me afloat. it’s the weight i keep down this immense sadness with. it’s meaningless in the end to me, but for these ends, the means are effective albeit without a real meaning to me. it’s been 8 days since the last time somebody touched me beyond a handshake. i didn’t love her, and it felt so wrong as there’s always been another on my mind, but she’s gone. my heart remains miles away but its keeper has disqualified herself. as a man, i guess i forget how much a meaningful hug means.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "i have crushes here, i have friends here. nothing goes beyond that. i’ve always been intense. i’ve always tried to draw the meaning out of everybody around me. i want people to experience that connection i so long for, with me. i want them to embrace what they hate about themselves, expose their inner demons to me. i want to know what makes them tick. i’m so fucking tired of talking about school work. i don’t give a fuck about prelims anymore. why can’t we go deeper than that?\n",
+ "\n",
+ "​\n",
+ "\n",
+ "people here treat me like i’m insane. they see the tired eyes of an anxious insomniac. they see the sadness tucked away behind shades of blue. they don’t make eye contact because i show them my soul. i’m harmless. i’m just sad. i’m just lonely. i just want to feel appreciated. i want to feel wanted. i want somebody to miss my presence. i want somebody to feel like they’re missing out because i’m not around. i want to be loved by somebody - in any form. i’m friendly. i’m a caretaker. i’m sweet and kindhearted. i’m loyal. i cherish every individual that walks into my life.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "people tell me i’m intense. i’m too much. “it’s always an experience with you”. i pique the interests of others, but soon they get tired of my reality. they get tired of hearing the crazy ideas and perspectives of a lonely boy trapped in his head all day. i just want to entertain you. i want to stimulate the minds of those around me, just as they do to me. this place is about expansion and growth isn’t it? it clearly isn’t about connectivity.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "maybe i was just naive. coming from such a small town, we were one family. here i walk by hundreds every day that wouldn’t even consider giving me 5 minutes. men and women. friends and more than that. the worst part is i’m a good talker. i’m relatively handsome, i dress adequately. i have a strong charismatic frame. i love to make people laugh. i love it so much. it’s ecstasy. laughter comes from relatability, people appreciate what they see themselves in the most.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "i’ve thought of dozens of ways to get myself out there more and have failed horribly in every attempt. i don’t know what it is about me that scares people off, but this snowballs. it becomes desperation. people can smell the desperation on your breath and they hate it. the desperate ones must be undesirable.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "i’m starting to wonder if this goes beyond the boundaries of a land far above cayugas waters. maybe this is the real world. maybe i am just a misfit. an alien. burning out this fuse up here alone.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "i dream of relief - daydream that is. i sleep enough to maintain motor function throughout the day, barely.\n",
+ "\n",
+ "i drown myself in schoolwork, but that backfires tremendously. it always crumbles. salt in an already deteriorating wound. it was supposed to get better after last year. and before that it was supposed to get better once i transferred here. and before that it was supposed to get better once i went to college. or high school. but it won’t. i don’t fit this place. i care too much and they don’t care enough. there is no blame to place. it just simply is.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "i dream of an escape. it’s cowardly. i couldn’t hurt my mother. i couldn’t hurt those who don’t know they “didn’t do enough” as they’d say. christ, even cornell health has recognized insanity sitting across from them. i couldn’t even blame them. i just can’t do it. i don’t want you all to know me because of some mass martha pollack statement manufactured to give the appearance that anybody here valued my existence. i would never want to go out like that. if i am to be known, it will be through my words, my writings, my music, my heart, my larger than life personality, my ideas, a connection with human beings at a level we are so deprived of.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "stuck between a rock and a hard place it seems. a desire to be loved and a hatred of a society that has rejected me. a desperation to escape and an insatiable drive to succeed. an infatuation with both life and death.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "i guess the point of this all is, people like me are out there. i know i am not alone. it is a cold, brutal world out there, but it doesn’t have to be. don’t be afraid to connect. you never know what somebody has to offer, especially at a place like this. sometimes, the curiously psycho looking dude with headphones and soulless eyes just need to feel appreciated for a minute. he might make you laugh, he might add value to your life, and he might cherish you for your humanity. everybody is broken somewhere.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "​\n",
+ "\n",
+ "​\n",
+ "\n",
+ "thanks for reading, everybody. have a safe and enjoyable weekend. ladies, stay aware. guys, don’t be fucking pieces of shit (and visa versa). take care of your drunk friends even if you don’t want to. drink responsibly (or at least responsibly enough to still nail your prelims). good luck on those too.\n",
+ "\n",
+ "​\n",
+ "tensor([ 101, 1004, 23713, 1025, 1001, 1060, 28332, 2497, 1025, 1004,\n",
+ " 23713, 1025, 1001, 1060, 28332, 2497, 1025, 1045, 2064, 6684,\n",
+ " 2079, 2023, 4485, 4902, 1012, 2009, 1521, 1055, 2025, 1996,\n",
+ " 3834, 3778, 1011, 2008, 2015, 1996, 2069, 2518, 2008, 7906,\n",
+ " 2033, 10028, 16503, 1012, 2009, 1521, 1055, 1996, 3635, 1045,\n",
+ " 2562, 2091, 2023, 14269, 12039, 2007, 1012, 2009, 1521, 1055,\n",
+ " 25120, 1999, 1996, 2203, 2000, 2033, 1010, 2021, 2005, 2122,\n",
+ " 4515, 1010, 1996, 2965, 2024, 4621, 12167, 2302, 1037, 2613,\n",
+ " 3574, 2000, 2033, 1012, 2009, 1521, 1055, 2042, 1022, 2420,\n",
+ " 2144, 1996, 2197, 2051, 8307, 5028, 2033, 3458, 1037, 2398,\n",
+ " 20459, 2063, 1012, 1045, 2134, 1521, 1056, 2293, 2014, 1010,\n",
+ " 1998, 2009, 2371, 2061, 3308, 2004, 2045, 1521, 1055, 2467,\n",
+ " 2042, 2178, 2006, 2026, 2568, 1010, 2021, 2016, 1521, 1055,\n",
+ " 2908, 1012, 2026, 2540, 3464, 2661, 2185, 2021, 2049, 10684,\n",
+ " 2038, 14209, 2841, 1012, 2004, 1037, 2158, 1010, 1045, 3984,\n",
+ " 1045, 5293, 2129, 2172, 1037, 15902, 8549, 2965, 1012, 1004,\n",
+ " 23713, 1025, 1001, 1060, 28332, 2497, 1025, 1045, 2031, 10188,\n",
+ " 2229, 2182, 1010, 1045, 2031, 2814, 2182, 1012, 2498, 3632,\n",
+ " 3458, 2008, 1012, 1045, 1521, 2310, 2467, 2042, 6387, 1012,\n",
+ " 1045, 1521, 2310, 2467, 2699, 2000, 4009, 1996, 3574, 2041,\n",
+ " 1997, 7955, 2105, 2033, 1012, 1045, 2215, 2111, 2000, 3325,\n",
+ " 2008, 4434, 1045, 2061, 2146, 2005, 1010, 2007, 2033, 1012,\n",
+ " 1045, 2215, 2068, 2000, 9979, 2054, 2027, 5223, 2055, 3209,\n",
+ " 1010, 14451, 2037, 5110, 7942, 2000, 2033, 1012, 1045, 2215,\n",
+ " 2000, 2113, 2054, 3084, 2068, 16356, 1012, 1045, 1521, 1049,\n",
+ " 2061, 8239, 5458, 1997, 3331, 2055, 2082, 2147, 1012, 1045,\n",
+ " 2123, 1521, 1056, 2507, 1037, 6616, 2055, 3653, 17960, 2015,\n",
+ " 4902, 1012, 2339, 2064, 1521, 1056, 2057, 2175, 6748, 2084,\n",
+ " 2008, 1029, 1004, 23713, 1025, 1001, 1060, 28332, 2497, 1025,\n",
+ " 2111, 2182, 7438, 2033, 2066, 1045, 1521, 1049, 9577, 1012,\n",
+ " 2027, 2156, 1996, 5458, 2159, 1997, 2019, 11480, 16021, 5358,\n",
+ " 6200, 2278, 1012, 2027, 2156, 1996, 12039, 9332, 2185, 2369,\n",
+ " 13178, 1997, 2630, 1012, 2027, 2123, 1521, 1056, 2191, 3239,\n",
+ " 3967, 2138, 1045, 2265, 2068, 2026, 3969, 1012, 1045, 1521,\n",
+ " 1049, 19741, 1012, 1045, 1521, 1049, 2074, 6517, 1012, 1045,\n",
+ " 1521, 1049, 2074, 9479, 1012, 1045, 2074, 2215, 2000, 2514,\n",
+ " 12315, 1012, 1045, 2215, 2000, 2514, 2359, 1012, 1045, 2215,\n",
+ " 8307, 2000, 3335, 2026, 3739, 1012, 1045, 2215, 8307, 2000,\n",
+ " 2514, 2066, 2027, 1521, 2128, 4394, 2041, 2138, 1045, 1521,\n",
+ " 1049, 2025, 2105, 1012, 1045, 2215, 2000, 2022, 3866, 2011,\n",
+ " 8307, 1011, 1999, 2151, 2433, 1012, 1045, 1521, 1049, 5379,\n",
+ " 1012, 1045, 1521, 1049, 1037, 17600, 1012, 1045, 1521, 1049,\n",
+ " 4086, 1998, 2785, 27693, 1012, 1045, 1521, 1049, 8884, 1012,\n",
+ " 1045, 24188, 4509, 2296, 3265, 2008, 7365, 2046, 2026, 2166,\n",
+ " 1012, 1004, 23713, 1025, 1001, 1060, 28332, 2497, 1025, 2111,\n",
+ " 2425, 2033, 1045, 1521, 1049, 6387, 1012, 1045, 1521, 1049,\n",
+ " 2205, 2172, 1012, 1523, 2009, 1521, 1055, 2467, 2019, 3325,\n",
+ " 2007, 2017, 1524, 1012, 1045, 14255, 4226, 1996, 5426, 1997,\n",
+ " 2500, 1010, 2021, 2574, 2027, 2131, 5458, 1997, 2026, 4507,\n",
+ " 1012, 2027, 2131, 5458, 1997, 4994, 1996, 4689, 4784, 1998,\n",
+ " 15251, 1997, 1037, 9479, 2879, 7567, 1999, 2010, 2132, 2035,\n",
+ " 2154, 102])\n",
+ "Read up on 'learned helplessness.' Particularly if you're going into engineering. \n",
+ "\n",
+ "Be prepared to study for 80 hours for an exam, receive a C-, find that the mean for the class was 68 but that one kid got a 98 so there's no curve.\n",
+ "\n",
+ "Be prepared to juggle so many term-length projects that even while you're struggling to get one done, you're already missing deadlines for another. When you come in bleary eyed the next day and ask the professor for an extension, cringe as he berates you for putting another class ahead of his, or accusing you of lying.\n",
+ "\n",
+ "Watch as your social life and conversations always center around food and how much work you have to do. Spend hours in the library frantically trying to study but unable to concentrate due to lack of sleep and stress. Sleep at the library when you give up.\n",
+ "\n",
+ "Desperately seek guidance from TAs who barely speak English.\n",
+ "\n",
+ "Get a C- on an exam after acing three separate practice exams.\n",
+ "\n",
+ "Feel like you are constantly being evaluated and constantly coming up short. Know that this feeling will continue about three years past graduation, if you're lucky. Your employers will wonder why you constantly need so much feedback and wonder if you're hiding something, perhaps a drug addiction.\n",
+ "\n",
+ "Take a \"bathroom break\" and scream as you bite onto your fist, furious at how stupid and lazy and slow your assigned team project members are.\n",
+ "\n",
+ "I can tell you already have the Cornell attitude; you'll fit in well. Note that you're not worried about learning or education or getting an experience or enriching your life, making connections or growing personally. No, you claim you want to operate properly to be successful. I had a close Cornell professor who claimed that Cornell students would do anything to be successful - cheat, lie, steal or, god-forbid, even learn the material if that's what it took to be successful.\n",
+ "\n",
+ "Now, you can avoid the hells of what I described above. I managed to learn after the first year. The stress was so high first year that I had stomach cramps constantly; the ultrasound never found the kidney stones that my doctor diagnosed as the source of the pain. The pain (so bad that I couldn't eat) mysteriously disappeared after sleeping for a week after finals.\n",
+ "\n",
+ "There are tricks to it. This is a good blog on some tips: http://www.calnewport.com/blog/\n",
+ "\n",
+ "Other than that, a few comments (not an authoritative source):\n",
+ "\n",
+ " * Take at least one class every semester just for fun. It will remind you that learning used to be fun.\n",
+ "\n",
+ " * Never take an easier equivalent of a class (ie, econometrics for business majors vs. econometrics for econ majors).\n",
+ "\n",
+ " * Schedule light semesters around the weeder classes (you'll hear what they are. Usually CS211 or Org Chem).\n",
+ "\n",
+ " * Learn in class. Really pay attention, ask questions, take active notes (not just copying, but summarizing). Learn the Cornell Note Taking Method. Try to never have to study. Really.\n",
+ "\n",
+ " * Go to every class. You pay $100 an hour for instruction; don't waste it. You'll never catch up otherwise.\n",
+ "\n",
+ " * Get to know your professors outside of class. Office hours or department meetings or seminars are fantastic. Some of the best friendships you'll make in college will be with professors - and they'll serve you earliest as you look for jobs and opportunities. Being on good terms with the professor also makes it a lot easier to learn from them - a very strange but obvious mental shortcut.\n",
+ "\n",
+ " * Join a mastermind group or set one up. Keep each other accountable for each others goals. Assign each other deadlines for long-term projects so you don't cram at the end. Include personal goals too.\n",
+ "\n",
+ " * Try to join the Telluride Association. It's not a frat.\n",
+ "\n",
+ " * Learn how to get laid often (or, if a woman, learn how to get a guy to commit). Beyond the immediate benefit, it instills a confidence and charisma that will serve you as well as your education. Particularly if you're an engineer.\n",
+ "\n",
+ " * Learn a great theoretical foundation. Also learn at least two directly applicable trade skills that relies on that theory. Examples: Set Theory: SQL and Combinatorics. Do this for as many theoretical frameworks as you can. Applications pay off even in academia; very few get away with only knowing theory.\n",
+ "\n",
+ " * Focus on learning and education beyond grades. It's okay to get a bad grade if you're positive you got the lesson; horrible (though incredibly tempting) to get an easy A. This is not high school; grades here don't matter. Anything above failing is acceptable. Education does matter. Hell, find time to read books on subjects outside your major.\n",
+ "\n",
+ " * Make really good friends with people who seem respectable, admirable or successful to you. They'll last the rest of your life. The rest of your life is a really, really, REALLY long time. Choose wisely.\n",
+ "\n",
+ " * Learn enough about yourself that you can avoid the stress of evaluation, your limits, your fears. Learn to relax and things will come a lot easier. People will envy your ability to calmly walk in, take a test, and smile on the way out. They'll think you're a genius instead of someone who learns in class, gets enough sleep, and completes projects ahead of schedule. Learn that no amount of self-discipline, innate talent, inherent intelligence, or willpower is enough for this task. Learn to structure your life to support your work, or else it will overwhelm you.\n",
+ "\n",
+ " * Dance or sing or paint or do something creative so the right hemisphere of your brain doesn't completely collapse during engineering classes.\n",
+ "\n",
+ " * If you ever, ever start thinking about suicide, get help right away. It's super easy at Cornell, and even if for some reason it's not, it's the one thing that's worth fighting for. You're allowed to fail all your classes and get kicked out of school and have your parents disown you (hell, my friends who dropped out are doing better than many of my friends who went to graduate school), but you are not allowed to kill yourself. Ever. As one of my best friends said, \"If you kill yourself, I will so kick your ass.\"\n",
+ "tensor([ 101, 3191, 2039, 2006, 1005, 4342, 13346, 2791, 1012, 1005,\n",
+ " 3391, 2065, 2017, 1005, 2128, 2183, 2046, 3330, 1012, 2022,\n",
+ " 4810, 2000, 2817, 2005, 3770, 2847, 2005, 2019, 11360, 1010,\n",
+ " 4374, 1037, 1039, 1011, 1010, 2424, 2008, 1996, 2812, 2005,\n",
+ " 1996, 2465, 2001, 6273, 2021, 2008, 2028, 4845, 2288, 1037,\n",
+ " 5818, 2061, 2045, 1005, 1055, 2053, 7774, 1012, 2022, 4810,\n",
+ " 2000, 26536, 9354, 2061, 2116, 2744, 1011, 3091, 3934, 2008,\n",
+ " 2130, 2096, 2017, 1005, 2128, 8084, 2000, 2131, 2028, 2589,\n",
+ " 1010, 2017, 1005, 2128, 2525, 4394, 15117, 2015, 2005, 2178,\n",
+ " 1012, 2043, 2017, 2272, 1999, 1038, 19738, 2854, 7168, 1996,\n",
+ " 2279, 2154, 1998, 3198, 1996, 2934, 2005, 2019, 5331, 1010,\n",
+ " 13675, 23496, 2004, 2002, 2022, 20370, 2017, 2005, 5128, 2178,\n",
+ " 2465, 3805, 1997, 2010, 1010, 2030, 16723, 2017, 1997, 4688,\n",
+ " 1012, 3422, 2004, 2115, 2591, 2166, 1998, 11450, 2467, 2415,\n",
+ " 2105, 2833, 1998, 2129, 2172, 2147, 2017, 2031, 2000, 2079,\n",
+ " 1012, 5247, 2847, 1999, 1996, 3075, 16460, 2667, 2000, 2817,\n",
+ " 2021, 4039, 2000, 10152, 2349, 2000, 3768, 1997, 3637, 1998,\n",
+ " 6911, 1012, 3637, 2012, 1996, 3075, 2043, 2017, 2507, 2039,\n",
+ " 1012, 9652, 6148, 8606, 2013, 11937, 2015, 2040, 4510, 3713,\n",
+ " 2394, 1012, 2131, 1037, 1039, 1011, 2006, 2019, 11360, 2044,\n",
+ " 9353, 2075, 2093, 3584, 3218, 13869, 1012, 2514, 2066, 2017,\n",
+ " 2024, 7887, 2108, 16330, 1998, 7887, 2746, 2039, 2460, 1012,\n",
+ " 2113, 2008, 2023, 3110, 2097, 3613, 2055, 2093, 2086, 2627,\n",
+ " 7665, 1010, 2065, 2017, 1005, 2128, 5341, 1012, 2115, 12433,\n",
+ " 2097, 4687, 2339, 2017, 7887, 2342, 2061, 2172, 12247, 1998,\n",
+ " 4687, 2065, 2017, 1005, 2128, 6318, 2242, 1010, 3383, 1037,\n",
+ " 4319, 13449, 1012, 2202, 1037, 1000, 5723, 3338, 1000, 1998,\n",
+ " 6978, 2004, 2017, 6805, 3031, 2115, 7345, 1010, 9943, 2012,\n",
+ " 2129, 5236, 1998, 13971, 1998, 4030, 2115, 4137, 2136, 2622,\n",
+ " 2372, 2024, 1012, 1045, 2064, 2425, 2017, 2525, 2031, 1996,\n",
+ " 10921, 7729, 1025, 2017, 1005, 2222, 4906, 1999, 2092, 1012,\n",
+ " 3602, 2008, 2017, 1005, 2128, 2025, 5191, 2055, 4083, 2030,\n",
+ " 2495, 2030, 2893, 2019, 3325, 2030, 4372, 13149, 2075, 2115,\n",
+ " 2166, 1010, 2437, 7264, 2030, 3652, 7714, 1012, 2053, 1010,\n",
+ " 2017, 4366, 2017, 2215, 2000, 5452, 7919, 2000, 2022, 3144,\n",
+ " 1012, 1045, 2018, 1037, 2485, 10921, 2934, 2040, 3555, 2008,\n",
+ " 10921, 2493, 2052, 2079, 2505, 2000, 2022, 3144, 1011, 21910,\n",
+ " 1010, 4682, 1010, 8954, 2030, 1010, 2643, 1011, 27206, 1010,\n",
+ " 2130, 4553, 1996, 3430, 2065, 2008, 1005, 1055, 2054, 2009,\n",
+ " 2165, 2000, 2022, 3144, 1012, 2085, 1010, 2017, 2064, 4468,\n",
+ " 1996, 3109, 2015, 1997, 2054, 1045, 2649, 2682, 1012, 1045,\n",
+ " 3266, 2000, 4553, 2044, 1996, 2034, 2095, 1012, 1996, 6911,\n",
+ " 2001, 2061, 2152, 2034, 2095, 2008, 1045, 2018, 4308, 13675,\n",
+ " 25167, 7887, 1025, 1996, 27312, 2196, 2179, 1996, 14234, 6386,\n",
+ " 2008, 2026, 3460, 11441, 2004, 1996, 3120, 1997, 1996, 3255,\n",
+ " 1012, 1996, 3255, 1006, 2061, 2919, 2008, 1045, 2481, 1005,\n",
+ " 1056, 4521, 1007, 29239, 5419, 2044, 5777, 2005, 1037, 2733,\n",
+ " 2044, 4399, 1012, 2045, 2024, 12225, 2000, 2009, 1012, 2023,\n",
+ " 2003, 1037, 2204, 9927, 2006, 2070, 10247, 1024, 8299, 1024,\n",
+ " 1013, 1013, 7479, 1012, 10250, 2638, 2860, 6442, 1012, 4012,\n",
+ " 1013, 9927, 1013, 2060, 2084, 2008, 1010, 1037, 2261, 7928,\n",
+ " 1006, 102])\n",
+ "predictions tensor([1, 1, 1, 1, 1, 1, 1, 1])\n",
+ "Freshman housing options are like this: \n",
+ "\n",
+ "* **Low Rises** (including the International Living Center, Ujamaa, and JAM)\n",
+ "\n",
+ " The low rises are odd. They're designed in a style known as \"riot-proof\" construction, which basically means there are no big hallways full of rooms, but instead it's cordoned off into suites. This isn't weird, it's actually kind of cool, and it makes for a smaller, tight-knit community instead of a big dorm experience. However, if you're not in one of the program houses (JAM for musicians, Ujamaa for african-american cultural living, HILC for international students) it can be sort of isolating. I personally lived in JAM my first year, and it was a blast, but it's very hit or miss - it really depends on how social the average JAMmie is that year. My year, it was great, but I hear that this year there're a lot of awkward folks in there. One downside is that they're really far from Central Campus.\n",
+ "\n",
+ "* High Rises (High Rise 5 & Jameson)\n",
+ "\n",
+ " The high rises are built almost identically to the low rises, just stacked higher. It's the same suite-style layout with central lounges on each floor, but there's a \"sky lounge\" on the top that's really awesome. Worth checking out, but don't expect to get to know very many people outside your floor. They're also a bit closer to campus.\n",
+ "\n",
+ "* Donlon\n",
+ "\n",
+ " This is a really good dorm. Everyone that lives here seems to love it, and I've got a few friends who are RAs in this building (and probably will be next year, too). It lends itself to an extremely social atmosphere, and a lot of people really like it. It's pretty close to Central, and right next to the best dining hall on North (RPCC beats Appel by a mile).\n",
+ "\n",
+ "* Court/Kay/Bauer\n",
+ "\n",
+ " These three buildings are really crammed together into one big one. That's not necessarily a bad thing, it just makes it confusing to tell which one you're in at the time. They're pretty new, and they're well-placed in between RPCC and Central.\n",
+ "\n",
+ "* Mews\n",
+ "\n",
+ " Right next to Appel, it's also fairly new and is a good dorm. I didn't ever spend much time here, but what I did see, I liked.\n",
+ "\n",
+ "* Dickson\n",
+ "\n",
+ " Sort of an old dorm, but in a 'classic' kind of way. It could stand some fixing up in some places, but it has a lot of character - antique staircases, archways, pillars all over the place.. it's definitely a pretty building. Also, right next to Donlon and Court/Kay/Bauer (CKB).\n",
+ "\n",
+ "* Balch (ladies only)\n",
+ "\n",
+ " The only reason to live here is if you're like the rest of its inhabitants - female and exceedingly antisocial. It's really quite dead, and while the rooms are spacious, it's very isolating simply because nobody talks to each other.\n",
+ "\n",
+ "* Akwe-kon (however you spell it)\n",
+ "\n",
+ " Friendly enough place, but it's set way away from the rest of North. Two other friends of mine RA in this building. It's full of really nice people, but it's the Native American program house - which is great, but can make people of other ethnicities feel sort of excluded.\n",
+ "\n",
+ "* Risley\n",
+ "\n",
+ " This is the Theatre dorm. It is full of very, VERY strange people. Not necessarily in good ways - lots of drugs in here, everything from cocaine to shrooms, metric fuckloadtons of weed, meth, heroin, you name it. It's got a very 'offbeat' following to it. One upside is the fact that it has its own dining hall inside it, and it's RIGHT next to Central campus, and it's got a gorgeous building... But the inhabitants are certifiably insane. Live here at your own risk.\n",
+ "\n",
+ "* Townhouses\n",
+ "\n",
+ " The townhouses are really not a great option. The only reason I could see for living there would be if you were coming in with a group of friends you already knew you wanted to live with. They're incredibly far away from everything, and extremely socially isolating. Nice places to live taken alone, yeah, but eugh.\n",
+ "\n",
+ "* Eco-House\n",
+ "\n",
+ " I forget it's actual name - Ecology House or something. You don't want to live here unless you want to walk an extra mile or two every day. It's further away than everything else on North by a huge margin, and incredibly inconvenient. Also, strange people live here sometimes... there was one guy a couple years ago that got kicked out for dragging deer carcasses into his room and putting them in giant plastic bins and letting maggots eat all of the meat off of them, because he liked collecting the bones. Gross.\n",
+ "\n",
+ "So, there's an 'insider's' preview of the dorms. As for tips, well... there are several threads on this topic kicking around, but I'll try to point out some of the biggest ones that apply to Cornell:\n",
+ "\n",
+ "* Go nuts during Orientation Week. Nobody knows each other, everyone is making all sorts of random friends all over the place, so this is the LAST time you'll want to be shy. O-Week is a time like none other. Enjoy it. Go to the events, don't party at the frats or in collegetown. You only get to go through it as a Freshman once. Make friends with EVERYONE you meet. Don't be afraid to walk up to another random person with a grin on your face and say \"Hi, I'm rjm-11. I'm an Astro major. What's your name?\"\n",
+ "\n",
+ "* Look at ratemyprofessors.com before you select your classes. Seriously. It's a lifesaver.\n",
+ "\n",
+ "* When you're making your schedule, use cornell.chequerd.com. It's a scheduling website written by a friend of mine that takes the hassle out of course selection. You still have to enroll through your jtf.cornell.edu account, but Chequerd will help you visualize it and figure out what you WANT before it's time to enroll. Some people will tell you about a site called Schedulizer that does roughly the same thing, but Chequerd works way better. It's just not as well known. \n",
+ "\n",
+ "* Take Psych 101 with Professor Maas. It's on the 161 things to do at Cornell for a damn good reason. Do it in your first semester if you can squeeze it in, you won't regret it.\n",
+ "\n",
+ "* Do your language requirement early. Same goes for your first-year writing seminars. I waited until my junior year to start my language requirement, and now it's a pain because I've also got 3000-level classes sucking up my free time. Get it out of the way as soon as you can, trust me.\n",
+ "\n",
+ "* Suggested class from me personally: take Astro 2202. I'm in it right now, and it's with one of the biggest names at Cornell in the Astronomy field, Joe Veverka. It's easy - your grade is based on 4 papers and participation, just make sure those are good and then you're all set - and the material is interesting and fun. He's a great lecturer and makes lecture an enjoyable time in your week that you'll actually look forward to.\n",
+ "\n",
+ "* Don't be afraid to go out to open parties on thursday/friday/saturday nights at the frats/collegetown. Just keep in mind that open parties are recruitment tools for Fraternities, so keep your eye out for anything that you wouldn't want happening in your own house if you're thinking about rushing in the Spring. I never thought I would end up joining a Fraternity, and I ended up being President of one my Sophomore year. Life goes unexpected places.\n",
+ "\n",
+ "That's all I can think of right now, sorry for the massive wall of text. If you have any other questions, I'd be more than happy to answer them to the best of my ability. For background, I'm currently a Junior Econ major in A&S.\n",
+ "tensor([ 101, 10452, 3847, 7047, 2024, 2066, 2023, 1024, 1008, 1008,\n",
+ " 1008, 2659, 9466, 1008, 1008, 1006, 2164, 1996, 2248, 2542,\n",
+ " 2415, 1010, 1057, 3900, 2863, 2050, 1010, 1998, 9389, 1007,\n",
+ " 1996, 2659, 9466, 2024, 5976, 1012, 2027, 1005, 2128, 2881,\n",
+ " 1999, 1037, 2806, 2124, 2004, 1000, 11421, 1011, 6947, 1000,\n",
+ " 2810, 1010, 2029, 10468, 2965, 2045, 2024, 2053, 2502, 28274,\n",
+ " 2440, 1997, 4734, 1010, 2021, 2612, 2009, 1005, 1055, 11601,\n",
+ " 17799, 2125, 2046, 19796, 1012, 2023, 3475, 1005, 1056, 6881,\n",
+ " 1010, 2009, 1005, 1055, 2941, 2785, 1997, 4658, 1010, 1998,\n",
+ " 2009, 3084, 2005, 1037, 3760, 1010, 4389, 1011, 22404, 2451,\n",
+ " 2612, 1997, 1037, 2502, 19568, 3325, 1012, 2174, 1010, 2065,\n",
+ " 2017, 1005, 2128, 2025, 1999, 2028, 1997, 1996, 2565, 3506,\n",
+ " 1006, 9389, 2005, 5389, 1010, 1057, 3900, 2863, 2050, 2005,\n",
+ " 3060, 1011, 2137, 3451, 2542, 1010, 7632, 15472, 2005, 2248,\n",
+ " 2493, 1007, 2009, 2064, 2022, 4066, 1997, 11163, 22248, 1012,\n",
+ " 1045, 7714, 2973, 1999, 9389, 2026, 2034, 2095, 1010, 1998,\n",
+ " 2009, 2001, 1037, 8479, 1010, 2021, 2009, 1005, 1055, 2200,\n",
+ " 2718, 2030, 3335, 1011, 2009, 2428, 9041, 2006, 2129, 2591,\n",
+ " 1996, 2779, 9389, 9856, 2003, 2008, 2095, 1012, 2026, 2095,\n",
+ " 1010, 2009, 2001, 2307, 1010, 2021, 1045, 2963, 2008, 2023,\n",
+ " 2095, 2045, 1005, 2128, 1037, 2843, 1997, 9596, 12455, 1999,\n",
+ " 2045, 1012, 2028, 12482, 5178, 2003, 2008, 2027, 1005, 2128,\n",
+ " 2428, 2521, 2013, 2430, 3721, 1012, 1008, 2152, 9466, 1006,\n",
+ " 2152, 4125, 1019, 1004, 23713, 1025, 22324, 1007, 1996, 2152,\n",
+ " 9466, 2024, 2328, 2471, 7235, 2135, 2000, 1996, 2659, 9466,\n",
+ " 1010, 2074, 16934, 3020, 1012, 2009, 1005, 1055, 1996, 2168,\n",
+ " 7621, 1011, 2806, 9621, 2007, 2430, 11549, 2015, 2006, 2169,\n",
+ " 2723, 1010, 2021, 2045, 1005, 1055, 1037, 1000, 3712, 11549,\n",
+ " 1000, 2006, 1996, 2327, 2008, 1005, 1055, 2428, 12476, 1012,\n",
+ " 4276, 9361, 2041, 1010, 2021, 2123, 1005, 1056, 5987, 2000,\n",
+ " 2131, 2000, 2113, 2200, 2116, 2111, 2648, 2115, 2723, 1012,\n",
+ " 2027, 1005, 2128, 2036, 1037, 2978, 3553, 2000, 3721, 1012,\n",
+ " 1008, 2123, 7811, 2023, 2003, 1037, 2428, 2204, 19568, 1012,\n",
+ " 3071, 2008, 3268, 2182, 3849, 2000, 2293, 2009, 1010, 1998,\n",
+ " 1045, 1005, 2310, 2288, 1037, 2261, 2814, 2040, 2024, 20710,\n",
+ " 1999, 2023, 2311, 1006, 1998, 2763, 2097, 2022, 2279, 2095,\n",
+ " 1010, 2205, 1007, 1012, 2009, 18496, 2015, 2993, 2000, 2019,\n",
+ " 5186, 2591, 7224, 1010, 1998, 1037, 2843, 1997, 2111, 2428,\n",
+ " 2066, 2009, 1012, 2009, 1005, 1055, 3492, 2485, 2000, 2430,\n",
+ " 1010, 1998, 2157, 2279, 2000, 1996, 2190, 7759, 2534, 2006,\n",
+ " 2167, 1006, 1054, 15042, 2278, 10299, 10439, 2884, 2011, 1037,\n",
+ " 3542, 1007, 1012, 1008, 2457, 1013, 10905, 1013, 17838, 2122,\n",
+ " 2093, 3121, 2024, 2428, 13675, 27479, 2362, 2046, 2028, 2502,\n",
+ " 2028, 1012, 2008, 1005, 1055, 2025, 9352, 1037, 2919, 2518,\n",
+ " 1010, 2009, 2074, 3084, 2009, 16801, 2000, 2425, 2029, 2028,\n",
+ " 2017, 1005, 2128, 1999, 2012, 1996, 2051, 1012, 2027, 1005,\n",
+ " 2128, 3492, 2047, 1010, 1998, 2027, 1005, 2128, 2092, 1011,\n",
+ " 2872, 1999, 2090, 1054, 15042, 2278, 1998, 2430, 1012, 1008,\n",
+ " 2033, 9333, 2157, 2279, 2000, 10439, 2884, 1010, 2009, 1005,\n",
+ " 1055, 2036, 7199, 2047, 1998, 2003, 1037, 2204, 19568, 1012,\n",
+ " 1045, 2134, 1005, 1056, 2412, 5247, 2172, 2051, 2182, 1010,\n",
+ " 2021, 102])\n",
+ "Woo! Early acceptance! I got my letter around this time in December back in 05, and let me tell you, the rest of my senior year, NOT A SINGLE FUCK GIVEN.\n",
+ "\n",
+ "But really, congratulations. I'd advise spending some time researching the campus, the town, and the school itself, but to save you some time, here's 10 things I wish I had known before I went to Cornell:\n",
+ "\n",
+ "Dorms. You'll receive papers soon that allow you to specify roommate and dorm preferences. According to your personality, you'll want to find a good fit. Here's how they go:\n",
+ "\n",
+ "* Mews, Court/Kay/Bauer - the newest and nicest dorms. Not very social, but beautiful rooms.\n",
+ "\n",
+ "* Donlon - by far the most social, but an older building. Rooms are still acceptable. Design funnels everyone into a central lounge, and there's 90 people per floor. There's floor v. floor athletic tournaments throughout the year, plus it has the best quiet study space in any dorm. Always a good time, plus right next to Bear Necessities (Nasty's) and RPU dining hall. (If you can't tell, I lived in Donlon and fucking loved it.)\n",
+ "\n",
+ "* Highrises - still social, but smaller floors. Relatively crappy rooms. Advantage, also close to RPU/Nasty's.\n",
+ "\n",
+ "* JAM (Low-rise 9) - the music house. Only live here if you're a band geek. If you are, it's paradise, if not, you probably won't like it.\n",
+ "\n",
+ "* Risley - A.K.A. the Freak Show. Home of the art/theater majors.\n",
+ "\n",
+ "* Eco-house - Much as it's name suggests, it houses a lot of the more environmentally-inclined students. Also, it's an overflow dorm, so it can end up with a very weird, not-so-cohesive mix.\n",
+ "\n",
+ "* Akwekon, Ujamaa, Latino Living Center - Cornell's wonderful racially segregated houses.\n",
+ "\n",
+ "* Balch - I'm assuming you're a guy. In that case, you can't live in Balch, but if you want a full Cornell experience, you haven't lived unless you've snuck out of a girl's room in Balch trying to be all ninja-ish to avoid RA's and staff (it's an all-girls dorm, men need escorts to walk around.)\n",
+ "\n",
+ "* Clara Dickson - Also pretty social, but not really designed well. Doesn't have good central meeting places. Does have a beach volleyball court.\n",
+ "\n",
+ "* Townhouses - If you're prepared to essentially live in an apartment, do this. They have kitchens, and decent common areas. You generally won't need to hit up the dining halls if you live here.\n",
+ "\n",
+ "Food. RPU will be your best friend. Appel is also good, but not as good. Bear Nasty's is your best source of late-night food. On central campus, Okenshield's has the nickname Oken-shits, but it's not that bad, and they accept meal plans. The Ivy Room in Willard Straight is cash/Big Red Bucks, but it's by far the best food on central campus. There's also Trillium, if you're an engineer, and Mac's, under the Statler, if you're a hotelie.\n",
+ "\n",
+ "Parties. You'll be fratting your freshman year. It's the best way to meet people, to decide if you want to rush, and frankly, the best way to get fucked up. Cornell is a dry campus, so you're not allowed to have any alcohol in the dorms. Considering that any semblance of a dorm party will get shut down immediately, it's just not worth the hassle of getting in trouble. Just walk down to University Ave (AKA frat row) and do your drinking there. Also, The Hot Truck on west Campus and Louie's Lunch on North are the two greatest food trucks you will ever experience. Take advantage of them.\n",
+ "\n",
+ "Girls. I may be a bit biased given that my current girlfriend went there, but gentlemen, Ithaca College is the place to be. The girls are simply more attractive, bigger partiers, and way less concerned about making it to class the next day. If you can trek over to the other hill, go have fun. In addition, half the girls at any frat party are probably IC girls.\n",
+ "\n",
+ "Academics - fuck this. I'll tell you the only thing, as an Arts student, that you need to know. You can take one class per semester pass/fail. Use this to get rid of every stupid breadth requirement you don't want to take. In A&S, you have to take a foreign language, a science, a math, etc. Take them pass/fail so you can devote more time to your major GPA.\n",
+ "\n",
+ "The town. Explore Ithaca. A lot. It's a great city, and there are lots of fun people.\n",
+ "\n",
+ "Weed. Approximately 50% of the people in Ithaca smoke weed, no joke. If you're an ent, this'll be paradise. If not, you've gotta at least try it.\n",
+ "\n",
+ "Your Advisor. Cornell will assign you an advisor when you get there. As soon as possible, I would advise finding a professor you like in your interested field of study, and asking them to be your advisor. They'll be infinitely more helpful than your randomly-assigned advisor, and will most likely develop into a solid recommendation letter.\n",
+ "\n",
+ "Libraries - You'll discover different nooks and crannies depending on your study style, but there are a couple places you have to check out:\n",
+ "\n",
+ "* Olin - The carrels. Each floor has carrels lining the entire outside walls of the building. They're all technically reserved for grad students, but you can always find a free one. The basement - best place in the summer, it's cool and has outlets everywhere. You'll find that you want your computer charged at all times before going to the libraries, as outlets are not exactly a priority in a lot of the old buildings.\n",
+ "\n",
+ "* Uris - The fishbowl (a.k.a. the Cocktail Lounge.) Built into the Slope, this huge study room was my personal favorite. Comfy chairs, quiet, cool, and lots of outlets.\n",
+ "\n",
+ "* Mann/Johnson/whatever - The other libraries outside of the main quads and Ho Plaza are usually less populated. If that's more your style, you can find some good places.\n",
+ "\n",
+ "Athletics - Cornell hockey is amazing. Basketball was great while I was there, not so much anymore. However, no matter what, at least once, you have to go to a Cornell-Harvard hockey game. Best sports environment in the Ivy League. Also, I'm not sure if you can still do this, but you used to be able to get a big red sports pass for free that either let you into damn near every athletic event for free, or at least massively reduced ticket prices. I think I only ever paid a couple bucks a game for basketball, maybe a couple for football, and then hockey was the biggie.\n",
+ "tensor([ 101, 15854, 999, 2220, 9920, 999, 1045, 2288, 2026, 3661,\n",
+ " 2105, 2023, 2051, 1999, 2285, 2067, 1999, 5709, 1010, 1998,\n",
+ " 2292, 2033, 2425, 2017, 1010, 1996, 2717, 1997, 2026, 3026,\n",
+ " 2095, 1010, 2025, 1037, 2309, 6616, 2445, 1012, 2021, 2428,\n",
+ " 1010, 23156, 1012, 1045, 1005, 1040, 18012, 5938, 2070, 2051,\n",
+ " 20059, 1996, 3721, 1010, 1996, 2237, 1010, 1998, 1996, 2082,\n",
+ " 2993, 1010, 2021, 2000, 3828, 2017, 2070, 2051, 1010, 2182,\n",
+ " 1005, 1055, 2184, 2477, 1045, 4299, 1045, 2018, 2124, 2077,\n",
+ " 1045, 2253, 2000, 10921, 1024, 19568, 2015, 1012, 2017, 1005,\n",
+ " 2222, 4374, 4981, 2574, 2008, 3499, 2017, 2000, 20648, 18328,\n",
+ " 1998, 19568, 18394, 1012, 2429, 2000, 2115, 6180, 1010, 2017,\n",
+ " 1005, 2222, 2215, 2000, 2424, 1037, 2204, 4906, 1012, 2182,\n",
+ " 1005, 1055, 2129, 2027, 2175, 1024, 1008, 2033, 9333, 1010,\n",
+ " 2457, 1013, 10905, 1013, 17838, 1011, 1996, 14751, 1998, 3835,\n",
+ " 3367, 19568, 2015, 1012, 2025, 2200, 2591, 1010, 2021, 3376,\n",
+ " 4734, 1012, 1008, 2123, 7811, 1011, 2011, 2521, 1996, 2087,\n",
+ " 2591, 1010, 2021, 2019, 3080, 2311, 1012, 4734, 2024, 2145,\n",
+ " 11701, 1012, 2640, 25102, 2015, 3071, 2046, 1037, 2430, 11549,\n",
+ " 1010, 1998, 2045, 1005, 1055, 3938, 2111, 2566, 2723, 1012,\n",
+ " 2045, 1005, 1055, 2723, 1058, 1012, 2723, 5188, 8504, 2802,\n",
+ " 1996, 2095, 1010, 4606, 2009, 2038, 1996, 2190, 4251, 2817,\n",
+ " 2686, 1999, 2151, 19568, 1012, 2467, 1037, 2204, 2051, 1010,\n",
+ " 4606, 2157, 2279, 2000, 4562, 26785, 7971, 6447, 1006, 11808,\n",
+ " 1005, 1055, 1007, 1998, 1054, 14289, 7759, 2534, 1012, 1006,\n",
+ " 2065, 2017, 2064, 1005, 1056, 2425, 1010, 1045, 2973, 1999,\n",
+ " 2123, 7811, 1998, 8239, 3866, 2009, 1012, 1007, 1008, 2152,\n",
+ " 29346, 2015, 1011, 2145, 2591, 1010, 2021, 3760, 8158, 1012,\n",
+ " 4659, 10231, 7685, 4734, 1012, 5056, 1010, 2036, 2485, 2000,\n",
+ " 1054, 14289, 1013, 11808, 1005, 1055, 1012, 1008, 9389, 1006,\n",
+ " 2659, 1011, 4125, 1023, 1007, 1011, 1996, 2189, 2160, 1012,\n",
+ " 2069, 2444, 2182, 2065, 2017, 1005, 2128, 1037, 2316, 29294,\n",
+ " 1012, 2065, 2017, 2024, 1010, 2009, 1005, 1055, 9097, 1010,\n",
+ " 2065, 2025, 1010, 2017, 2763, 2180, 1005, 1056, 2066, 2009,\n",
+ " 1012, 1008, 15544, 8002, 1011, 1037, 1012, 1047, 1012, 1037,\n",
+ " 1012, 1996, 11576, 2265, 1012, 2188, 1997, 1996, 2396, 1013,\n",
+ " 4258, 15279, 1012, 1008, 17338, 1011, 2160, 1011, 2172, 2004,\n",
+ " 2009, 1005, 1055, 2171, 6083, 1010, 2009, 3506, 1037, 2843,\n",
+ " 1997, 1996, 2062, 25262, 1011, 13050, 2493, 1012, 2036, 1010,\n",
+ " 2009, 1005, 1055, 2019, 2058, 12314, 19568, 1010, 2061, 2009,\n",
+ " 2064, 2203, 2039, 2007, 1037, 2200, 6881, 1010, 2025, 1011,\n",
+ " 2061, 1011, 2522, 21579, 4666, 1012, 1008, 17712, 8545, 19648,\n",
+ " 1010, 1057, 3900, 2863, 2050, 1010, 7402, 2542, 2415, 1011,\n",
+ " 10921, 1005, 1055, 6919, 5762, 2135, 24382, 3506, 1012, 1008,\n",
+ " 28352, 2818, 1011, 1045, 1005, 1049, 10262, 2017, 1005, 2128,\n",
+ " 1037, 3124, 1012, 1999, 2008, 2553, 1010, 2017, 2064, 1005,\n",
+ " 1056, 2444, 1999, 28352, 2818, 1010, 2021, 2065, 2017, 2215,\n",
+ " 1037, 2440, 10921, 3325, 1010, 2017, 4033, 1005, 1056, 2973,\n",
+ " 4983, 2017, 1005, 2310, 24492, 2041, 1997, 1037, 2611, 1005,\n",
+ " 1055, 2282, 1999, 28352, 2818, 2667, 2000, 2022, 2035, 14104,\n",
+ " 1011, 2003, 2232, 2000, 4468, 10958, 1005, 1055, 1998, 3095,\n",
+ " 1006, 2009, 1005, 1055, 2019, 2035, 1011, 3057, 19568, 1010,\n",
+ " 2273, 102])\n",
+ "Hm, this is a strong sentiment for me, strong enough for me to break my Reddit lurker status just to comment on this. EDIT: I apologize for the wall of text; I didn't realize that what I typed was quite this long...\n",
+ "\n",
+ "I'm a freshman who is essentially going to be a junior in ORIE next year. I entered ORIE, toyed with the idea of switching to CS, then went back to ORIE. I came in with credit for Chem, Phys B and BC (among other insignificant credit *coughstatsbiocough*).\n",
+ "\n",
+ "Let me briefly tell you my sentiments as a kind of disclaimer: I love Cornell, but I'm very unhappy in engineering and with the general engineering program as a whole. At this point, I'm willing to throw my advanced standing away and switch majors. I am considering switching into Applied Economics and Management, the business school here at Cornell, while pursuing a minor in Operations Research and Management Science (the only part of engineering that I'm actually interested in). I would never, however, consider switching universities, nor have I actually chosen to depart from engineering quite yet.\n",
+ "\n",
+ "My advice for you, don't be disheartened that you don't have BC credit; 1910 will whip you into shape for math, and you'll end up more prepared than your average freshman entering with BC credit. Having been through 1920 in my first semester, I can say that I definitely was not prepared for the rigor that Cornell expects of their engineers; not just with BC. 1910 and 1920 have lousier curves, but most courses (if my research serves me correctly) curve in the B range, depending on the class. Others that lack curves may have substantial opportunities for you to succeed (for example, this semester of 1920 allegedly has no curve, but you are allowed to correct your tests for 1/2 credit back).\n",
+ "\n",
+ "Test-wise, be prepared to do significantly worse than you did in HS. I was a straight-A student in a highly competitive top public high school. Here, I'm good enough to be Dean's List-ed in Engineering. You've got to get used to getting a paper back that has a grade in the 60s or 70s, even if you worked and studied like crazy. It's depressing, but you've just got to keep a sense of self-confidence. Often times, you'll get your exam back, and with such a grade, still be on or near the mean. As long as you do your work and attend lectures, you'll be ahead of a lot of people. Remember, everyone else is in the same boat, and many can't be bothered to actually try.\n",
+ "\n",
+ "Probably the second-greatest merit of Cornell Engineering (besides the career placement), however, is entirely non-academic. Your advisors don't really know much about the first two years: They will be able to help you if you choose to enter their department, and try to sell you their major otherwise. Engineering advising is horrifically bad and have given me poor advice on several occasions. You'll learn more about yourself, by yourself, than you could ever imagine. You'll learn how you work, how you socialize, how you manage time, how you can live, how you best succeed, and what you can and can't do for a living. I can easily say that I've learned more about myself in the past year than I had all throughout HS. As for class issues, you'll learn the workings of the engineering program through your upperclassman peers (hint: join clubs!), what courses to take, and how best to take them. \n",
+ "\n",
+ "Use your freshman year, meet and connect with others both in your major and out. Work closely with them; they will be your support network through the good and bad. I have time to socialize on the weekends; the fraternity life doesn't appeal to me, but I would surely have enough time to do it. I am heavily involved in a couple of organizations on campus, and definitely have time left in my day. The severity of the workload isn't bad at all, provided that you stick to somewhere between 15 and 18 credits. Just know that not all credits are created equal, and there are classes that have \"reputations\" for being not worth their credits relative to time invested.\n",
+ "\n",
+ "Last but certainly not least: In engineering (both here and anywhere), the first two years are the hardest. If you can make it out with your interest, confidence and GPA intact, you're set for the remainder of your time here. The program is designed to naturally push you to a field of study that you're a good fit for. If you know you're not liking something, reassess yourself. I personally don't like the engineering prerequisites and distribution requirements that are required; I have a legitimate interest in ORIE, but it is very difficult to find application to my intended field of financial analysis and management in most parts of the engineering distribution.\n",
+ "\n",
+ "As some parting words: you've gotten into what is arguably the hardest school in Cornell to get into. Worse comes to worst, it's extremely easy to transfer to anywhere else within Cornell, and Cornell has a LOT of majors on offer as compared with other schools out there.\n",
+ "\n",
+ "P.S. Just as a shade of advice, CS majors have people throwing jobs at them right now. At the rate that it's going, the CS job market might become oversaturated in the near future. I would suggest that you go first with the added specialization in ECE (which will teach you some coding courtesy of the recommended CS2110 course), then do a minor or something in CS. What's more key (as far as I've gathered from career fairs) is that you know how to program; I'd suggest that you don't dedicate all your study to the art of programming. That's just my analysis, not sure how correct it is or will be.\n",
+ "tensor([ 101, 20287, 1010, 2023, 2003, 1037, 2844, 15792, 2005, 2033,\n",
+ " 1010, 2844, 2438, 2005, 2033, 2000, 3338, 2026, 2417, 23194,\n",
+ " 11320, 25074, 2099, 3570, 2074, 2000, 7615, 2006, 2023, 1012,\n",
+ " 10086, 1024, 1045, 12134, 2005, 1996, 2813, 1997, 3793, 1025,\n",
+ " 1045, 2134, 1005, 1056, 5382, 2008, 2054, 1045, 21189, 2001,\n",
+ " 3243, 2023, 2146, 1012, 1012, 1012, 1045, 1005, 1049, 1037,\n",
+ " 10452, 2040, 2003, 7687, 2183, 2000, 2022, 1037, 3502, 1999,\n",
+ " 2030, 2666, 2279, 2095, 1012, 1045, 3133, 2030, 2666, 1010,\n",
+ " 9121, 2098, 2007, 1996, 2801, 1997, 11991, 2000, 20116, 1010,\n",
+ " 2059, 2253, 2067, 2000, 2030, 2666, 1012, 1045, 2234, 1999,\n",
+ " 2007, 4923, 2005, 18178, 2213, 1010, 6887, 7274, 1038, 1998,\n",
+ " 4647, 1006, 2426, 2060, 27018, 4923, 1008, 19340, 9153, 3215,\n",
+ " 26282, 3597, 8953, 1008, 1007, 1012, 2292, 2033, 4780, 2425,\n",
+ " 2017, 2026, 23541, 2004, 1037, 2785, 1997, 5860, 19771, 5017,\n",
+ " 1024, 1045, 2293, 10921, 1010, 2021, 1045, 1005, 1049, 2200,\n",
+ " 12511, 1999, 3330, 1998, 2007, 1996, 2236, 3330, 2565, 2004,\n",
+ " 1037, 2878, 1012, 2012, 2023, 2391, 1010, 1045, 1005, 1049,\n",
+ " 5627, 2000, 5466, 2026, 3935, 3061, 2185, 1998, 6942, 15279,\n",
+ " 1012, 1045, 2572, 6195, 11991, 2046, 4162, 5543, 1998, 2968,\n",
+ " 1010, 1996, 2449, 2082, 2182, 2012, 10921, 1010, 2096, 11828,\n",
+ " 1037, 3576, 1999, 3136, 2470, 1998, 2968, 2671, 1006, 1996,\n",
+ " 2069, 2112, 1997, 3330, 2008, 1045, 1005, 1049, 2941, 4699,\n",
+ " 1999, 1007, 1012, 1045, 2052, 2196, 1010, 2174, 1010, 5136,\n",
+ " 11991, 5534, 1010, 4496, 2031, 1045, 2941, 4217, 2000, 18280,\n",
+ " 2013, 3330, 3243, 2664, 1012, 2026, 6040, 2005, 2017, 1010,\n",
+ " 2123, 1005, 1056, 2022, 9841, 14644, 6528, 2098, 2008, 2017,\n",
+ " 2123, 1005, 1056, 2031, 4647, 4923, 1025, 4976, 2097, 11473,\n",
+ " 2017, 2046, 4338, 2005, 8785, 1010, 1998, 2017, 1005, 2222,\n",
+ " 2203, 2039, 2062, 4810, 2084, 2115, 2779, 10452, 5738, 2007,\n",
+ " 4647, 4923, 1012, 2383, 2042, 2083, 4444, 1999, 2026, 2034,\n",
+ " 13609, 1010, 1045, 2064, 2360, 2008, 1045, 5791, 2001, 2025,\n",
+ " 4810, 2005, 1996, 19838, 2953, 2008, 10921, 24273, 1997, 2037,\n",
+ " 6145, 1025, 2025, 2074, 2007, 4647, 1012, 4976, 1998, 4444,\n",
+ " 2031, 10223, 20236, 10543, 1010, 2021, 2087, 5352, 1006, 2065,\n",
+ " 2026, 2470, 4240, 2033, 11178, 1007, 7774, 1999, 1996, 1038,\n",
+ " 2846, 1010, 5834, 2006, 1996, 2465, 1012, 2500, 2008, 3768,\n",
+ " 10543, 2089, 2031, 6937, 6695, 2005, 2017, 2000, 9510, 1006,\n",
+ " 2005, 2742, 1010, 2023, 13609, 1997, 4444, 9382, 2038, 2053,\n",
+ " 7774, 1010, 2021, 2017, 2024, 3039, 2000, 6149, 2115, 5852,\n",
+ " 2005, 1015, 1013, 1016, 4923, 2067, 1007, 1012, 3231, 1011,\n",
+ " 7968, 1010, 2022, 4810, 2000, 2079, 6022, 4788, 2084, 2017,\n",
+ " 2106, 1999, 26236, 1012, 1045, 2001, 1037, 3442, 1011, 1037,\n",
+ " 3076, 1999, 1037, 3811, 6975, 2327, 2270, 2152, 2082, 1012,\n",
+ " 2182, 1010, 1045, 1005, 1049, 2204, 2438, 2000, 2022, 4670,\n",
+ " 1005, 1055, 2862, 1011, 3968, 1999, 3330, 1012, 2017, 1005,\n",
+ " 2310, 2288, 2000, 2131, 2109, 2000, 2893, 1037, 3259, 2067,\n",
+ " 2008, 2038, 1037, 3694, 1999, 1996, 20341, 2030, 17549, 1010,\n",
+ " 2130, 2065, 2017, 2499, 1998, 3273, 2066, 4689, 1012, 2009,\n",
+ " 1005, 1055, 2139, 24128, 1010, 2021, 2017, 1005, 2310, 2074,\n",
+ " 2288, 2000, 2562, 1037, 3168, 1997, 2969, 1011, 7023, 1012,\n",
+ " 2411, 2335, 1010, 2017, 1005, 2222, 2131, 2115, 11360, 2067,\n",
+ " 1010, 102])\n",
+ "Ah. I've really only ever found one useful study method but it has two implementations: (1) \"explain\" the class to \"someone\" (which may simply be writing an unsent email to a friend) or (2) tell the story of the class. Cal Newport has relatively recently started writing about this, calling it \"the textbook method\". \"The class\" here can be resized to various things: the entire class (very useful for figuring out what you don't know), the homeworks as a whole, each individual homework, the exams.\n",
+ "\n",
+ "In the first case the act of attempting to teach something very effectively clarifies what you don't actually know (and forces you to learn it to actually teach it) and reinforces that which you do know (in a way that \"reading over the material\" does not); it's part of the reason I'm such a fan of helping others with their homework even if the class is curved and even if I were purely self-interested: sure they benefit and raise the curve, but in helping them I learn the material so well that it doesn't matter.\n",
+ "\n",
+ "To try to explain \"the story of the class\" idea, I'll have to start somewhere else. When I read a (long) work of fiction the first thing I do when I've finished it is tell myself a summary of the story (the major events that happened and *why* they happened). Start with where we started at and the journey we took to get to the place we ended at. I do this to help digest what I've read, but mostly because I'm always really sad when I finish it and this is sort of a coping mechanism. As a side effect, I find I retain the story for longer.\n",
+ "\n",
+ "So hijack this: tell yourself about where you started the class and the major events of the class that led to the end of the class, but most importantly tell yourself about *why* you learned each thing. I took CS3410 with a very unpopular instructor. Honestly I thought he was great (he explained things well) but one thing he did not do well was say *why* we were learning things. We started the class learning about how to build AND and OR and NOT gates, and we ended the class building program as a DMA network card driver. But it was really hard to learn about AND and OR and NOT gates when you didn't know why (they're boring). I, however, knew why: you need to know how to build those gates to build transistors, and you need to know how to build transistors to build APUs and memory, and you need to know how to build those things to build CPUs and a system capable of general purpose computing, and you need to know that to understand assembly as a set of bits, which you need to understand assembly (and why it's so rudimentary and simple), which you need to understand C, which you need to understand operating systems, which you need to understand C and other languages, etc... (for more, read \"Joel on Software\"'s blog post on the law of leaky abstractions).\n",
+ "\n",
+ "You can also hijack this for daily life: every time they teach you something figure out *why* they're teaching you that, it'll make it easier to care and easier to remember and easier to learn the important bits.\n",
+ "\n",
+ "Also, personally, I don't take notes. I do better in classes when I don't. This works because of resources like online lecture notes, course books (available at library), the internet, office hours, and friends. The point is, there's a lot of resources outside of class which makes it so that you don't need detailed notes of what happened in lecture (if there's something you don't know a month later, you don't need notes to learn it, there are other (better) resources). For some people the act of taking notes in lecture helps them internalize it. For me, it prevents me from paying attention and internalizing things, instead making me a machine that takes audio input and transcribes it onto paper (without any detours into the understanding or memory parts of my mind). If you're a good student (by which I mean organized and start things ahead of time) (I am not), you can spend 10 to 25 minutes a class reviewing what you learned (e.g., while walking to another class) (e.g., by telling yourself the story of what you were taught in class, like the above study method). Cal Newport wrote about this a while ago, something to the effect of \"the no note method of acing a class\".\n",
+ "\n",
+ "Cal Newport has extensive posts on varieties of note taking (e.g., \"The Cornell Method\") and studying; he's even written a couple (a few?) books on the subjects, though I have not read any of them. I started reading him to learn time management. I personally mostly value him because of his articles on deep procrastination (absolutely nailed why I almost failed out) and what he tends to deem \"the failure of the passion hypothesis\" (the idea that you have to \"find your passion\" and then make that your life's work to be happy, as opposed to the idea that passion is something you build with dedication and effort and deliberate practice), but his articles on time management did help me (probably the most of any articles on time management). The point is that I've pretty much said all that I know on note taking and studying, as a counterbalance you might want to read about other methods and I've found study hacks to be a good resource for that.\n",
+ "\n",
+ "And again I've ended up excessively verbose. Oh well.\n",
+ "tensor([ 101, 6289, 1012, 1045, 1005, 2310, 2428, 2069, 2412, 2179,\n",
+ " 2028, 6179, 2817, 4118, 2021, 2009, 2038, 2048, 24977, 1024,\n",
+ " 1006, 1015, 1007, 1000, 4863, 1000, 1996, 2465, 2000, 1000,\n",
+ " 2619, 1000, 1006, 2029, 2089, 3432, 2022, 3015, 2019, 4895,\n",
+ " 5054, 2102, 10373, 2000, 1037, 2767, 1007, 2030, 1006, 1016,\n",
+ " 1007, 2425, 1996, 2466, 1997, 1996, 2465, 1012, 10250, 9464,\n",
+ " 2038, 4659, 3728, 2318, 3015, 2055, 2023, 1010, 4214, 2009,\n",
+ " 1000, 1996, 16432, 4118, 1000, 1012, 1000, 1996, 2465, 1000,\n",
+ " 2182, 2064, 2022, 24501, 3550, 2000, 2536, 2477, 1024, 1996,\n",
+ " 2972, 2465, 1006, 2200, 6179, 2005, 23218, 2041, 2054, 2017,\n",
+ " 2123, 1005, 1056, 2113, 1007, 1010, 1996, 19453, 2015, 2004,\n",
+ " 1037, 2878, 1010, 2169, 3265, 19453, 1010, 1996, 13869, 1012,\n",
+ " 1999, 1996, 2034, 2553, 1996, 2552, 1997, 7161, 2000, 6570,\n",
+ " 2242, 2200, 6464, 18856, 8486, 14213, 2054, 2017, 2123, 1005,\n",
+ " 1056, 2941, 2113, 1006, 1998, 2749, 2017, 2000, 4553, 2009,\n",
+ " 2000, 2941, 6570, 2009, 1007, 1998, 19444, 2015, 2008, 2029,\n",
+ " 2017, 2079, 2113, 1006, 1999, 1037, 2126, 2008, 1000, 3752,\n",
+ " 2058, 1996, 3430, 1000, 2515, 2025, 1007, 1025, 2009, 1005,\n",
+ " 1055, 2112, 1997, 1996, 3114, 1045, 1005, 1049, 2107, 1037,\n",
+ " 5470, 1997, 5094, 2500, 2007, 2037, 19453, 2130, 2065, 1996,\n",
+ " 2465, 2003, 9203, 1998, 2130, 2065, 1045, 2020, 11850, 2969,\n",
+ " 1011, 4699, 1024, 2469, 2027, 5770, 1998, 5333, 1996, 7774,\n",
+ " 1010, 2021, 1999, 5094, 2068, 1045, 4553, 1996, 3430, 2061,\n",
+ " 2092, 2008, 2009, 2987, 1005, 1056, 3043, 1012, 2000, 3046,\n",
+ " 2000, 4863, 1000, 1996, 2466, 1997, 1996, 2465, 1000, 2801,\n",
+ " 1010, 1045, 1005, 2222, 2031, 2000, 2707, 4873, 2842, 1012,\n",
+ " 2043, 1045, 3191, 1037, 1006, 2146, 1007, 2147, 1997, 4349,\n",
+ " 1996, 2034, 2518, 1045, 2079, 2043, 1045, 1005, 2310, 2736,\n",
+ " 2009, 2003, 2425, 2870, 1037, 12654, 1997, 1996, 2466, 1006,\n",
+ " 1996, 2350, 2824, 2008, 3047, 1998, 1008, 2339, 1008, 2027,\n",
+ " 3047, 1007, 1012, 2707, 2007, 2073, 2057, 2318, 2012, 1998,\n",
+ " 1996, 4990, 2057, 2165, 2000, 2131, 2000, 1996, 2173, 2057,\n",
+ " 3092, 2012, 1012, 1045, 2079, 2023, 2000, 2393, 17886, 2054,\n",
+ " 1045, 1005, 2310, 3191, 1010, 2021, 3262, 2138, 1045, 1005,\n",
+ " 1049, 2467, 2428, 6517, 2043, 1045, 3926, 2009, 1998, 2023,\n",
+ " 2003, 4066, 1997, 1037, 27520, 7337, 1012, 2004, 1037, 2217,\n",
+ " 3466, 1010, 1045, 2424, 1045, 9279, 1996, 2466, 2005, 2936,\n",
+ " 1012, 2061, 7632, 17364, 2023, 1024, 2425, 4426, 2055, 2073,\n",
+ " 2017, 2318, 1996, 2465, 1998, 1996, 2350, 2824, 1997, 1996,\n",
+ " 2465, 2008, 2419, 2000, 1996, 2203, 1997, 1996, 2465, 1010,\n",
+ " 2021, 2087, 14780, 2425, 4426, 2055, 1008, 2339, 1008, 2017,\n",
+ " 4342, 2169, 2518, 1012, 1045, 2165, 20116, 22022, 10790, 2007,\n",
+ " 1037, 2200, 19657, 9450, 1012, 9826, 1045, 2245, 2002, 2001,\n",
+ " 2307, 1006, 2002, 4541, 2477, 2092, 1007, 2021, 2028, 2518,\n",
+ " 2002, 2106, 2025, 2079, 2092, 2001, 2360, 1008, 2339, 1008,\n",
+ " 2057, 2020, 4083, 2477, 1012, 2057, 2318, 1996, 2465, 4083,\n",
+ " 2055, 2129, 2000, 3857, 1998, 1998, 2030, 1998, 2025, 6733,\n",
+ " 1010, 1998, 2057, 3092, 1996, 2465, 2311, 2565, 2004, 1037,\n",
+ " 1040, 2863, 2897, 4003, 4062, 1012, 2021, 2009, 2001, 2428,\n",
+ " 2524, 2000, 4553, 2055, 1998, 1998, 2030, 1998, 2025, 6733,\n",
+ " 2043, 2017, 2134, 1005, 1056, 2113, 2339, 1006, 2027, 1005,\n",
+ " 2128, 102])\n",
+ "In random order:\n",
+ "\n",
+ "> What is the average GPA for an engineer?\n",
+ "\n",
+ "When I was a MechE, average GPA was a 2.9-3.0, and an honors required a 3.2. Usually you graduate with a major GPA in that range, then your liberal arts classes bring your GPA up into the low 3s, and that's what you put on your resume when you graduate. Its different by major though.\n",
+ "\n",
+ "> How much time will the average student be studying a week? \n",
+ "\n",
+ "A lot. Honestly, if I could go through it again, I would do the following: the night before class, read the chapter the class is on. Take notes during the class, but since you've already paid attention to the material, try and understand it. Use the homework to make sure you understand it. That will help when studying for the exams, which you should probably leave a ~week for, and study a bit each day. Buy a calendar at some point early in the semester, and mark down when all your exams / homework / projects are due, this can help you figure out when you need to start studying/reviewing for each class. But honestly, I wouldn't worry about this. You'll start figuring it out your first semester. Everyone's in the same boat together, and you'll know a bunch of people in your classes, by virtue of being a freshman. You all will figure it out together, and your first few tests will calibrate it for you. *shrug.\n",
+ "\n",
+ "> How difficult is the engineering workload? \n",
+ "\n",
+ "The hardest part of the engineering workload is the engineering workload culture. If I could give only one piece of advice to every new freshman, this would be it. You're entering a world class university. When you graduate, you will literally be able to fly to most countries around the world and land a job based on the name of the university alone. That means you're probably a pretty high caliber person (whether you know it or not), and you're entering a school with a lot of such people. There's a real culture in the engineering school to push people to work really, really hard. Part of it is people want to say \"engineering is so hard, blah blah blah\". Part of it is professors who try to look tough (there are some in every university, and some on this forum). Some of it is there are just a lot of students that have never been intellectually challenged before, and are excited by the prospect, or are trying to get through in less time. Regardless, it breeds a little bit of a culture where people will brag about how many credits they're taking each semester. IGNORE IT. Take your standard 4 classes (16 credits) each semester, and no more. If you want to throw on a writing seminar, or gym class, or project team, go for it, those things are fun, and some of the project teams are real resume builders. But that's it. Don't take 5 real classes. If you take 20+ credits a semester, you're going to spend all your time studying, and your life is going to suck. A large part of the point of college is the people you meet and become life long friends with. If you take the normal 4, you'll spend time learning, but you'll have free time to hang out with people, play games, go to parties, play a sport, whatever you want to do that makes things fun for you, and if you need to spend extra time bringing your grades up in a class that seemed more difficult than you thought, you'll have the free time to dedicate. Life is all about balance, its easier to learn this the easy way. Not to mention you should always leave yourself some free time just in case life throws you a curveball anyway, because if there's one thing life likes to do, its to throw things at you that you weren't expecting. And remember, you don't have to prove anything to anybody; you're there to learn and have fun.\n",
+ "\n",
+ "> What first year writing seminars are the easiest or most interesting?\n",
+ "\n",
+ "Just take something that appears interesting to you. As an engineer, it can be difficult to take electives other than the most popular ones without some planning, due to how courses line up time wise. I took a magical realism one that turned out to be very cool, I still read that type of literature now : )\n",
+ "\n",
+ "> How cold does it get?\n",
+ "\n",
+ "Fucking cold? I think worst I ever experienced was -10 F with wind chill. Its usually not anywhere near that bad though. First snow is usually over thanksgiving break, the next snow in December. So if you're (un)lucky, you might not get any fall semester. Spring semester there'll be snow for the majority of it, but you learn how to dress warm. Occasionally the wind will bite your face a little bit, but that's about the worst of it.\n",
+ "\n",
+ "> What do people do for fun in Ithaca?\n",
+ "\n",
+ "Everything? If you have an interest, there is a group of people at Cornell that partakes in it. Even if it doesn't exist on the hill, chances are it does in Ithaca or Binghamton. The hard part, honestly, can be finding it. Unlike many other universities, Cornell is _not_ centralized. If you don't explicitly look for what you're interested in, and put real effort into finding people / clubs / classes / places that do that activity, you won't find it. Its just the nature of a large spread out university. But it is there, and its important that you find such cliques to have a good college experience. But this is more advice for your sophmore year and later, your freshman year you're going to be meeting so many new people running around in such large groups of people I wouldn't worry about this at all.\n",
+ "\n",
+ ">Anything else I should be prepared for?\n",
+ "\n",
+ "Your first few weeks there, no one will know anyone. Be friendly and say hi to everyone! I promise 95% of the people will be happy to meet someone new. Its the easiest time to meet people of the entire collegiate experience. Other than that, just have fun! College is fun. Even engineering is fun. And if it isn't fun, go choose something else that you find to be fun. Learning should come with passion, and you're entering one of the few places in the country where literally any effort you put into any aspect of your life will yield huge dividends beyond what you can image. Go celebrate the rest of your senior year, and work hard / have fun when you get there. You're there for yourself, no one else.\n",
+ "tensor([ 101, 1999, 6721, 2344, 1024, 1004, 14181, 1025, 2054, 2003,\n",
+ " 1996, 2779, 14246, 2050, 2005, 2019, 3992, 1029, 2043, 1045,\n",
+ " 2001, 1037, 2033, 5403, 1010, 2779, 14246, 2050, 2001, 1037,\n",
+ " 1016, 1012, 1023, 1011, 1017, 1012, 1014, 1010, 1998, 2019,\n",
+ " 7836, 3223, 1037, 1017, 1012, 1016, 1012, 2788, 2017, 4619,\n",
+ " 2007, 1037, 2350, 14246, 2050, 1999, 2008, 2846, 1010, 2059,\n",
+ " 2115, 4314, 2840, 4280, 3288, 2115, 14246, 2050, 2039, 2046,\n",
+ " 1996, 2659, 1017, 2015, 1010, 1998, 2008, 1005, 1055, 2054,\n",
+ " 2017, 2404, 2006, 2115, 13746, 2043, 2017, 4619, 1012, 2049,\n",
+ " 2367, 2011, 2350, 2295, 1012, 1004, 14181, 1025, 2129, 2172,\n",
+ " 2051, 2097, 1996, 2779, 3076, 2022, 5702, 1037, 2733, 1029,\n",
+ " 1037, 2843, 1012, 9826, 1010, 2065, 1045, 2071, 2175, 2083,\n",
+ " 2009, 2153, 1010, 1045, 2052, 2079, 1996, 2206, 1024, 1996,\n",
+ " 2305, 2077, 2465, 1010, 3191, 1996, 3127, 1996, 2465, 2003,\n",
+ " 2006, 1012, 2202, 3964, 2076, 1996, 2465, 1010, 2021, 2144,\n",
+ " 2017, 1005, 2310, 2525, 3825, 3086, 2000, 1996, 3430, 1010,\n",
+ " 3046, 1998, 3305, 2009, 1012, 2224, 1996, 19453, 2000, 2191,\n",
+ " 2469, 2017, 3305, 2009, 1012, 2008, 2097, 2393, 2043, 5702,\n",
+ " 2005, 1996, 13869, 1010, 2029, 2017, 2323, 2763, 2681, 1037,\n",
+ " 1066, 2733, 2005, 1010, 1998, 2817, 1037, 2978, 2169, 2154,\n",
+ " 1012, 4965, 1037, 8094, 2012, 2070, 2391, 2220, 1999, 1996,\n",
+ " 13609, 1010, 1998, 2928, 2091, 2043, 2035, 2115, 13869, 1013,\n",
+ " 19453, 1013, 3934, 2024, 2349, 1010, 2023, 2064, 2393, 2017,\n",
+ " 3275, 2041, 2043, 2017, 2342, 2000, 2707, 5702, 1013, 15252,\n",
+ " 2005, 2169, 2465, 1012, 2021, 9826, 1010, 1045, 2876, 1005,\n",
+ " 1056, 4737, 2055, 2023, 1012, 2017, 1005, 2222, 2707, 23218,\n",
+ " 2009, 2041, 2115, 2034, 13609, 1012, 3071, 1005, 1055, 1999,\n",
+ " 1996, 2168, 4049, 2362, 1010, 1998, 2017, 1005, 2222, 2113,\n",
+ " 1037, 9129, 1997, 2111, 1999, 2115, 4280, 1010, 2011, 11870,\n",
+ " 1997, 2108, 1037, 10452, 1012, 2017, 2035, 2097, 3275, 2009,\n",
+ " 2041, 2362, 1010, 1998, 2115, 2034, 2261, 5852, 2097, 10250,\n",
+ " 12322, 11657, 2009, 2005, 2017, 1012, 1008, 13409, 1012, 1004,\n",
+ " 14181, 1025, 2129, 3697, 2003, 1996, 3330, 2147, 11066, 1029,\n",
+ " 1996, 18263, 2112, 1997, 1996, 3330, 2147, 11066, 2003, 1996,\n",
+ " 3330, 2147, 11066, 3226, 1012, 2065, 1045, 2071, 2507, 2069,\n",
+ " 2028, 3538, 1997, 6040, 2000, 2296, 2047, 10452, 1010, 2023,\n",
+ " 2052, 2022, 2009, 1012, 2017, 1005, 2128, 5738, 1037, 2088,\n",
+ " 2465, 2118, 1012, 2043, 2017, 4619, 1010, 2017, 2097, 6719,\n",
+ " 2022, 2583, 2000, 4875, 2000, 2087, 3032, 2105, 1996, 2088,\n",
+ " 1998, 2455, 1037, 3105, 2241, 2006, 1996, 2171, 1997, 1996,\n",
+ " 2118, 2894, 1012, 2008, 2965, 2017, 1005, 2128, 2763, 1037,\n",
+ " 3492, 2152, 15977, 2711, 1006, 3251, 2017, 2113, 2009, 2030,\n",
+ " 2025, 1007, 1010, 1998, 2017, 1005, 2128, 5738, 1037, 2082,\n",
+ " 2007, 1037, 2843, 1997, 2107, 2111, 1012, 2045, 1005, 1055,\n",
+ " 1037, 2613, 3226, 1999, 1996, 3330, 2082, 2000, 5245, 2111,\n",
+ " 2000, 2147, 2428, 1010, 2428, 2524, 1012, 2112, 1997, 2009,\n",
+ " 2003, 2111, 2215, 2000, 2360, 1000, 3330, 2003, 2061, 2524,\n",
+ " 1010, 27984, 27984, 27984, 1000, 1012, 2112, 1997, 2009, 2003,\n",
+ " 12655, 2040, 3046, 2000, 2298, 7823, 1006, 2045, 2024, 2070,\n",
+ " 1999, 2296, 2118, 1010, 1998, 2070, 2006, 2023, 7057, 1007,\n",
+ " 1012, 2070, 1997, 2009, 2003, 2045, 2024, 2074, 1037, 2843,\n",
+ " 1997, 102])\n",
+ "**Ok, here's the answer you're looking for:**\n",
+ "\n",
+ "(I'm actually just going to post this directly to /r/Cornell now that I see how big it has become)\n",
+ "\n",
+ "**1) [Click Here For the Data](https://www.wolframalpha.com/input/?i=weather+in+14850+in+2014)** (you can change the 14850 to your zip code to compare.)\n",
+ "\n",
+ "**2) Here is my commentary on the data:** Cornell weather is not that bad for most people along the northern border of the U.S. It can get down to -10 F (last year it hit -17) but there are only a few weeks when you're below 10 degrees F. Windchill a little worse. Cornell is in a flat section of the state and that means lots of wind, but not as much as any costal town or city. This means windchill can be a factor. At the end of the day, anyone from NYC or Chicago would be fine at Cornell. Cornell only gets such a bad name because it has a big campus and attracts many students from far away who are woefully unprepared.\n",
+ "\n",
+ "**3) Here is my description of how cold weather works:** I think this is important. Numbers are meaningless without the ability to interpret them. You are from Texas, I see. I know the idea of sub-zero is foreign, but truthfully, it just means more layers. I'm not going to go off on talk about air pockets. Instead let me talk about what it takes to feel comfortable, to feel warm. First, no individual body part can be cold. Second, the body cannot feel its core temperature dropping.\n",
+ "\n",
+ "Ok, what this means is if any part of your body is exposed to cold objects that *conduct heat* away from you body quickly then that body part is going to feel cold. Things such as carrying books without gloves, walking in thin shoes (*especially* if they're wet, oh god water is a good conductor of heat), or wind on exposed skin will suck the heat from those parts of the body. This makes them feel cold. What that means for you is three things: boots, gloves, hat.\n",
+ "\n",
+ "But here's the truth about all of this: you are a big bag of circulating water. Your body is more than happy to just throw heat at your hands to keep the tissue at normal temperature. It's more than capable of it as well. The problem is that when your body feels its core temperature dropping it panics and constricts blood flow to your extremities. It is willing to sacrifice some heat in the hands (or feet, or nose) to try to conserve as much heat in the torso as possible. This means the hands get cold and causes pain. A lot of times you'll see someone with gloves on talking about how cold their hands are, cursing the gloves, while someone right next to them isn't wearing gloves and feels fine. The difference is that person has warmer clothes around their legs and torso, and that means the body has excess heat to throw at the hands.\n",
+ "\n",
+ "Try this experiment sometime. Pick up an ice cube. That is literally all you have to do. Roll it around in your hand and feel how it doesn't make your hands hurt. That is because—and I'm going to get kinda patriotic in a \"the human body is awesome\" kind of way—that little piece of crystalized H20 does't have *crap* on the thousands of miles of intricate water circulation system dedicated to keeping that patch of tissue exactly the temperature it should be at. If you can make your torso *hot*, then only 10 degrees or below weather *with* a windchill will be strong enough cause real discomfort to exposed skin.\n",
+ "\n",
+ "**4) Here is a discussion on clothes:** Truth be told, this question is better answered in terms of what you need to wear. You feel the same in the dead of winter at Cornell as you do in fall at Texas. As the Swedes say: \"there is no such thing as bad weather, just bad clothing.\" This does not mean you need to spend a lot on clothes. There are a lot of ways to design a warm winter wardrobe, but here are some of the basics.\n",
+ "\n",
+ "First, there are three different kinds of layers: the wicking layer, the warmth layer, and the weather layer. Wicking is just what goes on your skin or near it. It should be breathable and *wick* (pull) moisture (such as sweat) away from your skin. I really don't pay attention to this. I'm a Boy Scout so on weekend long campouts it's important, otherwise t-shirt and underwear is fine. Second is warmth. This can be a fancy parka or jacket, or just sweater. Third is weather, and this means wind and water protection. You do not want water or wind pulling heat directly from your torso! When implemented it looks like this: underwear, t-shirt, winter jacket. The winter jacket has both warm and weather built into one. If you need more warmth, add a sweater, then long underwear, then another sweater.\n",
+ "\n",
+ "Other things to think about:\n",
+ "\n",
+ "* You have to be careful about being able to take off layers. Too much and you'll be too warm inside. That's why I have a few different jackets depending on the weather, because ideally you want to be able to take off only your outside layer and be cool enough indoors. I avoid long underwear because of this (if I can). I have a light jacket for fall and a heavy parka for winter, that I can unzip if I'm too hot and take off once inside.\n",
+ "\n",
+ "* Boots are a big one when snow hits. They prevent wet (and thus, cold) feet.\n",
+ "\n",
+ "* Face masks are great for the worst months. I really recommend a balaclava hood. It is a scarf and hat in one, with a face mask that can be pulled up to cover the nose and mouth. If you wear glasses make sure you get one that has holes/thin fabric in front of the mouth to prevent it from fogging up.\n",
+ "\n",
+ "* I highly recommend any gloves you get have a wind blocking layer. Otherwise they are basically just swiss cheese. Sure they're warm in still air, but add a breeze and they might as well be in your pocket.\n",
+ "\n",
+ "* Cotton and wool are warmer than most synthetic material, so if you are looking for a hoodie or sweater as an intermediary pick those when in doubt. Note: they suck with wind resistance without other fibers mixed in or special treatments. Coats are often measured in a goose down number. I never understood the details, but basically it means the coat is as warm as a certain packing of goose feathers. You will see \"goose down 600\". The higher the number, the warmer, on a roughly linear scale.\n",
+ "\n",
+ "**5) Specific clothes to buy:** For the benefit of people who've never shopped cold weather gear before, I'll post some specific products and links. For the most part, I'm posting frugal buys that will get you through the rough of winter. Feel free to dismiss items that don't appeal to you, this is only a set of examples.\n",
+ "\n",
+ "* LLBean is a great company IMHO that has tremendous warranties, prices, and customer support. Click [here](http://www.llbean.com/llb/search/?freeText=winter+jacket&init=1) for some of their jackets. I would recommend a Jacket that goes down to -25 degrees F from them (because you don't want to have to rely on wearing long underwear and a sweater, as they assume with those ratings). My fav is the [Weather Challenger 3-in-1 Jacket](http://www.llbean.com/llb/shop/83559?feat=3%20in%201-SR0&page=weather-challenger-3-in-1-jacket).\n",
+ "\n",
+ "* Other options for coats on a budget are surplus military stock. They have no military markings, are made to be stylus in a plan way, durable, and very functional. Two example sites are [Army Surplus World](http://www.armysurplusworld.com/display.asp?subDepartmentID=276) and [Army Navy Outfitters](http://www.armynavydeals.com/asp/Default.asp?). Crappy websites but good products.\n",
+ "\n",
+ "* You want a good pair of warm walking boots. Mickey Mouse boots are a name given to a particular type of boots used by the U.S. military. They often have ugly yellow text on them, but that's only if you look at them up close and for as cheap as $20 from [here](http://stores.alleghenywholesale.com/usgi-military-bata-black-mickey-mouse-boots-w-valve-20f-brand-new/) they deserve a mention.\n",
+ "\n",
+ "* [These gloves](http://www.mechanix.com/cold-weather). They are a little annoying because of the logo, but Mechanix Wear makes the most functional gloves out there. Just the $10 [Thermal Knit](http://www.mechanix.com/cold-weather/thermal-knit) will do you well.\n",
+ "\n",
+ "* If you don't wear glasses, but [this](http://www.amazon.com/Chaos--CTR-Chinook-Balaclava-Windproof/dp/B002ZG7RFI/ref=sr_1_3?ie=UTF8&qid=1428097222&sr=8-3&keywords=balaclava) baraclava for $20. If you do, spend the greatest $10 of your life and upgrade to [this](http://www.amazon.com/Chaos--CTR-Howler-Windproof-Balaclava/dp/B002ZG7RGC/ref=sr_1_6?ie=UTF8&qid=1428097222&sr=8-6&keywords=balaclava), which seems to have better ventilation based on the reviews.\n",
+ "\n",
+ "**TLDR:** The worst thing about Cornell's cold weather is the time it takes to put on 3-5 extra pieces of clothing in the morning.\n",
+ "tensor([ 101, 1008, 1008, 7929, 1010, 2182, 1005, 1055, 1996, 3437,\n",
+ " 2017, 1005, 2128, 2559, 2005, 1024, 1008, 1008, 1006, 1045,\n",
+ " 1005, 1049, 2941, 2074, 2183, 2000, 2695, 2023, 3495, 2000,\n",
+ " 1013, 1054, 1013, 10921, 2085, 2008, 1045, 2156, 2129, 2502,\n",
+ " 2009, 2038, 2468, 1007, 1008, 1008, 1015, 1007, 1031, 11562,\n",
+ " 2182, 2005, 1996, 2951, 1033, 1006, 16770, 1024, 1013, 1013,\n",
+ " 7479, 1012, 4702, 14672, 14277, 3270, 1012, 4012, 1013, 7953,\n",
+ " 1013, 1029, 1045, 1027, 4633, 1009, 1999, 1009, 16459, 12376,\n",
+ " 1009, 1999, 1009, 2297, 1007, 1008, 1008, 1006, 2017, 2064,\n",
+ " 2689, 1996, 16459, 12376, 2000, 2115, 14101, 3642, 2000, 12826,\n",
+ " 1012, 1007, 1008, 1008, 1016, 1007, 2182, 2003, 2026, 8570,\n",
+ " 2006, 1996, 2951, 1024, 1008, 1008, 10921, 4633, 2003, 2025,\n",
+ " 2008, 2919, 2005, 2087, 2111, 2247, 1996, 2642, 3675, 1997,\n",
+ " 1996, 1057, 1012, 1055, 1012, 2009, 2064, 2131, 2091, 2000,\n",
+ " 1011, 2184, 1042, 1006, 2197, 2095, 2009, 2718, 1011, 2459,\n",
+ " 1007, 2021, 2045, 2024, 2069, 1037, 2261, 3134, 2043, 2017,\n",
+ " 1005, 2128, 2917, 2184, 5445, 1042, 1012, 3612, 5428, 3363,\n",
+ " 1037, 2210, 4788, 1012, 10921, 2003, 1999, 1037, 4257, 2930,\n",
+ " 1997, 1996, 2110, 1998, 2008, 2965, 7167, 1997, 3612, 1010,\n",
+ " 2021, 2025, 2004, 2172, 2004, 2151, 6849, 2140, 2237, 2030,\n",
+ " 2103, 1012, 2023, 2965, 3612, 5428, 3363, 2064, 2022, 1037,\n",
+ " 5387, 1012, 2012, 1996, 2203, 1997, 1996, 2154, 1010, 3087,\n",
+ " 2013, 16392, 2030, 3190, 2052, 2022, 2986, 2012, 10921, 1012,\n",
+ " 10921, 2069, 4152, 2107, 1037, 2919, 2171, 2138, 2009, 2038,\n",
+ " 1037, 2502, 3721, 1998, 17771, 2116, 2493, 2013, 2521, 2185,\n",
+ " 2040, 2024, 24185, 12879, 18083, 2100, 4895, 28139, 19362, 2098,\n",
+ " 1012, 1008, 1008, 1017, 1007, 2182, 2003, 2026, 6412, 1997,\n",
+ " 2129, 3147, 4633, 2573, 1024, 1008, 1008, 1045, 2228, 2023,\n",
+ " 2003, 2590, 1012, 3616, 2024, 25120, 2302, 1996, 3754, 2000,\n",
+ " 17841, 2068, 1012, 2017, 2024, 2013, 3146, 1010, 1045, 2156,\n",
+ " 1012, 1045, 2113, 1996, 2801, 1997, 4942, 1011, 5717, 2003,\n",
+ " 3097, 1010, 2021, 3606, 7699, 1010, 2009, 2074, 2965, 2062,\n",
+ " 9014, 1012, 1045, 1005, 1049, 2025, 2183, 2000, 2175, 2125,\n",
+ " 2006, 2831, 2055, 2250, 10306, 1012, 2612, 2292, 2033, 2831,\n",
+ " 2055, 2054, 2009, 3138, 2000, 2514, 6625, 1010, 2000, 2514,\n",
+ " 4010, 1012, 2034, 1010, 2053, 3265, 2303, 2112, 2064, 2022,\n",
+ " 3147, 1012, 2117, 1010, 1996, 2303, 3685, 2514, 2049, 4563,\n",
+ " 4860, 7510, 1012, 7929, 1010, 2054, 2023, 2965, 2003, 2065,\n",
+ " 2151, 2112, 1997, 2115, 2303, 2003, 6086, 2000, 3147, 5200,\n",
+ " 2008, 1008, 6204, 3684, 1008, 2185, 2013, 2017, 2303, 2855,\n",
+ " 2059, 2008, 2303, 2112, 2003, 2183, 2000, 2514, 3147, 1012,\n",
+ " 2477, 2107, 2004, 4755, 2808, 2302, 11875, 1010, 3788, 1999,\n",
+ " 4857, 6007, 1006, 1008, 2926, 1008, 2065, 2027, 1005, 2128,\n",
+ " 4954, 1010, 2821, 2643, 2300, 2003, 1037, 2204, 7589, 1997,\n",
+ " 3684, 1007, 1010, 2030, 3612, 2006, 6086, 3096, 2097, 11891,\n",
+ " 1996, 3684, 2013, 2216, 3033, 1997, 1996, 2303, 1012, 2023,\n",
+ " 3084, 2068, 2514, 3147, 1012, 2054, 2008, 2965, 2005, 2017,\n",
+ " 2003, 2093, 2477, 1024, 6879, 1010, 11875, 1010, 6045, 1012,\n",
+ " 2021, 2182, 1005, 1055, 1996, 3606, 2055, 2035, 1997, 2023,\n",
+ " 1024, 2017, 2024, 1037, 2502, 4524, 1997, 22458, 2300, 1012,\n",
+ " 2115, 2303, 2003, 2062, 2084, 3407, 2000, 2074, 5466, 3684,\n",
+ " 2012, 102])\n",
+ "\n",
+ "The Cornell experience has helped immensely in my career and sowed the seeds for the rest of my life. However, it's not so much about magically having a piece of paper that says \"Cornell,\" but rather taking advantage of the resources, connections, and opportunities to meet people while there. \n",
+ "\n",
+ "Just some background about myself: I have a Psychology BA from Cornell, and during undergrad, my entire focus was about becoming a clinical psychologist. After working full time in a neuroscience lab after Cornell, I realized I'd be better applied to neurology research than psychology. Nowadays, I work regularly in two different neuro labs in the NYC area (flexible times, about $20/hr), while also working part-time on a pre-med post-bac at Rutgers University. When not involving myself in science/medicine pursuits, my life is about jazz guitar. \n",
+ "\n",
+ "Now to answer your questions:\n",
+ "1)It's definitely alive there, although being that it's in the middle-of-nowhere, NY, you're going to be disconnected from places like NYC, where the real serious business happens. Of course, if you're into things like environment, sustainable energy, agriculture, etc, you're in the right place. I'm sure if you know what you are doing that you can find the right people to create tech startups, but something to keep in mind is that at Cornell, you will mostly just be surrounded by people from Cornell. Going to NYC for example, you will have people from countless universities, and a gigantic startup community all over the region. I've been involved with startups in Brooklyn, especially Bushwick, and just by virtue of there being sooo many people coming to this one centralized location, there's going to be a larger pool of people. Then again, at a place like Cornell, you can probably throw a stone and hit a capable person you want on your team. There's many people at Cornell, but there's no true slackers. \n",
+ "\n",
+ "2)My Cornell connections have been so important to me, especially on a personal level. You're going to find professors who just want to do research and couldn't care less about teaching your class, but you're also going to find some of the most amazing mentors you can ever imagine. I got to know some of my professors at Cornell, both in music and psychology, and the personal and professional support has been something out of this world. I came from a culture that told me that \"everyone hates their jobs, and I shouldn't hope for anything better\" and that my only purpose in life was to shut up, get a stable paycheck, and support a family. My Cornell mentors helped me break out of that mediocre culture and learn to take my talents seriously and to apply myself fully to the world. When I got my first research job full time out of Cornell, it was my mentor professors whose recommendations got me in the door. Although I didn't have the explicit technical skills yet, they vouched for my ability to learn and that I'd pick it up. I spent a lot of time and energy putting my all into my psychology studies at Cornell, and besides developing a very personal mentor relationship with my professors, I made it very clear that I was dead serious and was ready to live and breathe what I was embarking on. Of course, when I say \"made it very clear,\" I mean that through actions and the best work you can possibly do. When I got to that first job, just knowing that my professors had that much confidence in me was so inspiring to me that I ended up picking up the technical works, just as they thought I would. Nowadays, a lot of the research work I'm involved in is based off of those skills. \n",
+ "\n",
+ "If you know what you're doing at any state school, you can get a well paying corporate job. However, a school like Cornell will bring you up to a higher socioeconomic level. Coming from a culture that was centered around \"work is a 40/hr week miserable tax, everybody hates it, and there's nothing we can do about it, mope mope mope\" to a place where people were truly believed in me and invested in me becoming the most applied member of society I could be was something I never thought possible. I don't know enough about Harvard or Yale to compare, but there was something about Cornell being up in the middle of nowhere that I think gave it this vibe. \n",
+ "\n",
+ "3)When I mention that I did my undergrad at Cornell, there definitely is a \"wow\" factor. Sometimes, people get defensive and try to one up you, but when I first got out of college, it definitely was sort of a validation with employers in the vein of \"oh, he went to Cornell, let's talk to him.\" You still gotta have the goods to get hired and it's no magic card, but it doesn't hurt. I'm currently studying at Rutgers, and it seems to me that if you know your specialized skills, make connections everywhere you go, and take advantage of all your resources, a Rutgers degree will be just as fine as anything else. Then again, there certain connections and experiences available at Cornell that you'd never get at Rutgers. Nowadays, the fact that I have a Cornell degree doesn't really matter much anymore. The personal support from my mentors will always be so important to me, and I keep in touch with them regularly. Also, the lessons I learned at Cornell, especially from my experiences in the jazz program, about hardwork, dedication, and fully applying yourself are integral to everything I am today. \n",
+ "However, at this point, it's really the work experience and the skillz that matter. For example, when it comes to programming and data analysis, there's a certain point where nobody cares where your degree is from...they want to know you can efficiently and effectively do your data analysis, or at least be ready to quickly pick up a new method of doing it. The bottom line is that a lot of that is not stuff you learn from your degree, but you learn once you get the foot in the door at a job and are faced with the real world. If you ask me, real world experience is both higher stakes and more rewarding than anything in the classroom....do an assignment the night before in a class, you might get a B on the project, and still get an A in the class. Get an A on the project, and it's like whatever. In the real world, if you half ass a project, you're toast and will torpedo your career because somebody will always be waiting in line. You will also have wasted everybody's time and money, including your own. If you ace a project, you will build your skills, build your reputation, build your career, and increase your personal value of what you can produce for society. \n",
+ "I've also noticed that when it comes to grad/med school, professors from college are definitely great for recommendations and referrals. But once you get into the working world, referrals from places you've worked or supervisors become important. At your first job out of college, they won't expect you to have a previous place to give a referral. However when I started working at the second lab I'm at professionally, they wanted a referrence from the first lab I worked at professionally, not just a college professor. Places that are interested in your work skillz will want to hear from places that are familiar with your work skillz. Of course, at the beginning of all this was my experience at Cornell. In a sense, college is like a launching pad to the rest of your life and career. \n",
+ "\n",
+ "tensor([ 101, 1996, 10921, 3325, 2038, 3271, 24256, 1999, 2026, 2476,\n",
+ " 1998, 2061, 15557, 1996, 8079, 2005, 1996, 2717, 1997, 2026,\n",
+ " 2166, 1012, 2174, 1010, 2009, 1005, 1055, 2025, 2061, 2172,\n",
+ " 2055, 8687, 2135, 2383, 1037, 3538, 1997, 3259, 2008, 2758,\n",
+ " 1000, 10921, 1010, 1000, 2021, 2738, 2635, 5056, 1997, 1996,\n",
+ " 4219, 1010, 7264, 1010, 1998, 6695, 2000, 3113, 2111, 2096,\n",
+ " 2045, 1012, 2074, 2070, 4281, 2055, 2870, 1024, 1045, 2031,\n",
+ " 1037, 6825, 8670, 2013, 10921, 1010, 1998, 2076, 2104, 16307,\n",
+ " 1010, 2026, 2972, 3579, 2001, 2055, 3352, 1037, 6612, 15034,\n",
+ " 1012, 2044, 2551, 2440, 2051, 1999, 1037, 23700, 6845, 2044,\n",
+ " 10921, 1010, 1045, 3651, 1045, 1005, 1040, 2022, 2488, 4162,\n",
+ " 2000, 11265, 10976, 6483, 2470, 2084, 6825, 1012, 13367, 1010,\n",
+ " 1045, 2147, 5570, 1999, 2048, 2367, 11265, 10976, 13625, 1999,\n",
+ " 1996, 16392, 2181, 1006, 12379, 2335, 1010, 2055, 1002, 2322,\n",
+ " 1013, 17850, 1007, 1010, 2096, 2036, 2551, 2112, 1011, 2051,\n",
+ " 2006, 1037, 3653, 1011, 19960, 2695, 1011, 8670, 2278, 2012,\n",
+ " 18607, 2118, 1012, 2043, 2025, 5994, 2870, 1999, 2671, 1013,\n",
+ " 4200, 23719, 1010, 2026, 2166, 2003, 2055, 4166, 2858, 1012,\n",
+ " 2085, 2000, 3437, 2115, 3980, 1024, 1015, 1007, 2009, 1005,\n",
+ " 1055, 5791, 4142, 2045, 1010, 2348, 2108, 2008, 2009, 1005,\n",
+ " 1055, 1999, 1996, 2690, 1011, 1997, 1011, 7880, 1010, 6396,\n",
+ " 1010, 2017, 1005, 2128, 2183, 2000, 2022, 23657, 2013, 3182,\n",
+ " 2066, 16392, 1010, 2073, 1996, 2613, 3809, 2449, 6433, 1012,\n",
+ " 1997, 2607, 1010, 2065, 2017, 1005, 2128, 2046, 2477, 2066,\n",
+ " 4044, 1010, 9084, 2943, 1010, 5237, 1010, 4385, 1010, 2017,\n",
+ " 1005, 2128, 1999, 1996, 2157, 2173, 1012, 1045, 1005, 1049,\n",
+ " 2469, 2065, 2017, 2113, 2054, 2017, 2024, 2725, 2008, 2017,\n",
+ " 2064, 2424, 1996, 2157, 2111, 2000, 3443, 6627, 22752, 2015,\n",
+ " 1010, 2021, 2242, 2000, 2562, 1999, 2568, 2003, 2008, 2012,\n",
+ " 10921, 1010, 2017, 2097, 3262, 2074, 2022, 5129, 2011, 2111,\n",
+ " 2013, 10921, 1012, 2183, 2000, 16392, 2005, 2742, 1010, 2017,\n",
+ " 2097, 2031, 2111, 2013, 14518, 5534, 1010, 1998, 1037, 20193,\n",
+ " 22752, 2451, 2035, 2058, 1996, 2555, 1012, 1045, 1005, 2310,\n",
+ " 2042, 2920, 2007, 22752, 2015, 1999, 6613, 1010, 2926, 5747,\n",
+ " 7184, 1010, 1998, 2074, 2011, 11870, 1997, 2045, 2108, 17111,\n",
+ " 2080, 2116, 2111, 2746, 2000, 2023, 2028, 22493, 3295, 1010,\n",
+ " 2045, 1005, 1055, 2183, 2000, 2022, 1037, 3469, 4770, 1997,\n",
+ " 2111, 1012, 2059, 2153, 1010, 2012, 1037, 2173, 2066, 10921,\n",
+ " 1010, 2017, 2064, 2763, 5466, 1037, 2962, 1998, 2718, 1037,\n",
+ " 5214, 2711, 2017, 2215, 2006, 2115, 2136, 1012, 2045, 1005,\n",
+ " 1055, 2116, 2111, 2012, 10921, 1010, 2021, 2045, 1005, 1055,\n",
+ " 2053, 2995, 19840, 2545, 1012, 1016, 1007, 2026, 10921, 7264,\n",
+ " 2031, 2042, 2061, 2590, 2000, 2033, 1010, 2926, 2006, 1037,\n",
+ " 3167, 2504, 1012, 2017, 1005, 2128, 2183, 2000, 2424, 12655,\n",
+ " 2040, 2074, 2215, 2000, 2079, 2470, 1998, 2481, 1005, 1056,\n",
+ " 2729, 2625, 2055, 4252, 2115, 2465, 1010, 2021, 2017, 1005,\n",
+ " 2128, 2036, 2183, 2000, 2424, 2070, 1997, 1996, 2087, 6429,\n",
+ " 10779, 2015, 2017, 2064, 2412, 5674, 1012, 1045, 2288, 2000,\n",
+ " 2113, 2070, 1997, 2026, 12655, 2012, 10921, 1010, 2119, 1999,\n",
+ " 2189, 1998, 6825, 1010, 1998, 1996, 3167, 1998, 2658, 2490,\n",
+ " 2038, 2042, 2242, 2041, 1997, 2023, 2088, 1012, 1045, 2234,\n",
+ " 2013, 102])\n",
+ "From what I gather in your post is that you're looking for specific instances in which students were physically attacked. Something tantamount to hate crime status right? You're looking to put some physical example to describe an overall climate. I recommend that you look the effects micro aggression to get a better understanding of not only why this is a form of the term \"violence\" and how it can have affects on people's lives. For example, there's a study where one group of students of color and women were reminded that historically they under perform in math and the other wasn't told anything. Once each group was given a math exam, the group that was reminded under performed. This is just one example of how different types of microagressions do matter. \n",
+ "\n",
+ "I'll give you three examples at the bottom of the post from personal experience but first - if you read nothing else, I really just ask you to consider coming at this with an open mind. Right now you're calling your classmates \"cry babies\" and \"children.\" These young men and women are in the same place that you are - an elite institutions. I would hardly classify anyone like that a child. Further, because of what I think is your current mind set, then the examples won't mean anything to you and then everyone's back at square one. And frankly, it's the weekend I don't need to have huge discussions on race tonight,(there's Netflix to enjoy haha.)\n",
+ "\n",
+ "I think it's also important to consider how you're defining \"truth.\" In a situation in which we're talking about racial bias, truth does depend on the person and the situation. How one person perceives the situation is different than how someone else does. That's why, for example, intent is often less important that how a message is received. And this reality is really frustrating and easy to blow off. How is it that something that's causing so much turmoil and causing a literal list of demands still be really difficult to put your finger on?\n",
+ " \n",
+ "You've also mentioned that this is by far the most diverse place that you've ever been to. Given that Cornell is primarily white and has small percentage of people of color, perhaps you may consider that your personal experiences might being be affecting your judgement of the situation as well. If you think Cornell is \"diverse\" then (to flip the script on a sentence in your post) you still have a few things to learn about the real world. \n",
+ "\n",
+ "I'll end this response by just saying that there are definitely, definitely people who \"take things too far.\" In the sense that *everything* becomes a race issue, or a class issue, or a sexuality issue. That absolutely happens. But that doesn't take away from the fact that for every person like that, there's are plenty others who don't over exaggerate and has legitimate claim. Further, yea...sometimes people need to just suck it up. I did. I didn't complain about every single micro aggression or become offended when someone asked me when I learned english (I'm born and raised in NYC). But that's not my struggle - I had bigger fish to fry. These kids...this is their struggle. With every generation new needs and demands are formed and that's okay - it's all about understanding everyone's POV.\n",
+ "\n",
+ "Examples: \n",
+ "\n",
+ "1. I constantly had to fight my advisor to let me take more than 15 credits a semester because she assumed that I was a HEOP student (which I wasn't). In fact, at one point she forcibly dropped a course and I had to talk to several people to let me back in. I was never below a 3.3 GPA and was trying to do two minors and a major - I need to make sure that I had all the courses I could - but because all she saw was a person of color she assumed I couldn't do it. This event took up time in my schedule and is just an example of how it was just assumed that I couldn't do something specifically because she thought I was a HEOP student.\n",
+ "\n",
+ "2. One of the clubs that I joined had an auction as a fundraiser where members auctioned off specific skills that they would teach the winning bidder. One black classmate was auctioning an item and another classmate made a really tasteless joke about slavery. The room got really quiet and the subject was quickly changed. This is an example of how this black student was called out as an other, and reminded of slavery - which obviously isn't what you expect when you're just trying to hang and be like everyone else. Another reminder that maybe you just don't belong.\n",
+ "\n",
+ "3. There wasn't a director for Haven (the LGBT center) for ages. It was entirely student run - despite there being a handful of clubs and a really legitimate need for a staff employee to provide a voice and credibility to the group. There were students who essentially were there to keep the doors open for anyone who needed a \"safe space\" (I know this isn't your favorite word, but it's the word that fits). After years of demanding, Cornell finally appointed someone part time. This allowed students to actually become not the directors, but the users of services, this allowed for incredible growth in the clubs and activities, and this allowed for a validation from the students that Cornell actually saw them as a legit organization.\n",
+ "tensor([ 101, 2013, 2054, 1045, 8587, 1999, 2115, 2695, 2003, 2008,\n",
+ " 2017, 1005, 2128, 2559, 2005, 3563, 12107, 1999, 2029, 2493,\n",
+ " 2020, 8186, 4457, 1012, 2242, 9092, 15464, 21723, 2000, 5223,\n",
+ " 4126, 3570, 2157, 1029, 2017, 1005, 2128, 2559, 2000, 2404,\n",
+ " 2070, 3558, 2742, 2000, 6235, 2019, 3452, 4785, 1012, 1045,\n",
+ " 16755, 2008, 2017, 2298, 1996, 3896, 12702, 14974, 2000, 2131,\n",
+ " 1037, 2488, 4824, 1997, 2025, 2069, 2339, 2023, 2003, 1037,\n",
+ " 2433, 1997, 1996, 2744, 1000, 4808, 1000, 1998, 2129, 2009,\n",
+ " 2064, 2031, 13531, 2006, 2111, 1005, 1055, 3268, 1012, 2005,\n",
+ " 2742, 1010, 2045, 1005, 1055, 1037, 2817, 2073, 2028, 2177,\n",
+ " 1997, 2493, 1997, 3609, 1998, 2308, 2020, 6966, 2008, 7145,\n",
+ " 2027, 2104, 4685, 1999, 8785, 1998, 1996, 2060, 2347, 1005,\n",
+ " 1056, 2409, 2505, 1012, 2320, 2169, 2177, 2001, 2445, 1037,\n",
+ " 8785, 11360, 1010, 1996, 2177, 2008, 2001, 6966, 2104, 2864,\n",
+ " 1012, 2023, 2003, 2074, 2028, 2742, 1997, 2129, 2367, 4127,\n",
+ " 1997, 12702, 8490, 8303, 8496, 2079, 3043, 1012, 1045, 1005,\n",
+ " 2222, 2507, 2017, 2093, 4973, 2012, 1996, 3953, 1997, 1996,\n",
+ " 2695, 2013, 3167, 3325, 2021, 2034, 1011, 2065, 2017, 3191,\n",
+ " 2498, 2842, 1010, 1045, 2428, 2074, 3198, 2017, 2000, 5136,\n",
+ " 2746, 2012, 2023, 2007, 2019, 2330, 2568, 1012, 2157, 2085,\n",
+ " 2017, 1005, 2128, 4214, 2115, 19846, 1000, 5390, 10834, 1000,\n",
+ " 1998, 1000, 2336, 1012, 1000, 2122, 2402, 2273, 1998, 2308,\n",
+ " 2024, 1999, 1996, 2168, 2173, 2008, 2017, 2024, 1011, 2019,\n",
+ " 7069, 4896, 1012, 1045, 2052, 6684, 26268, 3087, 2066, 2008,\n",
+ " 1037, 2775, 1012, 2582, 1010, 2138, 1997, 2054, 1045, 2228,\n",
+ " 2003, 2115, 2783, 2568, 2275, 1010, 2059, 1996, 4973, 2180,\n",
+ " 1005, 1056, 2812, 2505, 2000, 2017, 1998, 2059, 3071, 1005,\n",
+ " 1055, 2067, 2012, 2675, 2028, 1012, 1998, 19597, 1010, 2009,\n",
+ " 1005, 1055, 1996, 5353, 1045, 2123, 1005, 1056, 2342, 2000,\n",
+ " 2031, 4121, 10287, 2006, 2679, 3892, 1010, 1006, 2045, 1005,\n",
+ " 1055, 20907, 2000, 5959, 5292, 3270, 1012, 1007, 1045, 2228,\n",
+ " 2009, 1005, 1055, 2036, 2590, 2000, 5136, 2129, 2017, 1005,\n",
+ " 2128, 12854, 1000, 3606, 1012, 1000, 1999, 1037, 3663, 1999,\n",
+ " 2029, 2057, 1005, 2128, 3331, 2055, 5762, 13827, 1010, 3606,\n",
+ " 2515, 12530, 2006, 1996, 2711, 1998, 1996, 3663, 1012, 2129,\n",
+ " 2028, 2711, 23084, 2015, 1996, 3663, 2003, 2367, 2084, 2129,\n",
+ " 2619, 2842, 2515, 1012, 2008, 1005, 1055, 2339, 1010, 2005,\n",
+ " 2742, 1010, 7848, 2003, 2411, 2625, 2590, 2008, 2129, 1037,\n",
+ " 4471, 2003, 2363, 1012, 1998, 2023, 4507, 2003, 2428, 25198,\n",
+ " 1998, 3733, 2000, 6271, 2125, 1012, 2129, 2003, 2009, 2008,\n",
+ " 2242, 2008, 1005, 1055, 4786, 2061, 2172, 17930, 1998, 4786,\n",
+ " 1037, 18204, 2862, 1997, 7670, 2145, 2022, 2428, 3697, 2000,\n",
+ " 2404, 2115, 4344, 2006, 1029, 2017, 1005, 2310, 2036, 3855,\n",
+ " 2008, 2023, 2003, 2011, 2521, 1996, 2087, 7578, 2173, 2008,\n",
+ " 2017, 1005, 2310, 2412, 2042, 2000, 1012, 2445, 2008, 10921,\n",
+ " 2003, 3952, 2317, 1998, 2038, 2235, 7017, 1997, 2111, 1997,\n",
+ " 3609, 1010, 3383, 2017, 2089, 5136, 2008, 2115, 3167, 6322,\n",
+ " 2453, 2108, 2022, 12473, 2115, 16646, 1997, 1996, 3663, 2004,\n",
+ " 2092, 1012, 2065, 2017, 2228, 10921, 2003, 1000, 7578, 1000,\n",
+ " 2059, 1006, 2000, 11238, 1996, 5896, 2006, 1037, 6251, 1999,\n",
+ " 2115, 2695, 1007, 2017, 2145, 2031, 1037, 2261, 2477, 2000,\n",
+ " 4553, 102])\n",
+ "predictions tensor([1, 1, 1, 1, 1, 1, 1, 1])\n",
+ "I'm going to tell you all the stuff I wished an upperclassman would've told me coming in, to calm what was probably very similar panic.\n",
+ "\n",
+ "Let's first note the requirements, found [here](https://www.cs.cornell.edu/undergrad/csmajor). \n",
+ "\n",
+ ">All potential affiliates are reviewed on a case-by-case basis relative to the following criteria:\n",
+ ">\n",
+ "- at least a grade of C (not C-) in all completed CS and math courses\n",
+ "- a GPA of 2.5 or better in CS 2110/2112 and 2800\n",
+ "- a GPA of 2.5 or better in Math 1120/1220/1920, and CS 2800.\n",
+ "\n",
+ "In case you didn't know how the GPA system works here, each letter is an exact point-oh and each sign adjusts by 0.3. So, you need an average grade just between a C+ and B- across the relevant classes, which is above passing by just a smallish bit. \n",
+ "\n",
+ "Now let's talk about those classes. 2110 is Java. (I do not recommend 2112 unless you are for some reason dying to jump in the deep water for an honors class unrelated to the honors degree and that won't get you ahead in the subject.) You are only supposed to take this immediately if you have credit for AP CS, in which case you already know Java so this should only be as hard as following the minimal design ideas and data structure concepts they lecture on with object orientation. Otherwise, you take an intro to programming first, like Python, which should prepare you very well for the kind of assignments expected; you just need to learn the new language and paradigm. \n",
+ "\n",
+ "1920 is multivariable calculus, and is the course you will likely be taking as an engineer. As an engineering math course, it will probably assign problems sets in roughly the same manner as in highschool, and will be more calculation based than proof based. If you can remember formulas and manipulate ugly expressions well, it shouldn't be too painful. I got really bored with it (which might've hurt my grade a little due to lack of attention), but that is engineering math for you: tedious calculational techniques. Just keep doing calculus as you have been for the past two years in highschool. (I like the course the worst of the 3.)\n",
+ "\n",
+ "2800 is discrete math. For many CS majors, it is the first real, proof-based math course they will have ever taken. Many may even have had a misconception that CS was the same as software engineering, rather than a very distinct branch of mathematics. And many will never need to take another proof-based course again (besides algorithms), so they might not even be too wrong. If you have any mathematical intuition and reasoning skills, and can get used to writing clearly for that purpose, you will find that this course is not really too hard, though the material may seem very new compared to any other math you have taken before. That being said, mathematical competence varies wildly. For some, this will actually be a trivial class, and for others, this course will fail them miserably (though I feel more are in the first camp). If, however, you end up in the latter, CS is really probably not a good fit for you, because understanding a modicum of math like this is enormously important in pretty much all later CS courses. The material is piecemeal, but, once learned, is easy and is core to understanding in pretty much any later CS class. And, if you ever do start to struggle a little, there are tons of undergrad TAs who have taken this course and should be able to get you on the right track, so if you actually like CS and keep at it, failure should not happen. (I liked this course the best of the 3.)\n",
+ "\n",
+ "For perspective on the grading, averages in the ~75% range are common, and can even yield As when a few higher scores are mixed in. This is the grading trend you end up seeing: classes curve to somewhere in the B range (which is more than good enough to affiliate). Look at the average (statistics are always provided in CS courses) to estimate where you fall; getting above average consistently might as well be an A. Non-core courses may even curve higher than these, too. \n",
+ "\n",
+ ">Good grades in critical courses may be considered to offset deficiencies in meeting the above criteria.\n",
+ "\n",
+ "Which means that, *even* if you do particularly poorly, you *still* have a chance of coming back. But they do discourage reapplying, and with good reason. This these classes are pretty much the most basic fundamentals, so if you can't even *pass* these classes, you really *should* consider another major for *you*, because you simply will not do well with CS. \n",
+ "\n",
+ "So, with all that aside, I have never heard of anyone being rejected who meets these requirements. (I imagine, even if you meet the requirements, they reserve the right to reject you for whatever reason and probably only use it for egregious academic integrity violations; I've just not seen this happen ever.) I *have* met people who did poorly in one class and could not affiliate with the major, but very few. And they can often successfully fall back on the similar, but less technical majors in the Engineering School, like operations research or info science. (Note: this is not to disparage those majors; there is simply a good transference of the process/design oriented ideas of CS, just without the stricture of perfectly specified and analyzed code that some people find doesn't fit their mindset.)\n",
+ "\n",
+ "In total, if CS is actually an interest that you have looked into, if you understand it takes a little more than just being a code-monkey, if you aren't in it just for the money or flashiness of the tech industry, then you really shouldn't expect the affiliation requirement to be a big or dangerous hurdle. It won't be free, but it should come. Yes, the average grade is lower here, but also don't forget that comes from a variety of factors besides sheer difficulty, and you can expect to do best in your core subjects, since they should interest you the most.\n",
+ "\n",
+ "If you have more questions about CS, or the Engineering School, or Cornell in general, feel free to pm me. (I mean, heck, I'm not a scary reddit stranger, I'm your fellow Cornellian; we might even hang out in person sometime.)\n",
+ "tensor([ 101, 1045, 1005, 1049, 2183, 2000, 2425, 2017, 2035, 1996,\n",
+ " 4933, 1045, 6257, 2019, 3356, 26266, 2386, 2052, 1005, 2310,\n",
+ " 2409, 2033, 2746, 1999, 1010, 2000, 5475, 2054, 2001, 2763,\n",
+ " 2200, 2714, 6634, 1012, 2292, 1005, 1055, 2034, 3602, 1996,\n",
+ " 5918, 1010, 2179, 1031, 2182, 1033, 1006, 16770, 1024, 1013,\n",
+ " 1013, 7479, 1012, 20116, 1012, 10921, 1012, 3968, 2226, 1013,\n",
+ " 2104, 16307, 1013, 20116, 2863, 5558, 2099, 1007, 1012, 1004,\n",
+ " 14181, 1025, 2035, 4022, 18460, 2024, 8182, 2006, 1037, 2553,\n",
+ " 1011, 2011, 1011, 2553, 3978, 5816, 2000, 1996, 2206, 9181,\n",
+ " 1024, 1004, 14181, 1025, 1011, 2012, 2560, 1037, 3694, 1997,\n",
+ " 1039, 1006, 2025, 1039, 1011, 1007, 1999, 2035, 2949, 20116,\n",
+ " 1998, 8785, 5352, 1011, 1037, 14246, 2050, 1997, 1016, 1012,\n",
+ " 1019, 2030, 2488, 1999, 20116, 19235, 2692, 1013, 19235, 2475,\n",
+ " 1998, 13427, 2692, 1011, 1037, 14246, 2050, 1997, 1016, 1012,\n",
+ " 1019, 2030, 2488, 1999, 8785, 11176, 2692, 1013, 13092, 2692,\n",
+ " 1013, 4444, 1010, 1998, 20116, 13427, 2692, 1012, 1999, 2553,\n",
+ " 2017, 2134, 1005, 1056, 2113, 2129, 1996, 14246, 2050, 2291,\n",
+ " 2573, 2182, 1010, 2169, 3661, 2003, 2019, 6635, 2391, 1011,\n",
+ " 2821, 1998, 2169, 3696, 14171, 2015, 2011, 1014, 1012, 1017,\n",
+ " 1012, 2061, 1010, 2017, 2342, 2019, 2779, 3694, 2074, 2090,\n",
+ " 1037, 1039, 1009, 1998, 1038, 1011, 2408, 1996, 7882, 4280,\n",
+ " 1010, 2029, 2003, 2682, 4458, 2011, 2074, 1037, 2235, 4509,\n",
+ " 2978, 1012, 2085, 2292, 1005, 1055, 2831, 2055, 2216, 4280,\n",
+ " 1012, 19235, 2692, 2003, 9262, 1012, 1006, 1045, 2079, 2025,\n",
+ " 16755, 19235, 2475, 4983, 2017, 2024, 2005, 2070, 3114, 5996,\n",
+ " 2000, 5376, 1999, 1996, 2784, 2300, 2005, 2019, 7836, 2465,\n",
+ " 15142, 2000, 1996, 7836, 3014, 1998, 2008, 2180, 1005, 1056,\n",
+ " 2131, 2017, 3805, 1999, 1996, 3395, 1012, 1007, 2017, 2024,\n",
+ " 2069, 4011, 2000, 2202, 2023, 3202, 2065, 2017, 2031, 4923,\n",
+ " 2005, 9706, 20116, 1010, 1999, 2029, 2553, 2017, 2525, 2113,\n",
+ " 9262, 2061, 2023, 2323, 2069, 2022, 2004, 2524, 2004, 2206,\n",
+ " 1996, 10124, 2640, 4784, 1998, 2951, 3252, 8474, 2027, 8835,\n",
+ " 2006, 2007, 4874, 10296, 1012, 4728, 1010, 2017, 2202, 2019,\n",
+ " 17174, 2000, 4730, 2034, 1010, 2066, 18750, 1010, 2029, 2323,\n",
+ " 7374, 2017, 2200, 2092, 2005, 1996, 2785, 1997, 14799, 3517,\n",
+ " 1025, 2017, 2074, 2342, 2000, 4553, 1996, 2047, 2653, 1998,\n",
+ " 20680, 1012, 4444, 2003, 4800, 10755, 19210, 19276, 1010, 1998,\n",
+ " 2003, 1996, 2607, 2017, 2097, 3497, 2022, 2635, 2004, 2019,\n",
+ " 3992, 1012, 2004, 2019, 3330, 8785, 2607, 1010, 2009, 2097,\n",
+ " 2763, 23911, 3471, 4520, 1999, 5560, 1996, 2168, 5450, 2004,\n",
+ " 1999, 26836, 9905, 4747, 1010, 1998, 2097, 2022, 2062, 17208,\n",
+ " 2241, 2084, 6947, 2241, 1012, 2065, 2017, 2064, 3342, 25814,\n",
+ " 1998, 17708, 9200, 11423, 2092, 1010, 2009, 5807, 1005, 1056,\n",
+ " 2022, 2205, 9145, 1012, 1045, 2288, 2428, 11471, 2007, 2009,\n",
+ " 1006, 2029, 2453, 1005, 2310, 3480, 2026, 3694, 1037, 2210,\n",
+ " 2349, 2000, 3768, 1997, 3086, 1007, 1010, 2021, 2008, 2003,\n",
+ " 3330, 8785, 2005, 2017, 1024, 6945, 6313, 17208, 2389, 5461,\n",
+ " 1012, 2074, 2562, 2725, 19276, 2004, 2017, 2031, 2042, 2005,\n",
+ " 1996, 2627, 2048, 2086, 1999, 26836, 9905, 4747, 1012, 1006,\n",
+ " 1045, 2066, 1996, 2607, 1996, 5409, 1997, 1996, 1017, 1012,\n",
+ " 1007, 13427, 2692, 2003, 16246, 8785, 1012, 2005, 2116, 20116,\n",
+ " 15279, 102])\n",
+ "Apologies for the wall of text as well as for typos (I'm on mobile). For context, I'm a rising junior in Engineering, and am not an international student. \n",
+ "\n",
+ "Okay! \n",
+ "\n",
+ "When I was in the process of applying to college in high school, the first thing that I looked for in a university was a great undergraduate engineering program. As such, Cornell was on my list from the beginning. I was sure that I wanted to do engineering, but wasn't sure what exactly in engineering I was interested in (CS, materials science, biomedical engineering, and chemical engineering were my main interests at the time), so I wanted a university that had a lot of options for when I made up my mind. \n",
+ "\n",
+ "In the end, I chose Cornell less for its academic prowess and more for the feeling that I got on my first tour. My dad went to Cornell Engineering for his undergrad, so I had been on campus several times before, but Cornell was the first place where I stepped on campus and felt like I could actually live here for four years. I love the huge campus, and I love the fact that Cornell still feels like a small community in spite of its size. I met and had lunch with students in engineering, and they seemed like people I'd want to spend time with. They didn't fit into the \"engineer\" stereotype, and were able to balance their work with their extracurricular interests. They were also able to take liberal arts classes (I'm into languages and creative writing), which was something that seemed difficult to do at many of the other universities that I attended.\n",
+ "\n",
+ "So far, I have not been disappointed. I'm a sophomore now, and I've throughly enjoyed my experience at Cornell. I'm a member of four or five clubs, I participate in my residence hall community, I've made friends with some really cool and interesting people, and I work in a research lab doing work that could have significant positive impacts on the medical community.\n",
+ "\n",
+ "In terms of the student environment, engineering is extremely collaborative. I've made some of my closest friends through homework and group projects that I needed help on. The College of Engineering places a huge focus on collaboration and teamwork, so everyone is always happy to help if you're confused on something, or work on a problem set with you, or study for an exam. I've walked up to random people in Duffield Hall (the engineering social hub) who were working on homework for a class that I was taking, sat down, and asked them if they want to work on it together, and I've never been turned down.\n",
+ "\n",
+ "Also, I've never been bored. Given that we aren't in a city like NYC, most events/activities occur on campus and are run by student organizations/the university/greek life. At any point in time, there are festivals and athletic events (hockey games are super fun) going on that are open to the public. If you like to go out a lot and party, you can totally do that. Greek life tends to facilitate that, and most of the fraternities are situated very close to campus, so you can go out whenever you want. There are also a few clubs in Collegetown. If you're interested in social outings, there are an infinite number of options for that, especially given that freshmen get a free bus pass. There are fun formal events at the Johnson Museum where everyone gets to dress up, and there's a restaurant/bar near campus that does salsa nights on Wednesdays that I've heard are awesome. We also have things like Slope Day, a giant music festival in the spring.\n",
+ "\n",
+ "I like the blend of technical and non-technical courses that I get to take in engineering as well. We're required to take 18 credits of liberal studies courses to graduate, which amounts to about six classes over five years. Most freshmen don't take liberal studies courses, so you end up taking one every semester from your third semester on. I came in with a lot of AP credit in the humanities, so I don't have to take all 18 credits (I came in with 12 of the 18 credits), but I'm planning on doing a creative writing minor and taking several French courses. Obviously, our curriculum focuses on the engineering courses, but it is also flexible enough to allow you to take classes outside of engineering .\n",
+ "\n",
+ "Speaking more generally, food was an important part of my college search, and Cornell has some of the best food I've had in general. I'd recommend the 14 meals/week plan to start, because you may eat breakfast and dinner on North campus as a freshman, and eat something smaller on central campus for lunch. There are a ton of options for food, so you'll never be bored with it (escpecially if you eat on west campus). Statler has the best food on campus IMO, and they have a student run restaurant that does fun themed dinners every week. The food there is amazing, and pretty cheap ($15-20 for an entree and appetizer/dessert). \n",
+ "\n",
+ "The dorms are generally pretty nice. North campus has a lot more variance in quality, because the dorms have been build over the past few decades, but everyone I know was happy regardless of where they were. I lived in Dickson, the largest dorm on North, and I loved it. It is mostly singles, which was what I wanted, but it's really social. I made some of my closest friends through my hall. Court-Kay-Bauer and Mews are the nicest/newest, and have air conditioning. Donlon is the party dorm. \n",
+ "\n",
+ "\n",
+ "I'm going to stop here, but feel free to ask any questions if you have them. \n",
+ "tensor([ 101, 25380, 2005, 1996, 2813, 1997, 3793, 2004, 2092, 2004,\n",
+ " 2005, 5939, 6873, 2015, 1006, 1045, 1005, 1049, 2006, 4684,\n",
+ " 1007, 1012, 2005, 6123, 1010, 1045, 1005, 1049, 1037, 4803,\n",
+ " 3502, 1999, 3330, 1010, 1998, 2572, 2025, 2019, 2248, 3076,\n",
+ " 1012, 3100, 999, 2043, 1045, 2001, 1999, 1996, 2832, 1997,\n",
+ " 11243, 2000, 2267, 1999, 2152, 2082, 1010, 1996, 2034, 2518,\n",
+ " 2008, 1045, 2246, 2005, 1999, 1037, 2118, 2001, 1037, 2307,\n",
+ " 8324, 3330, 2565, 1012, 2004, 2107, 1010, 10921, 2001, 2006,\n",
+ " 2026, 2862, 2013, 1996, 2927, 1012, 1045, 2001, 2469, 2008,\n",
+ " 1045, 2359, 2000, 2079, 3330, 1010, 2021, 2347, 1005, 1056,\n",
+ " 2469, 2054, 3599, 1999, 3330, 1045, 2001, 4699, 1999, 1006,\n",
+ " 20116, 1010, 4475, 2671, 1010, 20906, 3330, 1010, 1998, 5072,\n",
+ " 3330, 2020, 2026, 2364, 5426, 2012, 1996, 2051, 1007, 1010,\n",
+ " 2061, 1045, 2359, 1037, 2118, 2008, 2018, 1037, 2843, 1997,\n",
+ " 7047, 2005, 2043, 1045, 2081, 2039, 2026, 2568, 1012, 1999,\n",
+ " 1996, 2203, 1010, 1045, 4900, 10921, 2625, 2005, 2049, 3834,\n",
+ " 26120, 1998, 2062, 2005, 1996, 3110, 2008, 1045, 2288, 2006,\n",
+ " 2026, 2034, 2778, 1012, 2026, 3611, 2253, 2000, 10921, 3330,\n",
+ " 2005, 2010, 2104, 16307, 1010, 2061, 1045, 2018, 2042, 2006,\n",
+ " 3721, 2195, 2335, 2077, 1010, 2021, 10921, 2001, 1996, 2034,\n",
+ " 2173, 2073, 1045, 3706, 2006, 3721, 1998, 2371, 2066, 1045,\n",
+ " 2071, 2941, 2444, 2182, 2005, 2176, 2086, 1012, 1045, 2293,\n",
+ " 1996, 4121, 3721, 1010, 1998, 1045, 2293, 1996, 2755, 2008,\n",
+ " 10921, 2145, 5683, 2066, 1037, 2235, 2451, 1999, 8741, 1997,\n",
+ " 2049, 2946, 1012, 1045, 2777, 1998, 2018, 6265, 2007, 2493,\n",
+ " 1999, 3330, 1010, 1998, 2027, 2790, 2066, 2111, 1045, 1005,\n",
+ " 1040, 2215, 2000, 5247, 2051, 2007, 1012, 2027, 2134, 1005,\n",
+ " 1056, 4906, 2046, 1996, 1000, 3992, 1000, 12991, 13874, 1010,\n",
+ " 1998, 2020, 2583, 2000, 5703, 2037, 2147, 2007, 2037, 4469,\n",
+ " 10841, 21231, 5426, 1012, 2027, 2020, 2036, 2583, 2000, 2202,\n",
+ " 4314, 2840, 4280, 1006, 1045, 1005, 1049, 2046, 4155, 1998,\n",
+ " 5541, 3015, 1007, 1010, 2029, 2001, 2242, 2008, 2790, 3697,\n",
+ " 2000, 2079, 2012, 2116, 1997, 1996, 2060, 5534, 2008, 1045,\n",
+ " 3230, 1012, 2061, 2521, 1010, 1045, 2031, 2025, 2042, 9364,\n",
+ " 1012, 1045, 1005, 1049, 1037, 13758, 2085, 1010, 1998, 1045,\n",
+ " 1005, 2310, 2083, 2135, 5632, 2026, 3325, 2012, 10921, 1012,\n",
+ " 1045, 1005, 1049, 1037, 2266, 1997, 2176, 2030, 2274, 4184,\n",
+ " 1010, 1045, 5589, 1999, 2026, 5039, 2534, 2451, 1010, 1045,\n",
+ " 1005, 2310, 2081, 2814, 2007, 2070, 2428, 4658, 1998, 5875,\n",
+ " 2111, 1010, 1998, 1045, 2147, 1999, 1037, 2470, 6845, 2725,\n",
+ " 2147, 2008, 2071, 2031, 3278, 3893, 14670, 2006, 1996, 2966,\n",
+ " 2451, 1012, 1999, 3408, 1997, 1996, 3076, 4044, 1010, 3330,\n",
+ " 2003, 5186, 12317, 1012, 1045, 1005, 2310, 2081, 2070, 1997,\n",
+ " 2026, 7541, 2814, 2083, 19453, 1998, 2177, 3934, 2008, 1045,\n",
+ " 2734, 2393, 2006, 1012, 1996, 2267, 1997, 3330, 3182, 1037,\n",
+ " 4121, 3579, 2006, 5792, 1998, 2136, 6198, 1010, 2061, 3071,\n",
+ " 2003, 2467, 3407, 2000, 2393, 2065, 2017, 1005, 2128, 5457,\n",
+ " 2006, 2242, 1010, 2030, 2147, 2006, 1037, 3291, 2275, 2007,\n",
+ " 2017, 1010, 2030, 2817, 2005, 2019, 11360, 1012, 1045, 1005,\n",
+ " 2310, 2939, 2039, 2000, 6721, 2111, 1999, 21019, 12891, 2534,\n",
+ " 1006, 1996, 3330, 2591, 9594, 1007, 2040, 2020, 2551, 2006,\n",
+ " 19453, 102])\n",
+ "Word of advice, a high overall GPA isn't the only number they look at. Med school admissions will take into account your BCPM (bio, chem, physics, math) GPA as well as your non-science GPA. On average, matriculates tend to have a higher non-science GPA because they know they can inflate their overall GPA, but also know that the difference between the average applicant and matriculant's BCPM GPA is much higher than the non-science GPA, indicating that med school admissions teams know that the inflated overall GPA isn't the best indicator of preparation, and really look out for those types of students. \n",
+ "\n",
+ "While you can definitely be in a frat and party while being premed, that's nowhere near a good excuse for trying to be in an easier major. It's not like you're the first one with this idea to try and win a numbers game. If it comes down to say an English major and a BioE major with the same, high overall GPA, the BioE major will probably have more related coursework, have shown a much deeper interest in biology/medicine, and have demonstrated that they can handle a science heavy courseload and will probably be a stronger candidate. Speaking of this, med schools also like to see that you're challenging yourself and like to see medically related courses outside of the typical premed requirements. It's helpful if you can bring more talking points to an interview and impress them if you know about things outside of simply orgo like how to actually apply fundamental knowledge to healthcare. \n",
+ "\n",
+ "Also take into consideration that easy majors are very subjective. Do you enjoy writing research papers? doing case competitions? memorizing hundreds of facts? working on problem sets? writing proofs? writing code? networking? being an a lab? I would say, go for a major that you are genuinely interested in. This will help loads when it comes down to prelims and finals when you start to lose motivation. If you are invested in the material because you like it, you will generally also do better in the classes. If you find the \"easiest\" major, you will be inclined to do the bare minimum for an A (if that) with little educational value (something your Cornell tuition is supposed to be getting you). \n",
+ "\n",
+ "One very annoying thing about premeds, is their attitude of complaining about their coursework in an excessive way. While there are definitely easier classes than say biochem, there is a reason med schools want you to learn about the fundamentals of math and physics. It's frustrating that people see these as hurdles preventing them from getting into med school, when it's to make sure that students have the right foundation. If you are really treating your undergrad experience as a way to get into med school, you'll find yourself very disappointed when you don't get into your top choice. If you treat it as a learning experience to help prepare you for a job in the medical field, be it as a doctor or not, you will find yourself in a much better headspace. \n",
+ "\n",
+ "If you really want to be a doctor, you'll put in the necessary work to be a doctor. Whether it be through an \"easy\" major or not, that's up to you. But also keep in mind, that assuming you're a freshman, prelim season has just started, and you're still not taking the most difficult courses, you have no idea how your grades will hold up over the next several semesters. A 3.85+ may look good, but it's likely you won't be able to keep it that high if you don't work your ass off when you need to. What people don't seem to understand is that there are \"easy A\" classes, but that's in comparison to a course with a median of a B. There's an not insignificant number of people who don't put in the work and don't get A's. Take ILRies for example. They often get the short end of the stick when it comes to easy majors, but the truth is, they just have different work. Sure they're not forced to spend hours stuck in a basement lab or do problem sets extend miles beyond lecture or even take a real science class despite ending in a BS, but they do a hell of a lot more reading and writing than I could mentally handle. And at the end of the day, a lot of them still won't end up with an A. Prelaw ILR students are definitely there, definitely need a very high GPA to get into law school, and definitely have to work their asses off to make sure they maintain a high GPA despite being in an \"easy\" major, but what helps is that the coursework they're doing is relevant to the end goal they want to achieve, and that's how you should approach being premed. If you want to be a doctor, take courses that will help you be a better doctor in the future, not what you think will necessarily get you into the best med school out there. You're in college to prepare you for your future. Cornell doesn't have a sticker price of $60K+ a year for its students to party whenever they want. \n",
+ "\n",
+ "If you want to be a doctor from a purely financial standpoint, you won't enjoy your undergrad, you med school, your residency, your job, your life as much as if you want to practice medicines for a better reason. Money and the name of a higher tier medical school aren't everything. Premed requirements are there partly to help weed out these people. Also, assuming you can get into one of the best medical schools with just a high overall GPA is super presumptuous to begin with and is not really the goal of those people who just really want to be doctors not for the money. While it's good to set goals for yourself, it's not great to make them expectations. \n",
+ "\n",
+ "All this being said, it's very possible to have a social life while being a premed in a STEM major at Cornell (there are always some Cornell engineers in some of the arguably hardest majors who have demonstrated skill and desire who get into med school every year), but you really just need passion and the right drive to make it happen. \n",
+ "tensor([ 101, 2773, 1997, 6040, 1010, 1037, 2152, 3452, 14246, 2050,\n",
+ " 3475, 1005, 1056, 1996, 2069, 2193, 2027, 2298, 2012, 1012,\n",
+ " 19960, 2082, 20247, 2097, 2202, 2046, 4070, 2115, 4647, 9737,\n",
+ " 1006, 16012, 1010, 18178, 2213, 1010, 5584, 1010, 8785, 1007,\n",
+ " 14246, 2050, 2004, 2092, 2004, 2115, 2512, 1011, 2671, 14246,\n",
+ " 2050, 1012, 2006, 2779, 1010, 13523, 7277, 18969, 7166, 2000,\n",
+ " 2031, 1037, 3020, 2512, 1011, 2671, 14246, 2050, 2138, 2027,\n",
+ " 2113, 2027, 2064, 1999, 10258, 3686, 2037, 3452, 14246, 2050,\n",
+ " 1010, 2021, 2036, 2113, 2008, 1996, 4489, 2090, 1996, 2779,\n",
+ " 23761, 1998, 13523, 7277, 7068, 3372, 1005, 1055, 4647, 9737,\n",
+ " 14246, 2050, 2003, 2172, 3020, 2084, 1996, 2512, 1011, 2671,\n",
+ " 14246, 2050, 1010, 8131, 2008, 19960, 2082, 20247, 2780, 2113,\n",
+ " 2008, 1996, 29561, 3452, 14246, 2050, 3475, 1005, 1056, 1996,\n",
+ " 2190, 17245, 1997, 7547, 1010, 1998, 2428, 2298, 2041, 2005,\n",
+ " 2216, 4127, 1997, 2493, 1012, 2096, 2017, 2064, 5791, 2022,\n",
+ " 1999, 1037, 25312, 2102, 1998, 2283, 2096, 2108, 26563, 2098,\n",
+ " 1010, 2008, 1005, 1055, 7880, 2379, 1037, 2204, 8016, 2005,\n",
+ " 2667, 2000, 2022, 1999, 2019, 6082, 2350, 1012, 2009, 1005,\n",
+ " 1055, 2025, 2066, 2017, 1005, 2128, 1996, 2034, 2028, 2007,\n",
+ " 2023, 2801, 2000, 3046, 1998, 2663, 1037, 3616, 2208, 1012,\n",
+ " 2065, 2009, 3310, 2091, 2000, 2360, 2019, 2394, 2350, 1998,\n",
+ " 1037, 16012, 2063, 2350, 2007, 1996, 2168, 1010, 2152, 3452,\n",
+ " 14246, 2050, 1010, 1996, 16012, 2063, 2350, 2097, 2763, 2031,\n",
+ " 2062, 3141, 2607, 6198, 1010, 2031, 3491, 1037, 2172, 6748,\n",
+ " 3037, 1999, 7366, 1013, 4200, 1010, 1998, 2031, 7645, 2008,\n",
+ " 2027, 2064, 5047, 1037, 2671, 3082, 2607, 11066, 1998, 2097,\n",
+ " 2763, 2022, 1037, 6428, 4018, 1012, 4092, 1997, 2023, 1010,\n",
+ " 19960, 2816, 2036, 2066, 2000, 2156, 2008, 2017, 1005, 2128,\n",
+ " 10368, 4426, 1998, 2066, 2000, 2156, 2966, 2135, 3141, 5352,\n",
+ " 2648, 1997, 1996, 5171, 26563, 2098, 5918, 1012, 2009, 1005,\n",
+ " 1055, 14044, 2065, 2017, 2064, 3288, 2062, 3331, 2685, 2000,\n",
+ " 2019, 4357, 1998, 17894, 2068, 2065, 2017, 2113, 2055, 2477,\n",
+ " 2648, 1997, 3432, 8917, 2080, 2066, 2129, 2000, 2941, 6611,\n",
+ " 8050, 3716, 2000, 9871, 1012, 2036, 2202, 2046, 9584, 2008,\n",
+ " 3733, 15279, 2024, 2200, 20714, 1012, 2079, 2017, 5959, 3015,\n",
+ " 2470, 4981, 1029, 2725, 2553, 6479, 1029, 24443, 21885, 2075,\n",
+ " 5606, 1997, 8866, 1029, 2551, 2006, 3291, 4520, 1029, 3015,\n",
+ " 6947, 2015, 1029, 3015, 3642, 1029, 14048, 1029, 2108, 2019,\n",
+ " 1037, 6845, 1029, 1045, 2052, 2360, 1010, 2175, 2005, 1037,\n",
+ " 2350, 2008, 2017, 2024, 15958, 4699, 1999, 1012, 2023, 2097,\n",
+ " 2393, 15665, 2043, 2009, 3310, 2091, 2000, 3653, 17960, 2015,\n",
+ " 1998, 4399, 2043, 2017, 2707, 2000, 4558, 14354, 1012, 2065,\n",
+ " 2017, 2024, 11241, 1999, 1996, 3430, 2138, 2017, 2066, 2009,\n",
+ " 1010, 2017, 2097, 3227, 2036, 2079, 2488, 1999, 1996, 4280,\n",
+ " 1012, 2065, 2017, 2424, 1996, 1000, 25551, 1000, 2350, 1010,\n",
+ " 2017, 2097, 2022, 13050, 2000, 2079, 1996, 6436, 6263, 2005,\n",
+ " 2019, 1037, 1006, 2065, 2008, 1007, 2007, 2210, 4547, 3643,\n",
+ " 1006, 2242, 2115, 10921, 15413, 2003, 4011, 2000, 2022, 2893,\n",
+ " 2017, 1007, 1012, 2028, 2200, 15703, 2518, 2055, 26563, 2098,\n",
+ " 2015, 1010, 2003, 2037, 7729, 1997, 17949, 2055, 2037, 2607,\n",
+ " 6198, 1999, 2019, 11664, 2126, 1012, 2096, 2045, 2024, 5791,\n",
+ " 6082, 102])\n",
+ "Just copy-pasting the FAQs on the Union website here:\n",
+ "\n",
+ "**What does it mean to be a member of CGSU?**\n",
+ "\n",
+ "A CGSU member is someone who wants to build power for graduate workers at Cornell, and has signed a CGSU Membership Card (in-person or online). Members of the union get updates about the union organizing drive and invitations to membership meetings, as well as information on how to get more involved. When CGSU makes a big strategic decision, elects members of our Steering Committee, or votes on a collective bargaining agreement, only members can vote on that. Being a member of CGSU is about showing your support for your colleagues, and having a say in your union.\n",
+ "\n",
+ "**What could a union, and a union contract, do for me as a graduate student?**\n",
+ "\n",
+ "A union, and the ability to negotiate a contract, means having tangible control over your own working conditions. Right now, graduate students have no meaningful control over University policies. The University can change stipend rates, healthcare benefits, and hour expectations without consulting graduate students. With a union, graduate students could negotiate over the substance of many University policies, and secure them through having a contract. This contract would be legally enforceable.\n",
+ "\n",
+ "A union is also a resource center for graduate students. Right now, there is very little done by the University to ensure that graduate students understand their rights as workers. This means that many graduate students don’t know what policies guide their working lives, from sick days and vacation days to programs like the childcare grant. Unions work to ensure that every worker knows what rights they have, and how to make sure that the contract is followed and their rights are protected, because a union is only as strong as its membership. If a graduate student feels like the University has treated them unfairly, the union will help (and is currently helping) grads to explore their options and navigate these processes.\n",
+ "\n",
+ "**What will a union prevent me from doing?**\n",
+ "\n",
+ "This is a question you might hear from the administration to make you think that you will have limited autonomy within a union. But a union contract is bargained by graduate students, with the administration. CGSU will never put limits on graduate students’ rights and conditions, because it works for grads. CGSU will make an effort to limit the University’s ability to change policies without grad students’ input and consent.\n",
+ "\n",
+ "**What is a “bargaining unit”, and am I in it?**\n",
+ "\n",
+ "The bargaining unit is the group of graduate students covered directly within the scope of contract negotiations. The bargaining unit was decided in an agreement between the University and CGSU in May, 2016, and includes all Teaching Assistant, Research Assistant, and Graduate Assistant positions under University Policy 1.3. This does not include hourly workers, nor does it include students on Fellowships (although we fought the University hard on both of these issues).\n",
+ "\n",
+ "Every graduate student in the bargaining unit will be able to vote in the upcoming recognition election, and will be covered under any contract that is negotiated between CGSU and the University. We know that graduate students will move in and out of the bargaining unit during their time at Cornell. However, regardless of your job title, if you have signed a union card, you are considered a member of the union, and can participate as much as you see fit.\n",
+ "\n",
+ "**What’s this election I’ve been hearing about?**\n",
+ "\n",
+ "Before a union can negotiate with administration and bargain a contract, it needs to be “recognized”. Cornell could have recognized CGSU on its own, but did not, instead calling for a “recognition election”. This is where graduate students in the bargaining unit get to vote YES or NO to being represented by CGSU as a union. If a majority vote YES, then the University has agreed to recognize CGSU as the union representing Cornell grads and begin bargaining a contract with us.\n",
+ "\n",
+ "**I’m an international student. Can I join CGSU? Are there any problems I will face because I am on a visa?**\n",
+ "\n",
+ "As an international student you are afforded all of the protections American citizens have when it comes to organizing and unionizing. Your visa will not be jeopardized by being a CGSU member. As a union member, you’ll also be part of an organization that will stand with you if you face any issues at the University.\n",
+ "\n",
+ "**Why did the union subpoena my information?**\n",
+ "\n",
+ "We have an agreement with the administration that’s designed to ensure a smooth process over the coming months, and as part of that agreement, the administration agreed to release contact info so that we can reach out and talk to everyone who might be affected. The administration asked for the subpoena before they would release that information.\n",
+ "\n",
+ "To make this a truly democratic process, we need to be sure we give every one of our fellow co-workers the opportunity to inform this process and tell us how they would like to improve working conditions at Cornell. The University already has the ability to contact all grad students to dissuade us from unionizing, we have the legal right to be afforded the same opportunity.\n",
+ "\n",
+ "**What are union dues?**\n",
+ "\n",
+ "Union dues are money paid by members of the union for the purpose of maintaining a strong union. Collecting dues is one more way to ensure that graduate workers can have a strong union that can win a good contract and defend the rights of grad students. That’s what dues money is used for–winning and maintaining a good contract, and continuing to organize a strong union of grads that will have real power at Cornell and beyond.\n",
+ "\n",
+ "The campaign for recognition at Cornell is funded by the dues of union members in New York and across the country. Once we win our contract and have a union local, dues will sustain our union’s activities and service our contract!\n",
+ "\n",
+ "**So, how much do union dues cost?**\n",
+ "\n",
+ "Right now, there are no dues, and no cost. Once we win recognition from the University, and negotiate a contract, CGSU members will decide how much dues will be. That’s a decision we make, democratically, as members, and that as a member, you could make too. Union dues do not usually exceed 2% of total compensation.\n",
+ "\n",
+ "**Do you have any specific numbers on dues?**\n",
+ "\n",
+ "Yes! Again, right now, there are no dues. However, below is a table detailing the current NYSUT/AFT dues for 2016-17, that more than 600,000 AFT/NYSUT members pay.\n",
+ "\n",
+ "nysut-aft-dues-schedule\n",
+ "\n",
+ "**But I don’t want to pay any extra money!**\n",
+ "\n",
+ "We don’t want you to, either. A contract would never be bargained, much less approved by members, that didn’t ensure that we get more in compensation than go to dues. It would defeat a big part of what unions seek to do: to improve the material circumstances of its members.\n",
+ "\n",
+ "**I’m worried that my stipend will be cut to pay for others’ raises–will it?**\n",
+ "\n",
+ "Why would you vote to cut your own pay? We have people involved from a wide variety of fields such as Electrical Engineering, Physics, Biomedical Engineering, Anthropology and English. A democratic union like ours reflects the will of its membership, and no one is trying to pit some fields against others. This is about making improvements that benefit everyone and make it possible for us to do our best teaching and research work possible.\n",
+ "\n",
+ "**We already have GPSA (Graduate and Professional Student Assembly), so why would we need a union?**\n",
+ "\n",
+ "GPSA is an important part of Cornell’s shared governance system, and we’re not trying to replace that. But we think that concerns around our working conditions, benefits, and compensation are more appropriately addressed through a union, which has a stronger legal framework to negotiate and hold the administration accountable.\n",
+ "\n",
+ "Additionally, there are many grads that seek support navigating Cornell’s grievance policies. Having a union assures that grads will have the representation they need to navigate this onerous process, while working to improve it and bargain a more just system of due process for grad workers at Cornell.\n",
+ "\n",
+ "**My field is unique and we don’t want a cookie cutter approach.**\n",
+ "\n",
+ "Our goal as union members isn’t to conform every department and field to one exact way of operating. Rather, we want to be able to set baseline standards and expectations–and departmental administrators and faculty can figure out the best ways to meet them! Plus, it’s important to note that some things–like parental leave, dental and vision insurance, grievance policies, and workers’ compensation–simply can’t be resolved at the department level.\n",
+ "\n",
+ "We don’t think a cookie cutter approach would work either. That’s why it’s so important that we talk to everyone and have folks involved from every field. We’re building this union from the ground up, so this is an ideal time to get involved in shaping it.\n",
+ "\n",
+ "**We won’t be able to win anything anyway, right?**\n",
+ "\n",
+ "Through organizing efforts, grads have already won modest increases to the stipend, mandated that Cornell follow worker compensation laws, and improved and lowered health-care costs for grad spouses. This was all won through the modest pressure of student conversations about unionizing, imagine what we can win when Cornell is legally mandated to bargain with us over the conditions of our employment.\n",
+ "tensor([ 101, 2074, 6100, 1011, 2627, 2075, 1996, 6904, 4160, 2015,\n",
+ " 2006, 1996, 2586, 4037, 2182, 1024, 1008, 1008, 2054, 2515,\n",
+ " 2009, 2812, 2000, 2022, 1037, 2266, 1997, 1039, 5620, 2226,\n",
+ " 1029, 1008, 1008, 1037, 1039, 5620, 2226, 2266, 2003, 2619,\n",
+ " 2040, 4122, 2000, 3857, 2373, 2005, 4619, 3667, 2012, 10921,\n",
+ " 1010, 1998, 2038, 2772, 1037, 1039, 5620, 2226, 5779, 4003,\n",
+ " 1006, 1999, 1011, 2711, 2030, 3784, 1007, 1012, 2372, 1997,\n",
+ " 1996, 2586, 2131, 14409, 2055, 1996, 2586, 10863, 3298, 1998,\n",
+ " 29492, 2000, 5779, 6295, 1010, 2004, 2092, 2004, 2592, 2006,\n",
+ " 2129, 2000, 2131, 2062, 2920, 1012, 2043, 1039, 5620, 2226,\n",
+ " 3084, 1037, 2502, 6143, 3247, 1010, 27161, 2372, 1997, 2256,\n",
+ " 9602, 2837, 1010, 2030, 4494, 2006, 1037, 7268, 21990, 3820,\n",
+ " 1010, 2069, 2372, 2064, 3789, 2006, 2008, 1012, 2108, 1037,\n",
+ " 2266, 1997, 1039, 5620, 2226, 2003, 2055, 4760, 2115, 2490,\n",
+ " 2005, 2115, 8628, 1010, 1998, 2383, 1037, 2360, 1999, 2115,\n",
+ " 2586, 1012, 1008, 1008, 2054, 2071, 1037, 2586, 1010, 1998,\n",
+ " 1037, 2586, 3206, 1010, 2079, 2005, 2033, 2004, 1037, 4619,\n",
+ " 3076, 1029, 1008, 1008, 1037, 2586, 1010, 1998, 1996, 3754,\n",
+ " 2000, 13676, 1037, 3206, 1010, 2965, 2383, 24600, 2491, 2058,\n",
+ " 2115, 2219, 2551, 3785, 1012, 2157, 2085, 1010, 4619, 2493,\n",
+ " 2031, 2053, 15902, 2491, 2058, 2118, 6043, 1012, 1996, 2118,\n",
+ " 2064, 2689, 2358, 15457, 4859, 6165, 1010, 9871, 6666, 1010,\n",
+ " 1998, 3178, 10908, 2302, 10552, 4619, 2493, 1012, 2007, 1037,\n",
+ " 2586, 1010, 4619, 2493, 2071, 13676, 2058, 1996, 9415, 1997,\n",
+ " 2116, 2118, 6043, 1010, 1998, 5851, 2068, 2083, 2383, 1037,\n",
+ " 3206, 1012, 2023, 3206, 2052, 2022, 10142, 16306, 3085, 1012,\n",
+ " 1037, 2586, 2003, 2036, 1037, 7692, 2415, 2005, 4619, 2493,\n",
+ " 1012, 2157, 2085, 1010, 2045, 2003, 2200, 2210, 2589, 2011,\n",
+ " 1996, 2118, 2000, 5676, 2008, 4619, 2493, 3305, 2037, 2916,\n",
+ " 2004, 3667, 1012, 2023, 2965, 2008, 2116, 4619, 2493, 2123,\n",
+ " 1521, 1056, 2113, 2054, 6043, 5009, 2037, 2551, 3268, 1010,\n",
+ " 2013, 5305, 2420, 1998, 10885, 2420, 2000, 3454, 2066, 1996,\n",
+ " 2775, 16302, 3946, 1012, 9209, 2147, 2000, 5676, 2008, 2296,\n",
+ " 7309, 4282, 2054, 2916, 2027, 2031, 1010, 1998, 2129, 2000,\n",
+ " 2191, 2469, 2008, 1996, 3206, 2003, 2628, 1998, 2037, 2916,\n",
+ " 2024, 5123, 1010, 2138, 1037, 2586, 2003, 2069, 2004, 2844,\n",
+ " 2004, 2049, 5779, 1012, 2065, 1037, 4619, 3076, 5683, 2066,\n",
+ " 1996, 2118, 2038, 5845, 2068, 15571, 2135, 1010, 1996, 2586,\n",
+ " 2097, 2393, 1006, 1998, 2003, 2747, 5094, 1007, 24665, 19303,\n",
+ " 2000, 8849, 2037, 7047, 1998, 22149, 2122, 6194, 1012, 1008,\n",
+ " 1008, 2054, 2097, 1037, 2586, 4652, 2033, 2013, 2725, 1029,\n",
+ " 1008, 1008, 2023, 2003, 1037, 3160, 2017, 2453, 2963, 2013,\n",
+ " 1996, 3447, 2000, 2191, 2017, 2228, 2008, 2017, 2097, 2031,\n",
+ " 3132, 12645, 2306, 1037, 2586, 1012, 2021, 1037, 2586, 3206,\n",
+ " 2003, 17113, 2098, 2011, 4619, 2493, 1010, 2007, 1996, 3447,\n",
+ " 1012, 1039, 5620, 2226, 2097, 2196, 2404, 6537, 2006, 4619,\n",
+ " 2493, 1521, 2916, 1998, 3785, 1010, 2138, 2009, 2573, 2005,\n",
+ " 24665, 19303, 1012, 1039, 5620, 2226, 2097, 2191, 2019, 3947,\n",
+ " 2000, 5787, 1996, 2118, 1521, 1055, 3754, 2000, 2689, 6043,\n",
+ " 2302, 24665, 4215, 2493, 1521, 7953, 1998, 9619, 1012, 1008,\n",
+ " 1008, 2054, 2003, 1037, 1523, 21990, 3131, 1524, 1010, 1998,\n",
+ " 2572, 102])\n",
+ "This is a long post... I'd call it the short version of important stuff I learned in school. \n",
+ "\n",
+ "tl;dr: Happily employed Cornell Engineering Alumnus with some advice on studying and stuff. Did not have stellar GPA first year, had a great time in school and great job prospects after graduation\n",
+ "---\n",
+ "You didn't get a great GPA your freshman year? **Cracks beer** Join the club! \n",
+ "\n",
+ "As a now pretty \"well-off\" alumnus who had a similar experience freshman year and made it through with a lot of love for Cornell (and great job prospects), and had one helluva time (great time) at school I can confidently give you this advice for coming out on-top. If I could ram 5 things into my freshman head, it would be these things:\n",
+ "\n",
+ "1. First, relax. It'll be alright.\n",
+ "1. Learn to really study* (you really don't know how to right now)\n",
+ "1. You'll learn to work a lot harder, like callous it develops over time\n",
+ "1. Try not to skip classes and get great time management skills\n",
+ "1. Find things outside of class that interest you \n",
+ " \n",
+ "\n",
+ "So, I'll hop into each of these points and hopefully give you some actionable things you can do starting this next semester that'll let you kickass in class and have a great time while you're there. If the advice doesn't apply to you, sorry. Hopefully someone on this subreddit finds it useful.\n",
+ "\n",
+ "-------\n",
+ "**Relax** (tl;dr: You're fine) \n",
+ "\n",
+ " I know other alumni who did far worse than you for several semesters and are now gainfully employed and/or in graduate school. While your GPA is important, it is only a piece of your experience. So no, you aren't at all screwed from one (or even two or three \"bad\" semesters). \n",
+ "\n",
+ "------\n",
+ "**Study** \n",
+ "(tl;dr: you don't actually know how to study, here's how)\n",
+ "\n",
+ "God I wish I could tell my freshman year self this... You don't know how to study right now. In fact, almost every freshman STEM person I knew (and know) don't know how to really study. You were a smart kid and never had to really study probably. Things just came to you. A little review was all you needed to ace classes. Those days are over. To put this in perspective, I'm going to guess you do alright on most assignments and projects. When you attend class, you probably can follow what's going on and understand it. When you look at a problem and \"walk yourself through it\" you get it perfectly. But when exam time comes, you hit road blocks and bomb an exam or two.... why? \n",
+ "\n",
+ "You can imagine there are approximately three different tiers of knowledge for any given subject you'll face. There is (1) Novelty, (2) Familiarity, and (3) Understanding. You barely notice the novel realm because you're smart and quickly get into familiarity where you stay because up to now, that's all you've neeeded. \n",
+ "\n",
+ "Novel subjects/knowledge is stuff you haven't seen before. It's stuff you can barely follow (if follow at all) because it is so new. Imagine explaining to 2nd grade you sex or calculus and you'll get what I mean. \n",
+ "\n",
+ "Familiar subjects are where the vast majority of college students in your position end up. This is the realm of \"I read the book and get it\" / \"I go to lecture and get it\" / \"I do the homework and get it\" / \"I hit a test and blank\". \n",
+ "\n",
+ "\n",
+ "Here's the hard truth though: **being 100% familiar with a subject means nothing about your understanding of that subject**. Read that a few times over. You can go to class, do all of your assignments, and then bomb tests. This is because thousands of people around the world mistakenly assume that because they are familiar on a subject, they understand it. **WRONG**. Tests look at your understanding of a subject and not your familiarity with it. So if you don't get to the understanding level, you're S.O.L. on exams and will waste countless hours \"studying\" and still under achieving. \n",
+ "\n",
+ "Fortunately, getting to the understanding level is relatively easy with one specific change to your habits. When you're studying, **you need to persistently test yourself without any mental aids**. Attempt problems without notes, solution sets, or even the book. If you're prepping for an exam or a quiz or even doing homework, take a swipe at multiple problems without the help of notes, books, or solution sets. This forces you to come face-to-face with the areas where you lack understanding. Almost anyone (especially in Cornell Engineering) can walk themselves through a problem with notes or a book or follow a lecture. Not as many can be given a problem and without notes/book/solutions create a solution. By testing yourself on what you'll be tested on, you'll be able to immediately hone in on areas where you may be familiar with a subject but not understand it and focus studying habits there. Without doing this simple step, you'll spend days of your college life chasing your tail. I promise. This is the hard truth about studying. It doesn't sound fun, but do it and you will be amazed at how much more strongly you perform and how much lower the pressure will feel. \n",
+ "\n",
+ "Seriously: \n",
+ "\n",
+ "* Become Familiar with material like normal\n",
+ "* Test yourself blind (no help during the self examination questions)\n",
+ "* Evaluate your weak points and places where you are familiar but don't understand\n",
+ "* Focus your studying on the areas to get to a level of understanding (i.e. you can answer questions and derive answers without aid)\n",
+ "\n",
+ "\n",
+ "It sounds like more work than simply going to classes and doing work, but after 5 years at CU, I can confidently say that learning that saved me hours/days of stress and studying. This one will work 100% of the time. \n",
+ "\n",
+ "-----------\n",
+ "\n",
+ "**Tough Skin**\n",
+ "\n",
+ "I'd be lying if I told you that Cornell Engineering is easy. However, human minds are incredibly resilient. And between all this advice, you'll get tougher and your work ethic will skyrocket. If you study the right way, relax, manage your time, and find interesting stuff to do, you'll come out winning. :) \n",
+ "\n",
+ "\n",
+ "----------\n",
+ "\n",
+ "**Time Management** \n",
+ "\n",
+ "More trite advice, but basically start using Google Calendar, Smartsheet, Trello, or a goddamn planner and really keep track of what you have to do and when you have to do it. I don't care if you \"keep it all in your head\", it wastes mental energy and space. Three coolest and most useful tricks I learned? \n",
+ "\n",
+ "1. Use google calendar and sync it with your phone and computer to watch for due dates. Takes an hour or two to set-up and will save you days of time. \n",
+ "\n",
+ "1. Before the semester starts, rip through each class syllabus and make a month-to-month calendar of major deliverables (i.e. exams, project submissions, etc). Something about having the paper on your desk guilt trips you into looking at it. One of my social sciences friends shared me with [this document](https://docs.google.com/a/cornell.edu/document/d/1lEWZ3YsInV_-K1dgIN-e0iqt1I21GfPl_RJI07mZy1M/edit?usp=sharing) and it worked really dang well. Basically asterisks denoted some kind of deliverable. You print one off for every week. You fill it out.\n",
+ "\n",
+ "1. Doing your work earlier in the week (as crappy as that sounds) means you can party and hang out with friends guilt free some weekends. \n",
+ "\n",
+ "\n",
+ "------------\n",
+ "\n",
+ "**Do cool shit because you can**\n",
+ "\n",
+ "Cornell is a badass university. It really really is. There is something for everyone. I was heavily involved in Cornell Outdoor Education (teaching rock climbing and what not) and loved it to no end. Find things outside of academics that just interest you or sound fun. I don't care if you go to raves, build a robotic bartender, start a company, or climb rocks - just find non-school stuff that you like and keep doing it. For some reason, it makes you manage your time better and enjoy everything more. \n",
+ "\n",
+ "\n",
+ "On that note, take a class or two way the hell out of your normal interests. I had little to no interest in art, for instance. I decided to take a studio sculpture class. It was one of the most challenging and mind-expanding courses I ever took. \n",
+ "\n",
+ "\n",
+ "-------------\n",
+ "\n",
+ "\n",
+ "Anyway... that's a short (ha) spiel of mine. Take my advice or throw it away. You'll come out believing a lot of it anyway in four or five years anyway ;) \n",
+ "\n",
+ "Also, for anyone who reads this you're welcome to PM me or comment here if you'd like. I'm on reddit every couple days. \n",
+ "\n",
+ "\n",
+ "GO BIG RED\n",
+ "\n",
+ "tensor([ 101, 2023, 2003, 1037, 2146, 2695, 1012, 1012, 1012, 1045,\n",
+ " 1005, 1040, 2655, 2009, 1996, 2460, 2544, 1997, 2590, 4933,\n",
+ " 1045, 4342, 1999, 2082, 1012, 1056, 2140, 1025, 2852, 1024,\n",
+ " 11361, 4846, 10921, 3330, 19678, 2007, 2070, 6040, 2006, 5702,\n",
+ " 1998, 4933, 1012, 2106, 2025, 2031, 17227, 14246, 2050, 2034,\n",
+ " 2095, 1010, 2018, 1037, 2307, 2051, 1999, 2082, 1998, 2307,\n",
+ " 3105, 16746, 2044, 7665, 1011, 1011, 1011, 2017, 2134, 1005,\n",
+ " 1056, 2131, 1037, 2307, 14246, 2050, 2115, 10452, 2095, 1029,\n",
+ " 1008, 1008, 15288, 5404, 1008, 1008, 3693, 1996, 2252, 999,\n",
+ " 2004, 1037, 2085, 3492, 1000, 2092, 1011, 2125, 1000, 19678,\n",
+ " 2040, 2018, 1037, 2714, 3325, 10452, 2095, 1998, 2081, 2009,\n",
+ " 2083, 2007, 1037, 2843, 1997, 2293, 2005, 10921, 1006, 1998,\n",
+ " 2307, 3105, 16746, 1007, 1010, 1998, 2018, 2028, 3109, 2226,\n",
+ " 3567, 2051, 1006, 2307, 2051, 1007, 2012, 2082, 1045, 2064,\n",
+ " 28415, 2507, 2017, 2023, 6040, 2005, 2746, 2041, 2006, 1011,\n",
+ " 2327, 1012, 2065, 1045, 2071, 8223, 1019, 2477, 2046, 2026,\n",
+ " 10452, 2132, 1010, 2009, 2052, 2022, 2122, 2477, 1024, 1015,\n",
+ " 1012, 2034, 1010, 9483, 1012, 2009, 1005, 2222, 2022, 10303,\n",
+ " 1012, 1015, 1012, 4553, 2000, 2428, 2817, 1008, 1006, 2017,\n",
+ " 2428, 2123, 1005, 1056, 2113, 2129, 2000, 2157, 2085, 1007,\n",
+ " 1015, 1012, 2017, 1005, 2222, 4553, 2000, 2147, 1037, 2843,\n",
+ " 6211, 1010, 2066, 2655, 3560, 2009, 11791, 2058, 2051, 1015,\n",
+ " 1012, 3046, 2025, 2000, 13558, 4280, 1998, 2131, 2307, 2051,\n",
+ " 2968, 4813, 1015, 1012, 2424, 2477, 2648, 1997, 2465, 2008,\n",
+ " 3037, 2017, 2061, 1010, 1045, 1005, 2222, 6154, 2046, 2169,\n",
+ " 1997, 2122, 2685, 1998, 11504, 2507, 2017, 2070, 2895, 3085,\n",
+ " 2477, 2017, 2064, 2079, 3225, 2023, 2279, 13609, 2008, 1005,\n",
+ " 2222, 2292, 2017, 5926, 12054, 1999, 2465, 1998, 2031, 1037,\n",
+ " 2307, 2051, 2096, 2017, 1005, 2128, 2045, 1012, 2065, 1996,\n",
+ " 6040, 2987, 1005, 1056, 6611, 2000, 2017, 1010, 3374, 1012,\n",
+ " 11504, 2619, 2006, 2023, 4942, 5596, 23194, 4858, 2009, 6179,\n",
+ " 1012, 1011, 1011, 1011, 1011, 1011, 1011, 1011, 1008, 1008,\n",
+ " 9483, 1008, 1008, 1006, 1056, 2140, 1025, 2852, 1024, 2017,\n",
+ " 1005, 2128, 2986, 1007, 1045, 2113, 2060, 9441, 2040, 2106,\n",
+ " 2521, 4788, 2084, 2017, 2005, 2195, 13609, 2015, 1998, 2024,\n",
+ " 2085, 5114, 7699, 4846, 1998, 1013, 2030, 1999, 4619, 2082,\n",
+ " 1012, 2096, 2115, 14246, 2050, 2003, 2590, 1010, 2009, 2003,\n",
+ " 2069, 1037, 3538, 1997, 2115, 3325, 1012, 2061, 2053, 1010,\n",
+ " 2017, 4995, 1005, 1056, 2012, 2035, 14180, 2013, 2028, 1006,\n",
+ " 2030, 2130, 2048, 2030, 2093, 1000, 2919, 1000, 13609, 2015,\n",
+ " 1007, 1012, 1011, 1011, 1011, 1011, 1011, 1011, 1008, 1008,\n",
+ " 2817, 1008, 1008, 1006, 1056, 2140, 1025, 2852, 1024, 2017,\n",
+ " 2123, 1005, 1056, 2941, 2113, 2129, 2000, 2817, 1010, 2182,\n",
+ " 1005, 1055, 2129, 1007, 2643, 1045, 4299, 1045, 2071, 2425,\n",
+ " 2026, 10452, 2095, 2969, 2023, 1012, 1012, 1012, 2017, 2123,\n",
+ " 1005, 1056, 2113, 2129, 2000, 2817, 2157, 2085, 1012, 1999,\n",
+ " 2755, 1010, 2471, 2296, 10452, 7872, 2711, 1045, 2354, 1006,\n",
+ " 1998, 2113, 1007, 2123, 1005, 1056, 2113, 2129, 2000, 2428,\n",
+ " 2817, 1012, 2017, 2020, 1037, 6047, 4845, 1998, 2196, 2018,\n",
+ " 2000, 2428, 2817, 2763, 1012, 2477, 2074, 2234, 2000, 2017,\n",
+ " 1012, 1037, 2210, 3319, 2001, 2035, 2017, 2734, 2000, 9078,\n",
+ " 4280, 102])\n",
+ "BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL BILL. BILL NYE THE PARTY GUY. \n",
+ "tensor([ 101, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021, 3021,\n",
+ " 3021, 3021, 3021, 3021, 3021, 3021, 3021, 102])\n",
+ "Full text: \n",
+ "\n",
+ ">Dear Members of the Cornell Community,\n",
+ "\n",
+ ">President Donald Trump’s recent executive order imposing a 90-day ban on immigrant and nonimmigrant entry to the United States from seven predominantly Muslim nations is deeply troubling and has serious and chilling implications for a number of our students and scholars. It is fundamentally antithetical to Cornell University’s principles.\n",
+ "\n",
+ ">Ours is a diverse and global university. More than a fifth of our students are from countries outside the U.S. and our students and faculty are involved in programs and partnerships around the world. Over the last few days, we have been in regular contact with our community members who are directly impacted by the executive order, including students on our Ithaca campus; students, postdoctoral fellows, clinical trainees, and faculty at Weill Cornell Medicine in New York City; and students at Weill Cornell Medicine in Qatar. We are offering to each our assistance and unwavering support. Cornell will not compromise its admissions and hiring standards of excellence and will continue to solicit, accept, and process applications from international students from around the world, including from the impacted countries.\n",
+ "\n",
+ ">We share the sentiments of many of our peer institutions who have voiced similarly strong concerns about the discriminatory nature of the executive order and the long-term damage it will have on our nation’s global leadership in research and education. The Association of American Universities (AAU), of which Cornell is a member, issued a statement yesterday, noting that the executive order \"is already causing damage and should end as quickly as possible.\" Cornell stands firmly with that statement, reaffirming our founding principle of \"any person, any study.\"\n",
+ "Our collective voices may already be having an impact. A Trump administration official earlier today appeared to reverse a key part of the executive order, stating that those from the affected countries who hold green cards will not be prevented from returning to the United States, and several federal judges across the country have blocked, at least temporarily, the implementation of some provisions of the executive order. Still, there is tremendous uncertainty around this policy and how it might be implemented.\n",
+ "\n",
+ ">As a community, we acknowledge the psychological toll this executive order has taken, most notably on those from the impacted countries and their family members and friends. Cornell offers a number of resources (listed below) that I encourage all students, faculty and staff to use as needed.\n",
+ "I also want to underscore the ongoing importance of demonstrating respect towards all community members inclusive of background, ethnicity, gender, religion, or political affiliation. There have been troubling reports of bias-related incidents on campus in the past few weeks. We thank members of the community who report incidents through the Harassment, Discrimination and Bias Reporting System. Reporting helps us to address these incidents swiftly.\n",
+ "In closing, I want to underscore these important commitments to the Cornell community, including those I made to you in statements late last year regarding the uncertainty around federal immigration policy:\n",
+ "Cornell will assist you if you are detained or prevented from re-entering the U.S. while traveling. See the specific resources and phone numbers listed below.\n",
+ "\n",
+ ">The university will continue to honor its commitments to all our current and future Deferred Action for Childhood Arrivals (DACA) undergraduate and graduate students. While it is still unclear how the DACA program will be impacted by Trump administration decisions, our commitments to these students remain firm.\n",
+ "The Cornell Law School will provide legal assistance to undocumented Cornell students who may wish to consult with a lawyer about the implications of the federal administration’s policies for their immigration status. These legal advisory services will be free of charge. We are exploring the extent to which law school faculty can offer legal assistance to students and scholars from all Cornell campuses detained while traveling or prevented from entering the country.\n",
+ "\n",
+ ">A dedicated team of law school faculty will also offer legal assistance in the form of representation for DACA students in potential deportation proceedings, should the need arise. There would be costs associated with this special legal representation service for DACA students, and a legal representative fund will be seeking contributions.\n",
+ "\n",
+ ">We will continue to protect the privacy of our student information and records from unauthorized or unlawful intrusion. The long-standing practice of the Cornell University Police Department (CUPD) has been not to seek immigration status information in the course of its law enforcement activities, unless related to criminal violations or threats of violent behavior. While Cornell representatives, including CUPD, will comply with lawfully issued subpoenas and warrants, it is neither the university’s practice nor expectation to function as an agent of the federal government regarding enforcement of federal immigration laws.\n",
+ "\n",
+ ">We have an obligation to assert our principles when policies and administrative decisions are contrary to those principles. Please join me in staying informed, engaged and intent on protecting the principles we hold dear.\n",
+ "\n",
+ ">Yours sincerely,\n",
+ "\n",
+ ">Hunter R. Rawlings III\n",
+ "\n",
+ ">Interim President\n",
+ "tensor([ 101, 2440, 3793, 1024, 1004, 14181, 1025, 6203, 2372, 1997,\n",
+ " 1996, 10921, 2451, 1010, 1004, 14181, 1025, 2343, 6221, 8398,\n",
+ " 1521, 1055, 3522, 3237, 2344, 16625, 1037, 3938, 1011, 2154,\n",
+ " 7221, 2006, 11560, 1998, 2512, 5714, 4328, 18980, 4443, 2000,\n",
+ " 1996, 2142, 2163, 2013, 2698, 9197, 5152, 3741, 2003, 6171,\n",
+ " 19817, 7140, 9709, 1998, 2038, 3809, 1998, 27017, 13494, 2005,\n",
+ " 1037, 2193, 1997, 2256, 2493, 1998, 5784, 1012, 2009, 2003,\n",
+ " 24670, 3424, 10760, 14656, 2000, 10921, 2118, 1521, 1055, 6481,\n",
+ " 1012, 1004, 14181, 1025, 14635, 2003, 1037, 7578, 1998, 3795,\n",
+ " 2118, 1012, 2062, 2084, 1037, 3587, 1997, 2256, 2493, 2024,\n",
+ " 2013, 3032, 2648, 1996, 1057, 1012, 1055, 1012, 1998, 2256,\n",
+ " 2493, 1998, 4513, 2024, 2920, 1999, 3454, 1998, 13797, 2105,\n",
+ " 1996, 2088, 1012, 2058, 1996, 2197, 2261, 2420, 1010, 2057,\n",
+ " 2031, 2042, 1999, 3180, 3967, 2007, 2256, 2451, 2372, 2040,\n",
+ " 2024, 3495, 19209, 2011, 1996, 3237, 2344, 1010, 2164, 2493,\n",
+ " 2006, 2256, 27939, 3721, 1025, 2493, 1010, 29272, 13572, 1010,\n",
+ " 6612, 26758, 2015, 1010, 1998, 4513, 2012, 11417, 3363, 10921,\n",
+ " 4200, 1999, 2047, 2259, 2103, 1025, 1998, 2493, 2012, 11417,\n",
+ " 3363, 10921, 4200, 1999, 12577, 1012, 2057, 2024, 5378, 2000,\n",
+ " 2169, 2256, 5375, 1998, 4895, 16535, 4892, 2490, 1012, 10921,\n",
+ " 2097, 2025, 12014, 2049, 20247, 1998, 14763, 4781, 1997, 8012,\n",
+ " 1998, 2097, 3613, 2000, 14017, 28775, 2102, 1010, 5138, 1010,\n",
+ " 1998, 2832, 5097, 2013, 2248, 2493, 2013, 2105, 1996, 2088,\n",
+ " 1010, 2164, 2013, 1996, 19209, 3032, 1012, 1004, 14181, 1025,\n",
+ " 2057, 3745, 1996, 23541, 1997, 2116, 1997, 2256, 8152, 4896,\n",
+ " 2040, 2031, 6126, 6660, 2844, 5936, 2055, 1996, 5860, 20026,\n",
+ " 28230, 3267, 1997, 1996, 3237, 2344, 1998, 1996, 2146, 1011,\n",
+ " 2744, 4053, 2009, 2097, 2031, 2006, 2256, 3842, 1521, 1055,\n",
+ " 3795, 4105, 1999, 2470, 1998, 2495, 1012, 1996, 2523, 1997,\n",
+ " 2137, 5534, 1006, 9779, 2226, 1007, 1010, 1997, 2029, 10921,\n",
+ " 2003, 1037, 2266, 1010, 3843, 1037, 4861, 7483, 1010, 9073,\n",
+ " 2008, 1996, 3237, 2344, 1000, 2003, 2525, 4786, 4053, 1998,\n",
+ " 2323, 2203, 2004, 2855, 2004, 2825, 1012, 1000, 10921, 4832,\n",
+ " 7933, 2007, 2008, 4861, 1010, 2128, 10354, 27972, 2075, 2256,\n",
+ " 4889, 6958, 1997, 1000, 2151, 2711, 1010, 2151, 2817, 1012,\n",
+ " 1000, 2256, 7268, 5755, 2089, 2525, 2022, 2383, 2019, 4254,\n",
+ " 1012, 1037, 8398, 3447, 2880, 3041, 2651, 2596, 2000, 7901,\n",
+ " 1037, 3145, 2112, 1997, 1996, 3237, 2344, 1010, 5517, 2008,\n",
+ " 2216, 2013, 1996, 5360, 3032, 2040, 2907, 2665, 5329, 2097,\n",
+ " 2025, 2022, 8729, 2013, 4192, 2000, 1996, 2142, 2163, 1010,\n",
+ " 1998, 2195, 2976, 6794, 2408, 1996, 2406, 2031, 8534, 1010,\n",
+ " 2012, 2560, 8184, 1010, 1996, 7375, 1997, 2070, 8910, 1997,\n",
+ " 1996, 3237, 2344, 1012, 2145, 1010, 2045, 2003, 14388, 12503,\n",
+ " 2105, 2023, 3343, 1998, 2129, 2009, 2453, 2022, 7528, 1012,\n",
+ " 1004, 14181, 1025, 2004, 1037, 2451, 1010, 2057, 13399, 1996,\n",
+ " 8317, 9565, 2023, 3237, 2344, 2038, 2579, 1010, 2087, 5546,\n",
+ " 2006, 2216, 2013, 1996, 19209, 3032, 1998, 2037, 2155, 2372,\n",
+ " 1998, 2814, 1012, 10921, 4107, 1037, 2193, 1997, 4219, 1006,\n",
+ " 3205, 2917, 1007, 2008, 1045, 8627, 2035, 2493, 1010, 4513,\n",
+ " 1998, 3095, 2000, 2224, 2004, 2734, 1012, 1045, 2036, 2215,\n",
+ " 2000, 2104, 9363, 2890, 1996, 7552, 5197, 1997, 14313, 4847,\n",
+ " 2875, 102])\n",
+ "Hey, graduating senior here! Here's my take on your questions:\n",
+ "\n",
+ "1) Pretty big. CS 1110 (intro to CS) is like 575 students and CS 2110 (OOP and data structures) is around 675 students this semester. Intermediate classes like CS 3410 (systems) and CS 3110 (functional programming) are more for majors/minors than for everyone, so the class sizes hover around 200 to 330 (depending on the semester). Upper level classes (4000-level) usually have 50 to 90 students in them, so not too many. There are a few exceptions (e.g. Machine Learning, which has 330 students I think. h u g e for an elective class.\n",
+ "\n",
+ "P.S. Course names are usually split around the middle: \"eleven ten\", \"twenty-one ten\", \"thirty-four ten\", \"thirty-one ten\", etc.\n",
+ "\n",
+ "2) Quite easy if you go to office hours regularly, participate on online discussion regularly, ask questions in lecture regularly, etc. Anything to make yourself known! That said, not all professors will be super open/available, so maybe you won't be able to get to know *every* professor that you have.\n",
+ "\n",
+ "3) I think the other contributor (`sampsyo`) is a professor here, and students do research with him! He's pretty cool, and I think exemplifies the idea that it's not too hard to get research opportunities here as an undergrad. If you take some more specialized classes to concentrate in a direction (read: a few 4000+ electives), you'll probably gain enough experience to begin doing research with someone. That said, I've met students that had significant experience from high school and were able to jump into research right away. My point was that even if you had never done CS before Cornell, you could still learn lots in your first two years to begin doing research in your third year and even turn out a publication by the time you're a senior, I imagine.\n",
+ "\n",
+ "4) Lots! There's the Association of Computer Science Undergraduates (ACSU), Women in Computing at Cornell (WICC, not just for women!), various project teams (CDS, CornellCup, CUAIR, CUAUV, etc.), and then just random small things that people do here and there (e.g. some of my friends had some sort of small computational finance thing called Sparkstone, etc.). Feel free to ask me about any of these!\n",
+ "\n",
+ "5) Yes, it's definitely possible. I've TAed a class for every semester I've been here except for the first. It's not *that* competitive but then again there are between 15 to 40 TAs for most CS classes and over 600 majors to choose from. CS employs around 350 TAs per semester to meet course demands, so that's not *too* many TAs, but it's also definitely not a small number. As long as you get a good grade in a class (e.g. an A or A+), you should be able to ask a professor if you can TA/consult for it (consultants are like TAs but just hold office hours, i.e. they may not actually hold discussion sections). Honestly sometimes grades matter a little less than willingness to help and general approachability, though. Nobody wants a perfect-A+ TA who can't explain things or is condescending to people.\n",
+ "\n",
+ "6) Some students do, not sure about most. I found one through personal connections, though that was before the creation of Handshake, which is a decent career services portal we have set up. There are also some internships just for freshmen! Microsoft, Google, and Facebook have some things like that (\"Google Practicum Intern\", \"Facebook U Internships\", etc.). Check those out, because they feed back into the real internships by the time you're a sophomore/junior!\n",
+ "\n",
+ "7) There's no difference in terms of what employers see. The difference to you is not in the degree requirements for CS, either. The only part that's different is the *other* requirements, like liberal studies, college requirements for distribution classes, foreign language requirement, etc. It's not really that different at all.\n",
+ "\n",
+ "8) CS 1110, CS 2110, CS 2800 (discrete math), and MATH 1920 (multi. calc) in Engineering, I believe. You need a 2.5 GPA across those classes and a C+ or higher in each class (might be a C-, idk) to affiliate. You can definitely do it after first semester with that credit. I also affiliated after first semester --- just make sure to take both CS 2800 and CS 2110/2112. Though I've seen from the people on this subreddit now that 2800 is apparently much harder. Back in the day I don't think anybody would have sweated a 2110 + 2800 combo, but who knows, times change. 2017 isn't 2014.\n",
+ "\n",
+ "9) Doable for sure, especially since you're already here. Again, your credit will make it easy. Just get decent grades and I think you have to write some small essay about why you want to do it? Just take Engineering requirement classes instead of the Arts & Sciences (e.g. MATH 1920 instead of MATH 2220, MATH 2940 instead of MATH 2210, etc.). These numbers will become more familiar to you once you get here, I promise!\n",
+ "\n",
+ "10) These days, a LOT! I've heard that the number of CS majors per graduating year is now nearing 400, and only increasing. For reference, that's around 250 engineers and 150ish Arts students, and there are only 750 engineers in total. So a lot.\n",
+ "\n",
+ "11) I think it used to be more popular, but people do internships more often than they do co-ops in CS, I feel. There are always exceptions, but maybe I'm not the best person to ask for this. Almost everyone I know has never done a co-op.\n",
+ "\n",
+ "12) Lots of things! I'm not in a relationship, most of my free time is spent by myself. I play piano, I run outside, I enjoy the nature, I teach, I write (a lot), I play games, and I learn random things (usually not CS-related). Different people do different things for fun.\n",
+ "tensor([ 101, 4931, 1010, 6800, 3026, 2182, 999, 2182, 1005, 1055,\n",
+ " 2026, 2202, 2006, 2115, 3980, 1024, 1015, 1007, 3492, 2502,\n",
+ " 1012, 20116, 11118, 2692, 1006, 17174, 2000, 20116, 1007, 2003,\n",
+ " 2066, 5401, 2629, 2493, 1998, 20116, 19235, 2692, 1006, 1051,\n",
+ " 7361, 1998, 2951, 5090, 1007, 2003, 2105, 6163, 2629, 2493,\n",
+ " 2023, 13609, 1012, 7783, 4280, 2066, 20116, 28358, 2692, 1006,\n",
+ " 3001, 1007, 1998, 20116, 23532, 2692, 1006, 8360, 4730, 1007,\n",
+ " 2024, 2062, 2005, 15279, 1013, 18464, 2084, 2005, 3071, 1010,\n",
+ " 2061, 1996, 2465, 10826, 25215, 2099, 2105, 3263, 2000, 14210,\n",
+ " 1006, 5834, 2006, 1996, 13609, 1007, 1012, 3356, 2504, 4280,\n",
+ " 1006, 20143, 1011, 2504, 1007, 2788, 2031, 2753, 2000, 3938,\n",
+ " 2493, 1999, 2068, 1010, 2061, 2025, 2205, 2116, 1012, 2045,\n",
+ " 2024, 1037, 2261, 11790, 1006, 1041, 1012, 1043, 1012, 3698,\n",
+ " 4083, 1010, 2029, 2038, 14210, 2493, 1045, 2228, 1012, 1044,\n",
+ " 1057, 1043, 1041, 2005, 2019, 11322, 3512, 2465, 1012, 1052,\n",
+ " 1012, 1055, 1012, 2607, 3415, 2024, 2788, 3975, 2105, 1996,\n",
+ " 2690, 1024, 1000, 5408, 2702, 1000, 1010, 1000, 3174, 1011,\n",
+ " 2028, 2702, 1000, 1010, 1000, 4228, 1011, 2176, 2702, 1000,\n",
+ " 1010, 1000, 4228, 1011, 2028, 2702, 1000, 1010, 4385, 1012,\n",
+ " 1016, 1007, 3243, 3733, 2065, 2017, 2175, 2000, 2436, 2847,\n",
+ " 5570, 1010, 5589, 2006, 3784, 6594, 5570, 1010, 3198, 3980,\n",
+ " 1999, 8835, 5570, 1010, 4385, 1012, 2505, 2000, 2191, 4426,\n",
+ " 2124, 999, 2008, 2056, 1010, 2025, 2035, 12655, 2097, 2022,\n",
+ " 3565, 2330, 1013, 2800, 1010, 2061, 2672, 2017, 2180, 1005,\n",
+ " 1056, 2022, 2583, 2000, 2131, 2000, 2113, 1008, 2296, 1008,\n",
+ " 2934, 2008, 2017, 2031, 1012, 1017, 1007, 1045, 2228, 1996,\n",
+ " 2060, 12130, 1006, 1036, 3520, 18075, 2080, 1036, 1007, 2003,\n",
+ " 1037, 2934, 2182, 1010, 1998, 2493, 2079, 2470, 2007, 2032,\n",
+ " 999, 2002, 1005, 1055, 3492, 4658, 1010, 1998, 1045, 2228,\n",
+ " 4654, 6633, 24759, 14144, 1996, 2801, 2008, 2009, 1005, 1055,\n",
+ " 2025, 2205, 2524, 2000, 2131, 2470, 6695, 2182, 2004, 2019,\n",
+ " 2104, 16307, 1012, 2065, 2017, 2202, 2070, 2062, 7772, 4280,\n",
+ " 2000, 10152, 1999, 1037, 3257, 1006, 3191, 1024, 1037, 2261,\n",
+ " 20143, 1009, 11322, 24653, 1007, 1010, 2017, 1005, 2222, 2763,\n",
+ " 5114, 2438, 3325, 2000, 4088, 2725, 2470, 2007, 2619, 1012,\n",
+ " 2008, 2056, 1010, 1045, 1005, 2310, 2777, 2493, 2008, 2018,\n",
+ " 3278, 3325, 2013, 2152, 2082, 1998, 2020, 2583, 2000, 5376,\n",
+ " 2046, 2470, 2157, 2185, 1012, 2026, 2391, 2001, 2008, 2130,\n",
+ " 2065, 2017, 2018, 2196, 2589, 20116, 2077, 10921, 1010, 2017,\n",
+ " 2071, 2145, 4553, 7167, 1999, 2115, 2034, 2048, 2086, 2000,\n",
+ " 4088, 2725, 2470, 1999, 2115, 2353, 2095, 1998, 2130, 2735,\n",
+ " 2041, 1037, 4772, 2011, 1996, 2051, 2017, 1005, 2128, 1037,\n",
+ " 3026, 1010, 1045, 5674, 1012, 1018, 1007, 7167, 999, 2045,\n",
+ " 1005, 1055, 1996, 2523, 1997, 3274, 2671, 8324, 2015, 1006,\n",
+ " 9353, 6342, 1007, 1010, 2308, 1999, 9798, 2012, 10921, 1006,\n",
+ " 15536, 9468, 1010, 2025, 2074, 2005, 2308, 999, 1007, 1010,\n",
+ " 2536, 2622, 2780, 1006, 14340, 1010, 10921, 15569, 1010, 12731,\n",
+ " 11215, 1010, 12731, 4887, 2615, 1010, 4385, 1012, 1007, 1010,\n",
+ " 1998, 2059, 2074, 6721, 2235, 2477, 2008, 2111, 2079, 2182,\n",
+ " 1998, 2045, 1006, 1041, 1012, 1043, 1012, 2070, 1997, 2026,\n",
+ " 2814, 2018, 2070, 4066, 1997, 2235, 15078, 5446, 2518, 2170,\n",
+ " 12300, 102])\n",
+ "predictions tensor([1, 1, 1, 1, 1, 1, 1, 1])\n",
+ "I have to agree with this, but I feel the need to elaborate more on the harsh reality. If you failed gen chem, then you should seriously think about your ability to succeed on this track. Truthfully, gen chem may be one of the hardest classes you'll take in undergrad, but the ability to succeed in it is a good predictor of success later on. Gen chem requires you to be able to look at a problem, frame it in a certain perspective, and quantitatively answer it - not just memorize things. These are skills every doctor should have. If someone can't succeed in gen chem, then I wouldn't want them to be my doctor.\n",
+ "\n",
+ "That said, if you can remedy this over the summer, then give it a shot and do organic in the fall. Sometimes organic clicks for people in a way that gen chem doesn't. If that's you, then don't despair too much. But if you also struggle in organic, then this path may not be for you. It only gets harder.\n",
+ "\n",
+ "Honestly, you should do some soul searching. Ask yourself why you want the MD. An MD has a tough undergraduate curriculum, requires immense work beyond your course work, another 4 years of school, a residency, and will put you in massive debt. Further specialization is going to cost you even more time. You won't start your life until you're almost 30. Are you following this path because the MD is the only way to meet your goals? There are lots of peripheral jobs that require different skill sets and less training that have just as much impact for patients. What are you good at? What occupations use those skills? You are young and at the beginning of your undergraduate education, now is the time to reflect on the past year and figure out how to move forward.\n",
+ "\n",
+ "If you intend to stick to pre-med, then this is the advice I give to all pre-med students.\n",
+ "\n",
+ "1. Don't be a grade monger. Most programs only want to see you meet a certain minimum for your GPA. This ranges from 3.2 to 3.7 generally. They also want to see particular grades for particular classes (the weeding classes mostly). Fretting over points will just make the professors, teaching staff, and fellow students dislike you. It comes across as \"I'm not interested in improving or learning, I want you to give me more credit for what I've already done\". In the end, the extra points don't matter. The points students get for being annoying aren't changing their letter grades, and if they do, you probably could have gotten that letter bump through a more amicable relationship with the professor.\n",
+ "2. Get a hobby, now. Find something that you are passionate about and get to it. It doesn't have to be relevant to being an MD, but most programs are looking for students with interests and personalities, not just boring academics slogging through courses. Committees want to see that you have interests and that you're able to pursue them on top of all the work you've been doing.\n",
+ "3. Get involved with something. Research is probably the best in terms of something to put on your application, but any leadership or long-term volunteer position should work. Successful undergraduate researchers have all the skills committees want in their candidates. However, it might be hard to find a lab if you failed gen chem. The point is to find something 'professional' and commit to it for 2-3 years.\n",
+ "4. Learn the material. Think about the problems. Don't just memorize everything! Make sure you understand the prerequisites for the class (that includes the math required to succeed). A lot of students struggle with 'weeding' classes because they require critical thinking and abstract thought. No offense to the biology classes (I'm a biologist myself), but they rely too much on memorization. Let's look at gen chem, which is basically simple algebra applied to word problems. Most students can answer direct questions like \"Calculate the hydronium ion concentration of a pH 9.00 solution.\" That doesn't require any thought, it's just a formula. Students tend to struggle when that same concept is now obscured in a word problem, or is part of a larger sequence of steps - like you're given several solutions and you need to calculate the pH after mixing them and achieving equilibrium. Students can do each individual step, but they're unable to do so in the context of a 'real' problem. This happens because they're not actually learning the material. Instead, they've learned a mechanical practice that this piece of information is used in that formula to get an answer. It's particularly heart-breaking when they need to perform simple algebra to rearrange an equation to get their answer and they can't do it because \"it wasn't in the practice problems\". Memorization is not enough. You need to actively think.\n",
+ "5. View learning as expanding your model of the world. Frame all problems in the context of your model. This expands on the previous point. Education is cumulative. Particularly the pre-med track. You should have a nice little simulation of the world in your head and as you learn things, you add them to the simulation. Then when you see a problem, you plug it into your simulation and you use that solve the problem. For example, let's look at a 'simple' physics problem. You drop a ball down a frictionless slope onto a flat segment with a known coefficient of friction and a frictionless ramp at the end (something like this - \\\\_____________/). Does the ball go over the ramp? If not, how many times does the ball roll up and down the ramp? In your head, it's simple enough to imagine this situation. Either the ball goes over, or it doesn't and rolls around before coming to rest. Now you need to look at the math behind your simulation, the equations you learned, and figure out which ones to apply here. The first question is, does the ball start higher than the ramp itself? If not, you know the ball will never make it over and you're done. You don't even need math for that. If the ball does start higher, then the question is, does the ball have enough energy to overcome friction and the potential energy of the ramp? That's pretty easy to calculate too just based on how far the ramp is and how tall it is. If it can't make it, then you simply need to calculate how far the ball will roll before it loses all it's energy to friction and how many times it must cross the flat segment to achieve that distance. The key here is that you consider all the possible scenarios and then plug in the values from the problem to figure out which situation is true. As you advance in your field, you'll be able to account for nuances in your simulations of expertise.\n",
+ "\n",
+ "So I would mull that over. Sorry it's long, but that's how it is.\n",
+ "\n",
+ "Last, I was a TA for gen chem a few years ago. If point #4 sounds like you, then I have advice on how to succeed in gen chem should you go back for it.\n",
+ "\n",
+ "1. Get really comfortable with algebra. Be able to work with the alphabet soup and know how to solve for each variable. Substituting in the values and then solving for your variable confounds the algebra and stops you from thinking about how things actually relate to each other. Also, know how to exponentiate and what log(x) means.\n",
+ "2. When looking at a problem, ask yourself what should happen. If you say \"I don't know\" then you don't know the material. If you say \"I know what should happen, but I don't know how to quantitate it\" then that means you know the abstract material and just need to locate the right formula. If you know what formula to apply, but not why, then you don't actually know what you're doing and should revisit the material.\n",
+ "2. Does your answer make sense? Is it physically possible? If not, you're probably wrong. At least leave a comment that you know it's wrong.\n",
+ "3. Do the homework by yourself. Do the pre-labs. It can be grunt work, but you're not gonna learn anything if you don't do it or if you rely on others to do it for you. After you've given it a shot, you can consult with others, but don't work with them from the start. Different professors give different quality homework though... Dr. Hines gives particularly useful homework in that she makes short, challenging problem sets. Textbook questions tend to lame, unoriginal, and minimally productive, except for the last 10 or so in a chapter.\n",
+ "4. If you're still struggling, seek out chemistry word problems and tests. You want the open ended questions like you find on tests. Give them your best shot, then look at the answers. The only way to learn abstract thinking is to apply yourself. It's not something you can learn from reading the text and memorizing simple questions.\n",
+ "5. Use the faculty and TA office hours. If you're struggling, then demonstrate to the professor that, by God, you're giving it your best. Prioritize the professor's office hours. Most of the gen chem TA's have never TA'd before and haven't taken gen chem since they were undergrads. They can help, but they're not as good as the professor. The professors have decades of experience. They can probably teach you better and have final say in your grades. Schmooze them. Do not nitpick them for points though. Also, remember that the TAs assign participation points at the end of the semester, which basically boils down to \"how annoying was this student?\".\n",
+ "6. Be a nice enough and friendly enough person that the teaching staff know your name or at least recognize your face. Most students are wall flowers that you forget about once the course is over - they attend class, but they rarely speak and don't attend any of the extra stuff. The most memorable students are annoying and you never want to talk to or see them again. But our favorite students are the ones that try earnestly and seek out our help when they need it. Those are the ones that we subconsciously bias grades for and give them the extra point here or there because we know what they were getting at. The former we tend to be overly critical of and subconsciously take points from them because we doubt whether they understand the nuances of what they're doing.\n",
+ "tensor([ 101, 1045, 2031, 2000, 5993, 2007, 2023, 1010, 2021, 1045,\n",
+ " 2514, 1996, 2342, 2000, 9603, 2062, 2006, 1996, 8401, 4507,\n",
+ " 1012, 2065, 2017, 3478, 8991, 18178, 2213, 1010, 2059, 2017,\n",
+ " 2323, 5667, 2228, 2055, 2115, 3754, 2000, 9510, 2006, 2023,\n",
+ " 2650, 1012, 3606, 7699, 1010, 8991, 18178, 2213, 2089, 2022,\n",
+ " 2028, 1997, 1996, 18263, 4280, 2017, 1005, 2222, 2202, 1999,\n",
+ " 2104, 16307, 1010, 2021, 1996, 3754, 2000, 9510, 1999, 2009,\n",
+ " 2003, 1037, 2204, 16014, 2953, 1997, 3112, 2101, 2006, 1012,\n",
+ " 8991, 18178, 2213, 5942, 2017, 2000, 2022, 2583, 2000, 2298,\n",
+ " 2012, 1037, 3291, 1010, 4853, 2009, 1999, 1037, 3056, 7339,\n",
+ " 1010, 1998, 20155, 2135, 3437, 2009, 1011, 2025, 2074, 24443,\n",
+ " 25709, 2477, 1012, 2122, 2024, 4813, 2296, 3460, 2323, 2031,\n",
+ " 1012, 2065, 2619, 2064, 1005, 1056, 9510, 1999, 8991, 18178,\n",
+ " 2213, 1010, 2059, 1045, 2876, 1005, 1056, 2215, 2068, 2000,\n",
+ " 2022, 2026, 3460, 1012, 2008, 2056, 1010, 2065, 2017, 2064,\n",
+ " 19519, 2023, 2058, 1996, 2621, 1010, 2059, 2507, 2009, 1037,\n",
+ " 2915, 1998, 2079, 7554, 1999, 1996, 2991, 1012, 2823, 7554,\n",
+ " 29225, 2005, 2111, 1999, 1037, 2126, 2008, 8991, 18178, 2213,\n",
+ " 2987, 1005, 1056, 1012, 2065, 2008, 1005, 1055, 2017, 1010,\n",
+ " 2059, 2123, 1005, 1056, 13905, 2205, 2172, 1012, 2021, 2065,\n",
+ " 2017, 2036, 5998, 1999, 7554, 1010, 2059, 2023, 4130, 2089,\n",
+ " 2025, 2022, 2005, 2017, 1012, 2009, 2069, 4152, 6211, 1012,\n",
+ " 9826, 1010, 2017, 2323, 2079, 2070, 3969, 6575, 1012, 3198,\n",
+ " 4426, 2339, 2017, 2215, 1996, 9108, 1012, 2019, 9108, 2038,\n",
+ " 1037, 7823, 8324, 8882, 1010, 5942, 14269, 2147, 3458, 2115,\n",
+ " 2607, 2147, 1010, 2178, 1018, 2086, 1997, 2082, 1010, 1037,\n",
+ " 14079, 1010, 1998, 2097, 2404, 2017, 1999, 5294, 7016, 1012,\n",
+ " 2582, 28031, 2003, 2183, 2000, 3465, 2017, 2130, 2062, 2051,\n",
+ " 1012, 2017, 2180, 1005, 1056, 2707, 2115, 2166, 2127, 2017,\n",
+ " 1005, 2128, 2471, 2382, 1012, 2024, 2017, 2206, 2023, 4130,\n",
+ " 2138, 1996, 9108, 2003, 1996, 2069, 2126, 2000, 3113, 2115,\n",
+ " 3289, 1029, 2045, 2024, 7167, 1997, 15965, 5841, 2008, 5478,\n",
+ " 2367, 8066, 4520, 1998, 2625, 2731, 2008, 2031, 2074, 2004,\n",
+ " 2172, 4254, 2005, 5022, 1012, 2054, 2024, 2017, 2204, 2012,\n",
+ " 1029, 2054, 23374, 2224, 2216, 4813, 1029, 2017, 2024, 2402,\n",
+ " 1998, 2012, 1996, 2927, 1997, 2115, 8324, 2495, 1010, 2085,\n",
+ " 2003, 1996, 2051, 2000, 8339, 2006, 1996, 2627, 2095, 1998,\n",
+ " 3275, 2041, 2129, 2000, 2693, 2830, 1012, 2065, 2017, 13566,\n",
+ " 2000, 6293, 2000, 3653, 1011, 19960, 1010, 2059, 2023, 2003,\n",
+ " 1996, 6040, 1045, 2507, 2000, 2035, 3653, 1011, 19960, 2493,\n",
+ " 1012, 1015, 1012, 2123, 1005, 1056, 2022, 1037, 3694, 12256,\n",
+ " 4590, 1012, 2087, 3454, 2069, 2215, 2000, 2156, 2017, 3113,\n",
+ " 1037, 3056, 6263, 2005, 2115, 14246, 2050, 1012, 2023, 8483,\n",
+ " 2013, 1017, 1012, 1016, 2000, 1017, 1012, 1021, 3227, 1012,\n",
+ " 2027, 2036, 2215, 2000, 2156, 3327, 7022, 2005, 3327, 4280,\n",
+ " 1006, 1996, 17901, 2075, 4280, 3262, 1007, 1012, 10424, 18319,\n",
+ " 3070, 2058, 2685, 2097, 2074, 2191, 1996, 12655, 1010, 4252,\n",
+ " 3095, 1010, 1998, 3507, 2493, 18959, 2017, 1012, 2009, 3310,\n",
+ " 2408, 2004, 1000, 1045, 1005, 1049, 2025, 4699, 1999, 9229,\n",
+ " 2030, 4083, 1010, 1045, 2215, 2017, 2000, 2507, 2033, 2062,\n",
+ " 4923, 2005, 2054, 1045, 1005, 2310, 2525, 2589, 1000, 1012,\n",
+ " 1999, 102])\n",
+ "1a. I don't count credits beyond noting that it's a normal 3/4 credit class; it's typically otherwise irrelevant, since the time/difficulty of the class only loosely correlates. So, here is the rule of thumb on these \"normal\" 3/4 credit classes: 3 is pretty light, 4 is normal, 5 is heavy, 6 is very heavy, and more is basically unheard of. Most people do 4 or 5 a semester. Since it will be your first semester, I recommend going 4, so you can use that extra time to get acquainted with the campus and find the groups and clubs and friends you want to hang out with. Not only is being social important to your mental health, but it is way easier to meet people 1st semester than any time after. And a lot of clubs are really worth it, to the point that some even count as classes (I'm thinking some Cornell music groups and project teams here). As you already list 5 normal courses and 2 mini courses, you are pretty damn packed, and I would definitely not recommend adding more.\n",
+ "\n",
+ "1b. I notice you mention considering 2112. I recommend 2110, and here is why: People who I knew taking 2112 did not see the light of day, because there is a lot of work. This course is an honors course, sure, but it's not much of a resume booster because 1) it is intro level 2) it doesn't contribute to the honors degree/graduating with honors 3) being harder, it more likely to hurt GPA 4) you will be at Cornell and that is already basically honors. It's not an \"accelerated\" class either, in that you will not be able to skip any classes because of it, or be significantly better off in future classes. Do note that some people still swear by 2112, because it does indeed teach a lot more into the language and gets experience with bigger projects in early, but I personally think they are just trying to justify their decision. I took 2110 and never once regretted it, and I feel like I'm pretty accomplished.\n",
+ "\n",
+ "2a. I want to lay out some groundwork here: for each degree, there are 2 sets of requirements. I say this because I am a CS major and I have no idea where you think gov applies to CS; I too have AP gov credits, but they go to the Engineering degree.\n",
+ "\n",
+ "* The first is the degree requirements. This is set by the college. For CAS, this will include your language and a bunch of liberal distributions. For Engineering, this will include an intro programming language, an intro engineering course, and some basic math. You will need to look at the college sites to get the specifics for each, as they have changed slightly since I enrolled. The [Engineering handbook](https://www.engineering.cornell.edu/academics/undergraduate/curriculum/handbook/) you will be given a hardcopy of when you come is great guide for both this and the second set of requirements; I don't know if CAS has something similar. AP gov credits definitely cover stuff here, and everything should be able to be double-counted between each different degree unless stated otherwise.\n",
+ "\n",
+ "* The second is the major requirements. This is set by the department. You will need to see their site (or the Engineering handbook equivalent) to see their policies. Typically, there is no double counting allowed *within* a major's requirements. For instance, CS needs some number of 4000 level courses and a project course. These both must be satisfied separately. But I'm pretty darn sure you can double count between majors and minors, unless stated otherwise (like when there is too much overlap between them, but this doesn't apply to math/cs).\n",
+ "\n",
+ "2b. Math courses can indeed fulfill technical electives for CS. I'm pretty sure it just needs to be 3000 level or higher. (Recall, though, that they don't double count with the external specialization.) And look [here](http://www.math.cornell.edu/m/Undergraduate/Major/major) about double majors between cs and math; they lay out how they facilitate the double major with double counting.\n",
+ "\n",
+ "3a. You seem pretty sure you can get those transfer credits without being 100% sure. I don't know your specific situation, but I'd think it would be unlikely to get much unless you already definitely know. It also becomes less likely with higher level courses. But then again, I personally didn't go for any transfer credit. Good luck trying. At the very least, call/email and confirm what you will get before making any rash class choices. [Here](http://as.cornell.edu/transferring-credits) is some stuff about CAS credit transfer, and [here](https://www.engineering.cornell.edu/resources/registrar/upload/EN-Transfer-Credit-Form-2015.pdf) is some stuff on transfer from Engineering. Note the credit caps and certain inapplicabilities of the credit usage. In both cases you must have been on the college campus to take the classes and could not have taken them to fulfill highschool requirements. And as for AP, I'm pretty sure there is cap at something like 30 credits. (If I find a source I'll edit it in.) So that means your 12 exams will almost definitely not all get credit.\n",
+ "\n",
+ "3b. Most of the time exchange between the different intro linear algebra courses is allowed. But the 4000 level courses are definitely above the intro courses. You seem to have taken higher-level math so maybe your mathematical maturity is on point for that level, but for most people it is definitely not. Also, recall that whatever course fills in the linear algebra slot can't be reused elsewhere, so you'd be down a course elsewhere in the degree. I knew a senior electrical engineer that needed to take intro e&m because she skipped it, so don't think over-shooting always gets you out of requirements. So I would recommend the intro course, but otherwise call/email Engineering to make sure the 4000 level would count properly. \n",
+ "\n",
+ "4 . Cuz it's a lot of work. I've never taken a language here, but from what I understand, the big Asian languages tend to be hard because a lot of native Asians come to Cornell. \n",
+ "\n",
+ "5 . If you meet the listed requirements, its pretty much a foregone conclusion that you will be accepted. For CS, the listed requirements basically boil down to getting above a C+ average in 3 courses that are curved to the B range, so it shouldn't be difficult.\n",
+ "\n",
+ "Feel free to ask any clarifications or follow ups; I was in your shoes once.\n",
+ "tensor([ 101, 20720, 1012, 1045, 2123, 1005, 1056, 4175, 6495, 3458,\n",
+ " 9073, 2008, 2009, 1005, 1055, 1037, 3671, 1017, 1013, 1018,\n",
+ " 4923, 2465, 1025, 2009, 1005, 1055, 4050, 4728, 22537, 1010,\n",
+ " 2144, 1996, 2051, 1013, 7669, 1997, 1996, 2465, 2069, 11853,\n",
+ " 2522, 14343, 26786, 1012, 2061, 1010, 2182, 2003, 1996, 3627,\n",
+ " 1997, 7639, 2006, 2122, 1000, 3671, 1000, 1017, 1013, 1018,\n",
+ " 4923, 4280, 1024, 1017, 2003, 3492, 2422, 1010, 1018, 2003,\n",
+ " 3671, 1010, 1019, 2003, 3082, 1010, 1020, 2003, 2200, 3082,\n",
+ " 1010, 1998, 2062, 2003, 10468, 4895, 26362, 1997, 1012, 2087,\n",
+ " 2111, 2079, 1018, 2030, 1019, 1037, 13609, 1012, 2144, 2009,\n",
+ " 2097, 2022, 2115, 2034, 13609, 1010, 1045, 16755, 2183, 1018,\n",
+ " 1010, 2061, 2017, 2064, 2224, 2008, 4469, 2051, 2000, 2131,\n",
+ " 19056, 2007, 1996, 3721, 1998, 2424, 1996, 2967, 1998, 4184,\n",
+ " 1998, 2814, 2017, 2215, 2000, 6865, 2041, 2007, 1012, 2025,\n",
+ " 2069, 2003, 2108, 2591, 2590, 2000, 2115, 5177, 2740, 1010,\n",
+ " 2021, 2009, 2003, 2126, 6082, 2000, 3113, 2111, 3083, 13609,\n",
+ " 2084, 2151, 2051, 2044, 1012, 1998, 1037, 2843, 1997, 4184,\n",
+ " 2024, 2428, 4276, 2009, 1010, 2000, 1996, 2391, 2008, 2070,\n",
+ " 2130, 4175, 2004, 4280, 1006, 1045, 1005, 1049, 3241, 2070,\n",
+ " 10921, 2189, 2967, 1998, 2622, 2780, 2182, 1007, 1012, 2004,\n",
+ " 2017, 2525, 2862, 1019, 3671, 5352, 1998, 1016, 7163, 5352,\n",
+ " 1010, 2017, 2024, 3492, 4365, 8966, 1010, 1998, 1045, 2052,\n",
+ " 5791, 2025, 16755, 5815, 2062, 1012, 26314, 1012, 1045, 5060,\n",
+ " 2017, 5254, 6195, 19235, 2475, 1012, 1045, 16755, 19235, 2692,\n",
+ " 1010, 1998, 2182, 2003, 2339, 1024, 2111, 2040, 1045, 2354,\n",
+ " 2635, 19235, 2475, 2106, 2025, 2156, 1996, 2422, 1997, 2154,\n",
+ " 1010, 2138, 2045, 2003, 1037, 2843, 1997, 2147, 1012, 2023,\n",
+ " 2607, 2003, 2019, 7836, 2607, 1010, 2469, 1010, 2021, 2009,\n",
+ " 1005, 1055, 2025, 2172, 1997, 1037, 13746, 23715, 2138, 1015,\n",
+ " 1007, 2009, 2003, 17174, 2504, 1016, 1007, 2009, 2987, 1005,\n",
+ " 1056, 9002, 2000, 1996, 7836, 3014, 1013, 6800, 2007, 7836,\n",
+ " 1017, 1007, 2108, 6211, 1010, 2009, 2062, 3497, 2000, 3480,\n",
+ " 14246, 2050, 1018, 1007, 2017, 2097, 2022, 2012, 10921, 1998,\n",
+ " 2008, 2003, 2525, 10468, 7836, 1012, 2009, 1005, 1055, 2025,\n",
+ " 2019, 1000, 14613, 1000, 2465, 2593, 1010, 1999, 2008, 2017,\n",
+ " 2097, 2025, 2022, 2583, 2000, 13558, 2151, 4280, 2138, 1997,\n",
+ " 2009, 1010, 2030, 2022, 6022, 2488, 2125, 1999, 2925, 4280,\n",
+ " 1012, 2079, 3602, 2008, 2070, 2111, 2145, 8415, 2011, 19235,\n",
+ " 2475, 1010, 2138, 2009, 2515, 5262, 6570, 1037, 2843, 2062,\n",
+ " 2046, 1996, 2653, 1998, 4152, 3325, 2007, 7046, 3934, 1999,\n",
+ " 2220, 1010, 2021, 1045, 7714, 2228, 2027, 2024, 2074, 2667,\n",
+ " 2000, 16114, 2037, 3247, 1012, 1045, 2165, 19235, 2692, 1998,\n",
+ " 2196, 2320, 18991, 2009, 1010, 1998, 1045, 2514, 2066, 1045,\n",
+ " 1005, 1049, 3492, 8885, 1012, 23409, 1012, 1045, 2215, 2000,\n",
+ " 3913, 2041, 2070, 2598, 6198, 2182, 1024, 2005, 2169, 3014,\n",
+ " 1010, 2045, 2024, 1016, 4520, 1997, 5918, 1012, 1045, 2360,\n",
+ " 2023, 2138, 1045, 2572, 1037, 20116, 2350, 1998, 1045, 2031,\n",
+ " 2053, 2801, 2073, 2017, 2228, 18079, 12033, 2000, 20116, 1025,\n",
+ " 1045, 2205, 2031, 9706, 18079, 6495, 1010, 2021, 2027, 2175,\n",
+ " 2000, 1996, 3330, 3014, 1012, 1008, 1996, 2034, 2003, 1996,\n",
+ " 3014, 5918, 1012, 2023, 2003, 2275, 2011, 1996, 2267, 1012,\n",
+ " 2005, 102])\n",
+ "> 1. What are the major differences in terms of the required courses?\n",
+ "\n",
+ "Physics majors only need 2/3 courses completed in the intro sequence before affiliating. You’ll complete all 3 courses eventually, but since you need a major before sophomore year is over, this can be a favtor sometimes\n",
+ "\n",
+ "AEP majors need all 3 intro courses completed *and they need to be honors*. The honors track is significantly harder. Physics majors also take these honors courses (like myself), and its recommended to do so if you plan on going to grad school or pursuing academia. AEP also requires slightly higher grades before affiliating. \n",
+ "\n",
+ "After affiliating:\n",
+ "Physics majors have a shitton more options, and less restrictions. I’ll get into this in the next question. AEP and Physics split after Quantum (the fourth core class). AEP majors are usually forced into relatively similar schedules, but a Physics major will usually have a completely different schedule to another one. \n",
+ "\n",
+ "\n",
+ "> 2. What are the areas you can concentrate in for both the majors? \n",
+ "\n",
+ "With a Physics Major, you need to fulfill a concentration. This means taking 15 credits in a different subject, 11 of which must be 3000+ courses. About half do an internal, Physics concentration, and half do an external. You can quite literally concentrate in anything you want, as long as its in CAS (so basically anything). AEP doesn’t have this level of freedom. \n",
+ "\n",
+ "> 3. Will both give me an equally rigorous understanding of physics? Which is more focussed on mathematics?\n",
+ "\n",
+ "A physics major’s courseload can be just as rigorous as an AEP major’s, since most serious Physics majors will take a heap of AEP classes to supplement their skills (like MathPhys II, or StatMech). So I guess the answer would be... “maybe”? It depends on whether you want it to or not. So I guess the real answer is “if you want”. \n",
+ "\n",
+ "I would say Physics would be more focussed on mathematics. This is a little hard to answer. AEP majors have a couple more math classes they are required to take, which are extremely advanced, but many Physics majors *will* take them anyways if they’re taking honors level classes after quantum. Also, many Physics majors will take a smattering of math classes if they wish, and those concentrating in math will probably have a more math-focussed schedule. \n",
+ "\n",
+ "> 4. How do the additional requirements differ (which vary by college)? Is it advisable to take the engineering requirements if I wish to pursue a career in a technical field? \n",
+ "\n",
+ "AEP majors can pretty much go into any technical field after they graduate. I know plenty in banking, consulting, teaching, research, and CS. Physics majors have slightly less options, and will probably need a class or two in their desired field. However, this is usually the case, since a physics major will have a concentration in a subject they find interesting enough to pursue a career in. Also, physics majors will have a broader range of coursework and options for minors or even a double major (like myself). \n",
+ "\n",
+ "In the end, both majors will provide you with relatively similar chances of landing a job in a technical field. Which one will give you a better chance depends on your courseload and the field/firm you apply to. \n",
+ "\n",
+ "You can find more information on the differences between CoE and CAS, but for a physics/aep major the biggest difference is CAS requires a foreign language, and CoE requires Chem 2090. \n",
+ "\n",
+ "> 5. If I plan on double majoring in Physics and CS, is it better to pursue Engineering Physics with a CS concentration (if that's possible) instead? How much CS knowledge comes with a concentration? \n",
+ "\n",
+ "Fuck me, I wish this had been on the top, I could have saved a lot of time had I known you were interested in CS. \n",
+ "\n",
+ "If you’re planning on double majoring, don’t do AEP and CS at the same time lmao. AEP is way too strict and way too time-consuming. Physics and CS will result in a lot of pain and suffering on its own, trust me. \n",
+ "\n",
+ "Physics concentration requires 15 credits, 11 of which must be 3000+. There is a caveat to this; you can’t use classes that are counting towards another major’s requirements. So you have three options here:\n",
+ "\n",
+ "1: Stick with a concentration\n",
+ "\n",
+ "This is the easiest option. You can count 2110/1110/2800 as your non-3000+ 4 credits, and then take three 3000+ classes. This will probably be 3110, 3410, and some other elective. This gives you a good foundation, and probably plenty of experience to work as an entry-level code monkey. You’ll gain the skills to do research-level programming and general understanding of computers and their internal software. \n",
+ "\n",
+ "2: Pick up a CS minor\n",
+ "\n",
+ "The CS minor requires the following:\n",
+ "- CS2110\n",
+ "- CS3110/3410\n",
+ "- 4 classes 3000+ or CS2800\n",
+ "\n",
+ "This is like 1-2 more classes than the concentration. You’ll gain enough experience to pursue independent learning and might consider going all out and getting the major in your sophomore year or something. If you’re considering getting the minor, you might find a bunch of different courses you suddenly want to take after 3110 when you’re looking at your list of options for the 3000+ level electives just to get a bit more experience in shit like ML or AI. \n",
+ "\n",
+ "3: Major in both because I hate myself\n",
+ "\n",
+ "The difference between this and the minor is substantially greater than the minor and its concentration. The CS major on its own is not too bad, but since none of your concentration classes will be able to count towards your major, you either have to take 4 extra CS classes for a total of 7 CS electives (which is a lot by the way) or you concentrate in something else, and end up taking 4+ more courses in a different subject anyway. \n",
+ "\n",
+ "You’ll need to take all the courses in the minor and two more core classes: CS 4110, and CS4820, as well as 3 technical classes (these can just be physics classes), a stats class, and a practicum (just a project class, ranges from easy as shit to hellish nightmare). Its a doable schedule, but will require some credit scraping so you can avoid bullshit classes with AP and doubling up some of your CAS reqs with classes like Intro to Asian Religion. \n",
+ "\n",
+ "> 6. As the engineering physics degree is relatively unrecognized, does that pose a problem with employers in any way?\n",
+ "\n",
+ "That’s not really true at all. Cornell’s engineering physics program is considered to be one of the hardest on the planet, usually cited as top 3/5, only surpassed by MIT/CalTech. Lots of employers know the meat grinder that is AEP and will simply assume you can take on most challenging environments and subjects. \n",
+ "\n",
+ "> 7. Which is better for grad school (if there's a difference, that is)? After engineering physics is there a barrier to pursuing masters in a pure physics field? \n",
+ "\n",
+ "Plenty of AEP students go into a masters program afterward, but it is more common for Physics majors. It would also be a bit of a waste of time, taking a bunch of classes that would be irrelevant for grad school. However, if you’re asking if doing AEP would hurt your chances of getting into a grad school, it probably wouldn’t make a difference. Your grades will probably be a bit worse than if you had done Physics, which grad schools will look at, but might consider. \n",
+ "\n",
+ "Fucking hell I’m never doing this on mobile again. \n",
+ "tensor([ 101, 1004, 14181, 1025, 1015, 1012, 2054, 2024, 1996, 2350,\n",
+ " 5966, 1999, 3408, 1997, 1996, 3223, 5352, 1029, 5584, 15279,\n",
+ " 2069, 2342, 1016, 1013, 1017, 5352, 2949, 1999, 1996, 17174,\n",
+ " 5537, 2077, 21358, 8873, 6632, 3436, 1012, 2017, 1521, 2222,\n",
+ " 3143, 2035, 1017, 5352, 2776, 1010, 2021, 2144, 2017, 2342,\n",
+ " 1037, 2350, 2077, 13758, 2095, 2003, 2058, 1010, 2023, 2064,\n",
+ " 2022, 1037, 6904, 2615, 4263, 2823, 29347, 2361, 15279, 2342,\n",
+ " 2035, 1017, 17174, 5352, 2949, 1008, 1998, 2027, 2342, 2000,\n",
+ " 2022, 7836, 1008, 1012, 1996, 7836, 2650, 2003, 6022, 6211,\n",
+ " 1012, 5584, 15279, 2036, 2202, 2122, 7836, 5352, 1006, 2066,\n",
+ " 2870, 1007, 1010, 1998, 2049, 6749, 2000, 2079, 2061, 2065,\n",
+ " 2017, 2933, 2006, 2183, 2000, 24665, 4215, 2082, 2030, 11828,\n",
+ " 16926, 1012, 29347, 2361, 2036, 5942, 3621, 3020, 7022, 2077,\n",
+ " 21358, 8873, 6632, 3436, 1012, 2044, 21358, 8873, 6632, 3436,\n",
+ " 1024, 5584, 15279, 2031, 1037, 4485, 2669, 2062, 7047, 1010,\n",
+ " 1998, 2625, 9259, 1012, 1045, 1521, 2222, 2131, 2046, 2023,\n",
+ " 1999, 1996, 2279, 3160, 1012, 29347, 2361, 1998, 5584, 3975,\n",
+ " 2044, 8559, 1006, 1996, 2959, 4563, 2465, 1007, 1012, 29347,\n",
+ " 2361, 15279, 2024, 2788, 3140, 2046, 4659, 2714, 20283, 1010,\n",
+ " 2021, 1037, 5584, 2350, 2097, 2788, 2031, 1037, 3294, 2367,\n",
+ " 6134, 2000, 2178, 2028, 1012, 1004, 14181, 1025, 1016, 1012,\n",
+ " 2054, 2024, 1996, 2752, 2017, 2064, 10152, 1999, 2005, 2119,\n",
+ " 1996, 15279, 1029, 2007, 1037, 5584, 2350, 1010, 2017, 2342,\n",
+ " 2000, 13883, 1037, 6693, 1012, 2023, 2965, 2635, 2321, 6495,\n",
+ " 1999, 1037, 2367, 3395, 1010, 2340, 1997, 2029, 2442, 2022,\n",
+ " 11910, 1009, 5352, 1012, 2055, 2431, 2079, 2019, 4722, 1010,\n",
+ " 5584, 6693, 1010, 1998, 2431, 2079, 2019, 6327, 1012, 2017,\n",
+ " 2064, 3243, 6719, 10152, 1999, 2505, 2017, 2215, 1010, 2004,\n",
+ " 2146, 2004, 2049, 1999, 25222, 1006, 2061, 10468, 2505, 1007,\n",
+ " 1012, 29347, 2361, 2987, 1521, 1056, 2031, 2023, 2504, 1997,\n",
+ " 4071, 1012, 1004, 14181, 1025, 1017, 1012, 2097, 2119, 2507,\n",
+ " 2033, 2019, 8053, 20001, 4824, 1997, 5584, 1029, 2029, 2003,\n",
+ " 2062, 3579, 6924, 2006, 5597, 1029, 1037, 5584, 2350, 1521,\n",
+ " 1055, 2607, 11066, 2064, 2022, 2074, 2004, 20001, 2004, 2019,\n",
+ " 29347, 2361, 2350, 1521, 1055, 1010, 2144, 2087, 3809, 5584,\n",
+ " 15279, 2097, 2202, 1037, 16721, 1997, 29347, 2361, 4280, 2000,\n",
+ " 12448, 2037, 4813, 1006, 2066, 8785, 21281, 2015, 2462, 1010,\n",
+ " 2030, 28093, 4168, 2818, 1007, 1012, 2061, 1045, 3984, 1996,\n",
+ " 3437, 2052, 2022, 1012, 1012, 1012, 1523, 2672, 1524, 1029,\n",
+ " 2009, 9041, 2006, 3251, 2017, 2215, 2009, 2000, 2030, 2025,\n",
+ " 1012, 2061, 1045, 3984, 1996, 2613, 3437, 2003, 1523, 2065,\n",
+ " 2017, 2215, 1524, 1012, 1045, 2052, 2360, 5584, 2052, 2022,\n",
+ " 2062, 3579, 6924, 2006, 5597, 1012, 2023, 2003, 1037, 2210,\n",
+ " 2524, 2000, 3437, 1012, 29347, 2361, 15279, 2031, 1037, 3232,\n",
+ " 2062, 8785, 4280, 2027, 2024, 3223, 2000, 2202, 1010, 2029,\n",
+ " 2024, 5186, 3935, 1010, 2021, 2116, 5584, 15279, 1008, 2097,\n",
+ " 1008, 2202, 2068, 4312, 2015, 2065, 2027, 1521, 2128, 2635,\n",
+ " 7836, 2504, 4280, 2044, 8559, 1012, 2036, 1010, 2116, 5584,\n",
+ " 15279, 2097, 2202, 1037, 15488, 20097, 2075, 1997, 8785, 4280,\n",
+ " 2065, 2027, 4299, 1010, 1998, 2216, 16966, 1999, 8785, 2097,\n",
+ " 2763, 2031, 1037, 2062, 8785, 1011, 3579, 6924, 6134, 1012,\n",
+ " 1004, 102])\n",
+ "I went to Cornell and I'm at Princeton for grad school. I did CS. Having TAed for CS classes at both schools, I'm glad I chose Cornell for undergrad. The classes were just a lot better at Cornell, and there was a lot more variety. For example, there is not even a class on databases at Princeton, and the requirements to graduate are too lax, leading to people who are CS majors with lack of experience in certain classes unless they did outside projects. The same could be said about Cornell's curriculum at times, but at least Cornell _offers_ those classes. The one thing is that Princeton has very reasonably sized classes with only around 100-150 CS majors out of each class of 1250. For example, compilers this semester is 5-8 students. At Cornell, it was 60 students in the past and I hear well over 100 were enrolled this semester? Professors can get to personally know you at Princeton, which is nice (although quite possible at Cornell too, just requires more effort). Very few CS classes at Princeton fill up. Almost all of the CS classes at Cornell fill up instantly with waitlists. But I still had no trouble graduating with the classes I wanted, and most people are the same.\n",
+ "\n",
+ "Medians are about the same, and employment is mostly comparable as well as far as salary goes (see below for a discussion of companies). I wouldn't pick Princeton for the prestige if it's for CS. Honestly, think things through -- just because your degree name has one Ivy League name over another won't actually make a difference in the long run if you're not doing something on Wall Street (I worked at a bank on Wall Street one summer btw -- I could see that there was a palpable difference between HYP and Cornell there, a dichotomy which you wouldn't find at tech companies). Princeton undergrads also seem to work at different companies (Bridgewater, Two Sigma, Goldman, Bloomberg) for CS internships when compared to Cornell (I can't even count how many people I know who worked at Microsoft, Facebook, Amazon, Google). Obviously there are exceptions to both but overall Cornell seemed to give very strong employment prospects via relevant tech internships that I don't see at the same level with Princeton undergrads.\n",
+ "\n",
+ "If you ever change your mind about what kind of engineering you want to do, Cornell has options. Princeton's engineering school outside of CS is meh. It's very theoretical/rigorous, which is great for sending kids off to grad school (many of the undergrad EEs here go off to grad school, for example). ECE at Cornell, for example, is very well structured, very challenging, and has excellent employment opportunities without just forcing you to work as a SWE at a tech company (although some do that). When I came to Cornell, I wasn't sure if I wanted to do CS or ECE, and one of the reasons I chose Cornell over other schools was the diversity of options and the strong/rigorous curriculum no matter what I ended up choosing. Princeton is certainly prestigious, but I get the vibe that that is because of its equivalent of the Arts and Sciences school's majors (and obviously Woody Woo). I don't think that the other engineering majors at Princeton are very practical at all, which is unlike what Cornell offers (a mix of theory and practice). Project teams and practical clubs also abound at Cornell, and getting that same experience or even level of choice at Princeton is nigh impossible. Like I said -- easier to find your niche at Cornell because there is no notion of \"mainstream\" hanging around the air.\n",
+ "\n",
+ "The social culture is a lot more forgiving at Cornell, too, and you can find what you want a lot more easily with a bigger school. Princeton undergrad culture is just super toxic IMO... I've hung around undergrads here and the eating club culture/pressure to not go independent is real. It just feels very cult-like here, with the residential colleges (you live in the same one for all four years), Zee groups, eating clubs, etc. Everything is sort of centered around \"being part of a group\", which IMO limits a lot of individual freedom that college is supposed to be all about.\n",
+ "\n",
+ "On the other hand, I must tout Princeton for having an insane amount of safety nets in place for their undergrads. They really care to make sure undergrads succeed at Princeton, which means that your residential college dean will be involved in your academic life if things go south (mental health issues, a bad class, etc.). People at Cornell wouldn't really care if you got a C in a class, but at Princeton they stop and email the professors to make sure that you're doing OK. That level of individual concern is really only something that a smaller school could do. OTOH I feel like Cornell helped me experience failure without softening the blow for me, which is an improtant experience to have early on. Princeton gives a much cleaner transition from high school, but they hold your hand a lot (and sort of restrict your freedom). They're very old-school/traditional in a lot of ways, and often wouldn't be willing to change something in the name of tradition. Cornell is a lot more free in that way, which is why I preferred it.\n",
+ "\n",
+ "Mental health resources at Princeton are about the same as at Cornell, which surprised me, as Princeton should be able to do a lot better with the money they have. But it's not a priority for them I guess. About money -- Princeton definitely does a better job with financial aid via grants, so if that is a major concern then definitely I would choose the school that gives you better aid (comparing the schools on the finer points above doesn't make sense if one school is a clear victor in terms of financial choice). I mean going to Princeton won't hold you back, so if aid is the reason, then by all means go there. But if they are more or less comparable, then I would consider what I said above.\n",
+ "\n",
+ "Yeah anyway think things through and visit both schools! It's up to you, but because you asked here, I'm obviously going to tell you to pick the better school for what you want to do, which is unquestionably Cornell ;) YMMV.\n",
+ "tensor([ 101, 1045, 2253, 2000, 10921, 1998, 1045, 1005, 1049, 2012,\n",
+ " 9173, 2005, 24665, 4215, 2082, 1012, 1045, 2106, 20116, 1012,\n",
+ " 2383, 22297, 2094, 2005, 20116, 4280, 2012, 2119, 2816, 1010,\n",
+ " 1045, 1005, 1049, 5580, 1045, 4900, 10921, 2005, 2104, 16307,\n",
+ " 1012, 1996, 4280, 2020, 2074, 1037, 2843, 2488, 2012, 10921,\n",
+ " 1010, 1998, 2045, 2001, 1037, 2843, 2062, 3528, 1012, 2005,\n",
+ " 2742, 1010, 2045, 2003, 2025, 2130, 1037, 2465, 2006, 17881,\n",
+ " 2012, 9173, 1010, 1998, 1996, 5918, 2000, 4619, 2024, 2205,\n",
+ " 27327, 1010, 2877, 2000, 2111, 2040, 2024, 20116, 15279, 2007,\n",
+ " 3768, 1997, 3325, 1999, 3056, 4280, 4983, 2027, 2106, 2648,\n",
+ " 3934, 1012, 1996, 2168, 2071, 2022, 2056, 2055, 10921, 1005,\n",
+ " 1055, 8882, 2012, 2335, 1010, 2021, 2012, 2560, 10921, 1035,\n",
+ " 4107, 1035, 2216, 4280, 1012, 1996, 2028, 2518, 2003, 2008,\n",
+ " 9173, 2038, 2200, 16286, 7451, 4280, 2007, 2069, 2105, 2531,\n",
+ " 1011, 5018, 20116, 15279, 2041, 1997, 2169, 2465, 1997, 8732,\n",
+ " 2692, 1012, 2005, 2742, 1010, 21624, 2015, 2023, 13609, 2003,\n",
+ " 1019, 1011, 1022, 2493, 1012, 2012, 10921, 1010, 2009, 2001,\n",
+ " 3438, 2493, 1999, 1996, 2627, 1998, 1045, 2963, 2092, 2058,\n",
+ " 2531, 2020, 8302, 2023, 13609, 1029, 12655, 2064, 2131, 2000,\n",
+ " 7714, 2113, 2017, 2012, 9173, 1010, 2029, 2003, 3835, 1006,\n",
+ " 2348, 3243, 2825, 2012, 10921, 2205, 1010, 2074, 5942, 2062,\n",
+ " 3947, 1007, 1012, 2200, 2261, 20116, 4280, 2012, 9173, 6039,\n",
+ " 2039, 1012, 2471, 2035, 1997, 1996, 20116, 4280, 2012, 10921,\n",
+ " 6039, 2039, 6880, 2007, 3524, 27103, 1012, 2021, 1045, 2145,\n",
+ " 2018, 2053, 4390, 6800, 2007, 1996, 4280, 1045, 2359, 1010,\n",
+ " 1998, 2087, 2111, 2024, 1996, 2168, 1012, 3991, 2015, 2024,\n",
+ " 2055, 1996, 2168, 1010, 1998, 6107, 2003, 3262, 12435, 2004,\n",
+ " 2092, 2004, 2521, 2004, 10300, 3632, 1006, 2156, 2917, 2005,\n",
+ " 1037, 6594, 1997, 3316, 1007, 1012, 1045, 2876, 1005, 1056,\n",
+ " 4060, 9173, 2005, 1996, 14653, 2065, 2009, 1005, 1055, 2005,\n",
+ " 20116, 1012, 9826, 1010, 2228, 2477, 2083, 1011, 1011, 2074,\n",
+ " 2138, 2115, 3014, 2171, 2038, 2028, 7768, 2223, 2171, 2058,\n",
+ " 2178, 2180, 1005, 1056, 2941, 2191, 1037, 4489, 1999, 1996,\n",
+ " 2146, 2448, 2065, 2017, 1005, 2128, 2025, 2725, 2242, 2006,\n",
+ " 2813, 2395, 1006, 1045, 2499, 2012, 1037, 2924, 2006, 2813,\n",
+ " 2395, 2028, 2621, 18411, 2860, 1011, 1011, 1045, 2071, 2156,\n",
+ " 2008, 2045, 2001, 1037, 14412, 4502, 3468, 4489, 2090, 1044,\n",
+ " 22571, 1998, 10921, 2045, 1010, 1037, 4487, 9905, 20389, 2100,\n",
+ " 2029, 2017, 2876, 1005, 1056, 2424, 2012, 6627, 3316, 1007,\n",
+ " 1012, 9173, 2104, 16307, 2015, 2036, 4025, 2000, 2147, 2012,\n",
+ " 2367, 3316, 1006, 2958, 5880, 1010, 2048, 13201, 1010, 17765,\n",
+ " 1010, 22950, 1007, 2005, 20116, 22676, 2015, 2043, 4102, 2000,\n",
+ " 10921, 1006, 1045, 2064, 1005, 1056, 2130, 4175, 2129, 2116,\n",
+ " 2111, 1045, 2113, 2040, 2499, 2012, 7513, 1010, 9130, 1010,\n",
+ " 9733, 1010, 8224, 1007, 1012, 5525, 2045, 2024, 11790, 2000,\n",
+ " 2119, 2021, 3452, 10921, 2790, 2000, 2507, 2200, 2844, 6107,\n",
+ " 16746, 3081, 7882, 6627, 22676, 2015, 2008, 1045, 2123, 1005,\n",
+ " 1056, 2156, 2012, 1996, 2168, 2504, 2007, 9173, 2104, 16307,\n",
+ " 2015, 1012, 2065, 2017, 2412, 2689, 2115, 2568, 2055, 2054,\n",
+ " 2785, 1997, 3330, 2017, 2215, 2000, 2079, 1010, 10921, 2038,\n",
+ " 7047, 1012, 9173, 1005, 1055, 3330, 2082, 2648, 1997, 20116,\n",
+ " 2003, 102])\n",
+ "Congrats on your acceptance! If someone asks me is it worth it to attend Cornell, I will say yes 99% of the time (without any other context to their family's situation). I'll try to answer your questions as a 2016 alum. \n",
+ " \n",
+ " \n",
+ "> How competitive are most students? Are people willing to work together or do most have a win-lose mentality? \n",
+ " \n",
+ " \n",
+ "I don't think I met anyone at Cornell that had a win-lose mentality. My classmates and peers were always happy to collaborate on projects, problem sets, studying, etc. I very frequently lent notes or borrowed notes from students in the instance of missing lectures, for example. I shared notes or borrowed notes from older students who had taken courses that I was currently enrolled in, etc. I would say the collaborative mentality is much more prevalent, largely because Cornell is very difficult. You oftentimes need support to succeed, and people recognize that, so they're willing to support their peers and friends, academically or otherwise. If you try to do Cornell academics alone, you're going to have a bad time. \n",
+ " \n",
+ " \n",
+ "> How bad is grade deflation? I'm not really familiar with grading on curves and it's a little intimidating. \n",
+ " \n",
+ " \n",
+ "Grade deflation itself isn't prevalent, but getting good grades is difficult. I was an econ major who took a lot of physical sciences and math courses (I was confused and undecided for awhile), and I only experienced one course that was \"curved down\" (deflated). The way curved grading at Cornell typically works is quite simple. The professor will take all of the raw scores at the end of the semester and identify the median grade. Say, for example, the median is a 70, but the professor doesn't want 50% of his/her students to receive a C- or lower. Therefore, the prof will decide on a grade that he/she believed should be the cutoff point. In large, freshmen, intro courses (think general chemistry, calculus, physics, etc.), this is usually a B-. I've heard instances of some courses curving to a C+, and that's really rough but generally uncommon. In upper level courses, it's much more common for the median grade to be a B or B+. That means 50% of students will receive a grade above the median, and 50% of students will receive a grade below the median. How far above or below is based on how many standard deviations you were above or below the original, raw median (or mean). I hope that makes sense. That said, (almost) everyone at Cornell is brilliant, so keeping up with the average Cornell student is very difficult. You have to put in a lot of work, but if you do the work and keep up with the material, you should be rewarded. \n",
+ " \n",
+ " \n",
+ "> Cornell is notorious for mental health/stress issues, how prevalent is this? \n",
+ " \n",
+ " \n",
+ "I'd say it's prevalent, but I would suggest it's no more prevalent than any other top-20 school with very high achieving and highly ambitious students. It's a stressful environment. Students are usually accustomed to being in the top 1-5% of their high schools, or even their districts. And then they get to Cornell and realize they are no longer in the top 1-5% of performers. This can weigh on you emotionally. Also, a lot in your life changes when you go from high school to college. You move away, you live in a new place, you have to make new friends, you're not with your family, you have new challenges (social challenges, academic challenges, eventually job/professional challenges). And, being 18-22, you're just susceptible to mental illness and stress. None of these factors are unique to Cornell. You will find these at any college, and especially at any prestigious college. Don't let anyone tell you Cornell is a \"suicide school.\" We unfairly received that reputation after a string of suicides, I believe in 2005-2008, but the Cornell student body experiences suicide at rates similar to institutions of similar size. I will say, one thing that is somewhat unique to Cornell is the weather. The long winters without a lot of sunlight can weigh on you. I moved from South Florida and definitely experienced seasonal affective disorder during my first bad winter in Ithaca. There are ways to handle this though. Counseling, peer support, making healthy decisions, getting outside any time the sun comes out, etc. There are ways to learn to enjoy the winter, and if you're already from a similar climate, you have an advantage. \n",
+ " \n",
+ " \n",
+ "> What would you consider to be the biggest drawback for Cornell? And what's the best thing about Cornell? \n",
+ " \n",
+ " \n",
+ "This is hard to answer. I think most students will say the location (no major nearby cities/airports) and the weather (tied to the location). I personally loved Ithaca and eventually fell in love with the winter. And, the other seasons are *incredibly* beautiful. It really is an amazing environment with so much natural beauty. Going to college in a college town is a great experience for a young person. And most Cornell students graduate and move to a large city, so they'll have their whole lives to experience that. I think my personal biggest drawback of Cornell was the socioeconomic diversity. Cornell is incredibly diverse in just about every way except for socioeconomic diversity (IE: family income), and this is largely a product of the prestigious higher education industry rather than a product of Cornell policy, though Cornell could certainly improve its policies to attract and sustain more income diversity. Basically, Cornell students are overwhelmingly upper middle class/upper class, with 10% of Cornell students coming from the top 1% of earners in the US (roughly 600,000 dollars of annual income, or more). If you don't fall into this group, you can feel a bit left out. That's not to say you won't have friends, or people will treat you differently. Even wealthy people are genuine and down to earth. But, when you're staying on campus for spring break and some of your friends are flying to Spain or South America, the income inequality really does show. Sort of along the same lines, I think Cornell's biggest strength is the diversity, in all aspects. Diversity of coursework/academic departments, diversity of the student body and where they come from/what they do (everyone at Cornell seems to have an interesting/exciting talent or perspective on life), diversity of buildings, diversity of activities, diversity of Ithaca, etc. I know this is a cliche answer, but I really do believe it. Also, my other biggest Cornell strength is Cornell Hockey. Our team was really strong this year (finishing #3 in the natioanl standings and #1 in our conference). We also have some of the most supportive and rowdiest fans in the country. Lynah Hockey Rink is famous for the atmosphere, and if you get the chance, definitely check it out, even if you hate sports/hockey. It's amazing. \n",
+ "tensor([ 101, 26478, 8609, 2015, 2006, 2115, 9920, 999, 2065, 2619,\n",
+ " 5176, 2033, 2003, 2009, 4276, 2009, 2000, 5463, 10921, 1010,\n",
+ " 1045, 2097, 2360, 2748, 5585, 1003, 1997, 1996, 2051, 1006,\n",
+ " 2302, 2151, 2060, 6123, 2000, 2037, 2155, 1005, 1055, 3663,\n",
+ " 1007, 1012, 1045, 1005, 2222, 3046, 2000, 3437, 2115, 3980,\n",
+ " 2004, 1037, 2355, 2632, 2819, 1012, 1004, 14181, 1025, 2129,\n",
+ " 6975, 2024, 2087, 2493, 1029, 2024, 2111, 5627, 2000, 2147,\n",
+ " 2362, 2030, 2079, 2087, 2031, 1037, 2663, 1011, 4558, 5177,\n",
+ " 3012, 1029, 1045, 2123, 1005, 1056, 2228, 1045, 2777, 3087,\n",
+ " 2012, 10921, 2008, 2018, 1037, 2663, 1011, 4558, 5177, 3012,\n",
+ " 1012, 2026, 19846, 1998, 12746, 2020, 2467, 3407, 2000, 20880,\n",
+ " 2006, 3934, 1010, 3291, 4520, 1010, 5702, 1010, 4385, 1012,\n",
+ " 1045, 2200, 4703, 15307, 3964, 2030, 11780, 3964, 2013, 2493,\n",
+ " 1999, 1996, 6013, 1997, 4394, 8921, 1010, 2005, 2742, 1012,\n",
+ " 1045, 4207, 3964, 2030, 11780, 3964, 2013, 3080, 2493, 2040,\n",
+ " 2018, 2579, 5352, 2008, 1045, 2001, 2747, 8302, 1999, 1010,\n",
+ " 4385, 1012, 1045, 2052, 2360, 1996, 12317, 5177, 3012, 2003,\n",
+ " 2172, 2062, 15157, 1010, 4321, 2138, 10921, 2003, 2200, 3697,\n",
+ " 1012, 2017, 2411, 7292, 2015, 2342, 2490, 2000, 9510, 1010,\n",
+ " 1998, 2111, 6807, 2008, 1010, 2061, 2027, 1005, 2128, 5627,\n",
+ " 2000, 2490, 2037, 12746, 1998, 2814, 1010, 3834, 3973, 2030,\n",
+ " 4728, 1012, 2065, 2017, 3046, 2000, 2079, 10921, 15032, 2894,\n",
+ " 1010, 2017, 1005, 2128, 2183, 2000, 2031, 1037, 2919, 2051,\n",
+ " 1012, 1004, 14181, 1025, 2129, 2919, 2003, 3694, 13366, 13490,\n",
+ " 1029, 1045, 1005, 1049, 2025, 2428, 5220, 2007, 26886, 2006,\n",
+ " 10543, 1998, 2009, 1005, 1055, 1037, 2210, 24439, 1012, 3694,\n",
+ " 13366, 13490, 2993, 3475, 1005, 1056, 15157, 1010, 2021, 2893,\n",
+ " 2204, 7022, 2003, 3697, 1012, 1045, 2001, 2019, 17338, 2078,\n",
+ " 2350, 2040, 2165, 1037, 2843, 1997, 3558, 4163, 1998, 8785,\n",
+ " 5352, 1006, 1045, 2001, 5457, 1998, 6151, 8586, 14097, 2005,\n",
+ " 19511, 1007, 1010, 1998, 1045, 2069, 5281, 2028, 2607, 2008,\n",
+ " 2001, 1000, 9203, 2091, 1000, 1006, 13366, 13776, 1007, 1012,\n",
+ " 1996, 2126, 9203, 26886, 2012, 10921, 4050, 2573, 2003, 3243,\n",
+ " 3722, 1012, 1996, 2934, 2097, 2202, 2035, 1997, 1996, 6315,\n",
+ " 7644, 2012, 1996, 2203, 1997, 1996, 13609, 1998, 6709, 1996,\n",
+ " 3991, 3694, 1012, 2360, 1010, 2005, 2742, 1010, 1996, 3991,\n",
+ " 2003, 1037, 3963, 1010, 2021, 1996, 2934, 2987, 1005, 1056,\n",
+ " 2215, 2753, 1003, 1997, 2010, 1013, 2014, 2493, 2000, 4374,\n",
+ " 1037, 1039, 1011, 2030, 2896, 1012, 3568, 1010, 1996, 11268,\n",
+ " 2097, 5630, 2006, 1037, 3694, 2008, 2002, 1013, 2016, 3373,\n",
+ " 2323, 2022, 1996, 3013, 7245, 2391, 1012, 1999, 2312, 1010,\n",
+ " 26612, 1010, 17174, 5352, 1006, 2228, 2236, 6370, 1010, 19276,\n",
+ " 1010, 5584, 1010, 4385, 1012, 1007, 1010, 2023, 2003, 2788,\n",
+ " 1037, 1038, 1011, 1012, 1045, 1005, 2310, 2657, 12107, 1997,\n",
+ " 2070, 5352, 21439, 2000, 1037, 1039, 1009, 1010, 1998, 2008,\n",
+ " 1005, 1055, 2428, 5931, 2021, 3227, 13191, 1012, 1999, 3356,\n",
+ " 2504, 5352, 1010, 2009, 1005, 1055, 2172, 2062, 2691, 2005,\n",
+ " 1996, 3991, 3694, 2000, 2022, 1037, 1038, 2030, 1038, 1009,\n",
+ " 1012, 2008, 2965, 2753, 1003, 1997, 2493, 2097, 4374, 1037,\n",
+ " 3694, 2682, 1996, 3991, 1010, 1998, 2753, 1003, 1997, 2493,\n",
+ " 2097, 4374, 1037, 3694, 2917, 1996, 3991, 1012, 2129, 2521,\n",
+ " 2682, 102])\n",
+ "This ended up being way longer than I had intended, sorry!\n",
+ "\n",
+ "I'm a crusty alum at this point, but some things really never change.\n",
+ "\n",
+ "Here are a few observations that I can make with the benefit of hindsight:\n",
+ "\n",
+ "> I try to do work all day every day, never drink, am taking 4 academic classes, a music group, and a project team, and use office hours regularly\n",
+ "\n",
+ "> I'm only a freshman, and this semester, will have completed up to Diff EQ, Electromagnetism, Chem 2090, and both FWS's and my intro\n",
+ "\n",
+ "I think you're working really hard. On the one hand, that's a good thing, because Cornell is hard and it takes a lot of work to succeed. But it's also making you feel stressed out and sad, which sucks. For what it's worth, I think you are taking some of the hardest classes right now and, while the workload will not really decrease as you go, you'll feel more confident and competent as you get into some upper level courses.\n",
+ " \n",
+ "\n",
+ "> I'm doing poorly in my classes\n",
+ "\n",
+ "> I really struggle with schoolwork \n",
+ "\n",
+ "> I'm constantly preoccupied with falling behind\n",
+ "\n",
+ "You're not happy with how you're doing academically. Is it possible that you need to figure out a way to work more effectively?\n",
+ " \n",
+ "\n",
+ "> Are there any comparable schools that I should look into transferring to? I would consider majoring in environmental science or mechanical engineering at another school.\n",
+ "\n",
+ "In short, yes, there are other schools. But, crucially, **academic stress culture is endemic at top-tier universities.** Comparing notes on both undergraduate and graduate education experiences from me, my wife, and friends that I've made since leaving Cornell, this is something that you will have to deal with anywhere you go.\n",
+ "\n",
+ "\n",
+ " \n",
+ "\n",
+ "- - -\n",
+ "\n",
+ "I found that, for me at least, the best remedies for dealing with this were to really look critically at what I was doing with my time and make sure I prioritized self-care in a meaningful way. This is so important and you will need to do this even if you don't decide to stay at Cornell! The most effective ways for me (your mileage may vary):\n",
+ "\n",
+ "* finding a group of people that I loved living with. On a whim, I checked out housing co-ops and found that they were filled with caring, smart, and talented people who were interested in more than the rat race. This took care of my need for *unstructured* socializing (often overlooked!) and exposed me to people who I otherwise wouldn't have \n",
+ "\n",
+ "* taking at least one \"fun\" class each semester. Sometimes they were able to fulfill the liberal studies requirements that the CoE had when I was there, sometimes they weren't. But maintaining my intellectual curiosity by taking classes that involved actually creating something (sculpture, narrative writing, creative writing, wood construction (RIP)) or learning something completely frivolous (human bonding, mushrooms, wine and beer, food science 101) was so critical to keeping sane for me. One of the best things about Cornell is that you can take a class in literally any subject, and you'll be taught by one of the leaders in the field.\n",
+ "\n",
+ "* being part of one or two clubs that allowed me to have *structured* time to hang out with others. For me, this was a music ensemble. For others, rock climbing, or joining a D&D campaign, or being part of a religious group, or playing a club sport were all extremely worthwhile. Take care, though- in my experience, because many Cornellians get intense about things, some types of clubs make it hard to relax!\n",
+ "\n",
+ "* exploring Cornell and its environs. Have you studied in all of the libraries? Had a coffee at each of the cafes? Seen the magnolias blooming at the Plantations? Chilled on the fourth floor of the museum, looking out over the lake on a nice day? Listened to a chimes concert from the top of the clock tower? I tried to make time for a little adventure at least once a week, usually on an afternoon that I didn't have any classes. Varying experiences will help keep your brain from getting too stuffy.\n",
+ " \n",
+ "\n",
+ "There were also a few things that I did not do that should absolutely, 100% be considered best practices. If I got a do-over, I would do these things to optimize my environment:\n",
+ "\n",
+ "* Engineering is hard. Engineering is also a team sport. If you don't already have a solid study group (3-4 people), get one. If you don't know how to get one, just start asking people you have classes with or are on a project team with. I went through my undergraduate work on my own because I wanted to prove something to myself. But that was stupid. It will make your life infinitely easier to have a few people to bounce questions off of. Just be extremely wary of academic integrity violations (no copying!)\n",
+ "\n",
+ "* No screens in bed! Good sleep hygiene will make everything easier. \n",
+ "\n",
+ "* Exercise and eat right. I didn't do this very well, and wish that I had started earlier!\n",
+ "\n",
+ "* Start your first problem sets *immediately* at the beginning of the semester. I always took the first week off, but that set me up to be always chasing deadlines for the rest of the semester! I fixed this behavior during my master's program, and holy crap! I actually learned better.\n",
+ "\n",
+ "* If you're feeling stressed out and need to talk about it to a real person, go to EARS. They literally exist for this exact reason. If you're female-identified, the WRC is also an option- some amazing people work there!\n",
+ " \n",
+ "\n",
+ "Hopefully some of this helps. You're almost done with the spring semester, and it'll feel like such a relief once you've reached that finish line. I think just about everybody feels like they hate Cornell at least once during their undergraduate career- you're definitely not alone there, and even if it seems like everybody is just in it for the rat race, maybe it's because the people you are talking to are also really insecure. Here are my suggestions that are specific to you:\n",
+ "\n",
+ "* quit the project team, unless it brings you too much joy to want to quit. Those things are real time sinks, and if your GPA is not where you want it to be, this is the obvious place to cut back.\n",
+ "* stop trying to work all day, every day. That shit will burn you right out. Instead, focus on giving yourself 8-10 solid hours every day of working without distractions (including class time!), and then when that's done, stop. Be honest with yourself about actually working during that time, no dicking around on the internet. Spend the rest of your day doing the other things that make you human.\n",
+ "tensor([ 101, 2023, 3092, 2039, 2108, 2126, 2936, 2084, 1045, 2018,\n",
+ " 3832, 1010, 3374, 999, 1045, 1005, 1049, 1037, 19116, 2100,\n",
+ " 2632, 2819, 2012, 2023, 2391, 1010, 2021, 2070, 2477, 2428,\n",
+ " 2196, 2689, 1012, 2182, 2024, 1037, 2261, 9420, 2008, 1045,\n",
+ " 2064, 2191, 2007, 1996, 5770, 1997, 17666, 25807, 1024, 1004,\n",
+ " 14181, 1025, 1045, 3046, 2000, 2079, 2147, 2035, 2154, 2296,\n",
+ " 2154, 1010, 2196, 4392, 1010, 2572, 2635, 1018, 3834, 4280,\n",
+ " 1010, 1037, 2189, 2177, 1010, 1998, 1037, 2622, 2136, 1010,\n",
+ " 1998, 2224, 2436, 2847, 5570, 1004, 14181, 1025, 1045, 1005,\n",
+ " 1049, 2069, 1037, 10452, 1010, 1998, 2023, 13609, 1010, 2097,\n",
+ " 2031, 2949, 2039, 2000, 4487, 4246, 1041, 4160, 1010, 16175,\n",
+ " 2863, 10177, 17456, 1010, 18178, 2213, 19348, 2692, 1010, 1998,\n",
+ " 2119, 1042, 9333, 1005, 1055, 1998, 2026, 17174, 1045, 2228,\n",
+ " 2017, 1005, 2128, 2551, 2428, 2524, 1012, 2006, 1996, 2028,\n",
+ " 2192, 1010, 2008, 1005, 1055, 1037, 2204, 2518, 1010, 2138,\n",
+ " 10921, 2003, 2524, 1998, 2009, 3138, 1037, 2843, 1997, 2147,\n",
+ " 2000, 9510, 1012, 2021, 2009, 1005, 1055, 2036, 2437, 2017,\n",
+ " 2514, 13233, 2041, 1998, 6517, 1010, 2029, 19237, 1012, 2005,\n",
+ " 2054, 2009, 1005, 1055, 4276, 1010, 1045, 2228, 2017, 2024,\n",
+ " 2635, 2070, 1997, 1996, 18263, 4280, 2157, 2085, 1998, 1010,\n",
+ " 2096, 1996, 2147, 11066, 2097, 2025, 2428, 9885, 2004, 2017,\n",
+ " 2175, 1010, 2017, 1005, 2222, 2514, 2062, 9657, 1998, 17824,\n",
+ " 2004, 2017, 2131, 2046, 2070, 3356, 2504, 5352, 1012, 1004,\n",
+ " 14181, 1025, 1045, 1005, 1049, 2725, 9996, 1999, 2026, 4280,\n",
+ " 1004, 14181, 1025, 1045, 2428, 5998, 2007, 2082, 6198, 1004,\n",
+ " 14181, 1025, 1045, 1005, 1049, 7887, 23962, 2007, 4634, 2369,\n",
+ " 2017, 1005, 2128, 2025, 3407, 2007, 2129, 2017, 1005, 2128,\n",
+ " 2725, 3834, 3973, 1012, 2003, 2009, 2825, 2008, 2017, 2342,\n",
+ " 2000, 3275, 2041, 1037, 2126, 2000, 2147, 2062, 6464, 1029,\n",
+ " 1004, 14181, 1025, 2024, 2045, 2151, 12435, 2816, 2008, 1045,\n",
+ " 2323, 2298, 2046, 14391, 2000, 1029, 1045, 2052, 5136, 2350,\n",
+ " 2075, 1999, 4483, 2671, 2030, 6228, 3330, 2012, 2178, 2082,\n",
+ " 1012, 1999, 2460, 1010, 2748, 1010, 2045, 2024, 2060, 2816,\n",
+ " 1012, 2021, 1010, 10232, 2135, 1010, 1008, 1008, 3834, 6911,\n",
+ " 3226, 2003, 7320, 2012, 2327, 1011, 7563, 5534, 1012, 1008,\n",
+ " 1008, 13599, 3964, 2006, 2119, 8324, 1998, 4619, 2495, 6322,\n",
+ " 2013, 2033, 1010, 2026, 2564, 1010, 1998, 2814, 2008, 1045,\n",
+ " 1005, 2310, 2081, 2144, 2975, 10921, 1010, 2023, 2003, 2242,\n",
+ " 2008, 2017, 2097, 2031, 2000, 3066, 2007, 5973, 2017, 2175,\n",
+ " 1012, 1011, 1011, 1011, 1045, 2179, 2008, 1010, 2005, 2033,\n",
+ " 2012, 2560, 1010, 1996, 2190, 2128, 7583, 3111, 2005, 7149,\n",
+ " 2007, 2023, 2020, 2000, 2428, 2298, 11321, 2012, 2054, 1045,\n",
+ " 2001, 2725, 2007, 2026, 2051, 1998, 2191, 2469, 1045, 3188,\n",
+ " 25090, 5422, 2969, 1011, 2729, 1999, 1037, 15902, 2126, 1012,\n",
+ " 2023, 2003, 2061, 2590, 1998, 2017, 2097, 2342, 2000, 2079,\n",
+ " 2023, 2130, 2065, 2017, 2123, 1005, 1056, 5630, 2000, 2994,\n",
+ " 2012, 10921, 999, 1996, 2087, 4621, 3971, 2005, 2033, 1006,\n",
+ " 2115, 3542, 4270, 2089, 8137, 1007, 1024, 1008, 4531, 1037,\n",
+ " 2177, 1997, 2111, 2008, 1045, 3866, 2542, 2007, 1012, 2006,\n",
+ " 1037, 1059, 14341, 1010, 1045, 7039, 2041, 3847, 2522, 1011,\n",
+ " 23092, 1998, 2179, 2008, 2027, 2020, 3561, 2007, 11922, 1010,\n",
+ " 6047, 102])\n",
+ ".-- --- ..- .-.. -.. / .--. .-. --- -... .- -... .-.. -.-- / -.-. .... --- --- ... . / --. .-. .- .--. . ... --..-- / .- -. -.. / .--. .-. --- -.-. . . -.. / - --- / ... --.- ..- .- ... .... / .- .-.. .-.. / --- ..-. / - .... . -- .-.-.- / - .... . -. / .. .----. -.. / .-. .. --. / .- / ... .. -- .--. .-.. . / -.. .-. .- .. -. .- --. . / ... -.-- ... - . -- / - --- / -.-. --- .-.. .-.. . -.-. - / - .... . / .--- ..- .. -.-. . / .. -. / - .... . / -... .- ... . -- . -. - / - --- / .-.. . - / .. - / ..-. . .-. -- . -. - / .. -. / -... .- .-. .-. . .-.. ... .-.-.- / --- -. -.-. . / - .... .- - / .-- .- ... / -.. --- -. . --..-- / .. / .-- --- ..- .-.. -.. / - .... . -. / .--. .-. --- -.-. . . -.. / - --- / ... . .-.. .-.. / -- -.-- / .-- .. -. . / - --- / .-.. --- -.-. .- .-.. / -... .- .-. ... / .- -. -.. / ... ..- .--. . .-. -- .- .-. -.- . - ... .-.-.- / - .... . / .--. .-. --- ..-. .. - / .-- --- ..- .-.. -.. / -... . / ... -- .- .-.. .-.. / .- - / ..-. .. .-. ... - --..-- / -... ..- - / .-- --- .-. -.. / --- ..-. / -- -.-- / -.. .. ... - .. -. -.-. - .-.. -.-- / ... -.-. . -. - . -.. / .-- .. -. . / .-- --- ..- .-.. -.. / ... --- --- -. / -... . --. .. -. / - --- / ... .--. .-. . .- -.. --..-- / - .... ..- ... / .. -. -.-. .-. . .- ... .. -. --. / -- -.-- / .--. .-. --- ..-. .. - ... .-.-.- / ..- ... .. -. --. / - .... .. ... --..-- / .. / .-- --- ..- .-.. -.. / -... ..- -.-- / -- --- .-. . / --. .-. .- .--. . ... / .- -. -.. / ..- .--. --. .-. .- -.. . / -- -.-- / -.. .-. .- .. -. .- --. . / ... -.-- ... - . -- / - --- / -.-. --- -. - .. -. ..- . / - .... . / -.-. -.-- -.-. .-.. . .-.-.- / - .... .. ... / .. ... / .... --- .-- / .. / .-- .. .-.. .-.. / -- . . - / -- -.-- / .-- .. ..-. . --..-- / .- -. -.. / .-- . / .-- .. .-.. .-.. / -... . -.-. --- -- . / - .... . / - -.-- -.-. --- --- -. ... / --- ..-. / - .... . / ..-. --- --- - / .-- .. -. . .-.-.- / .-- . / .-- .. .-.. .-.. / .... .- ...- . / -.-. .... .. .-.. -.. .-. . -. --..-- / -... ..- - / .. / .-- .. .-.. .-.. / .. --. -. --- .-. . / - .... . -- --..-- / .- ... / -- -.-- / --. .-. .- .--. . -....- ... - --- -- .--. .. -. --. / .--. .-. --- -.-. . ... ... / .. ... / -- -.-- / --- -. .-.. -.-- / - .-. ..- . / .--. .- ... ... .. --- -. / .. -. / .-.. .. ..-. . .-.-.- / .- - / - .... .. ... / .--. --- .. -. - / .. / .-- --- ..- .-.. -.. / .... .. .-. . / ... --- -- . / .-- --- .-. -.- . .-. ... / - --- / .... . .-.. .--. / -- . / -- .- -. .- --. . / - .... . / --. .-. .- .--. . / -.-. .-. ..- ... .... .. -. --. / .. -. / -- -.-- / -. . .-- .-.. -.-- -....- -... --- ..- --. .... - / --- -. . / ... - --- .-. -.-- / -- .- -. ... .. --- -. .-.-.- / --- ..-. / -.-. --- ..- .-. ... . --..-- / .. / .-- --- ..- .-.. -.. / .--. .- -.-- / - .... . -- / .-- . .-.. .-.. --..-- / . ...- . -. / .- .-.. .-.. --- .-- / - .... . -- / - --- / . .- - / .- / --. .-. .- .--. . / --- .-. / - .... .-. . . / .. ..-. / - .... . -.-- / .-- .. ... .... . -.. .-.-.- / .. / .-- .. .-.. .-.. / ... .-.. --- .-- .-.. -.-- / -.. . ...- . .-.. --- .--. / .- / .-.. --- ...- . / ..-. --- .-. / --. .-. .- .--. . ... .-.-.- / - .... . -.-- / .- .-. . / -- -.-- / --. .-. .- .--. . ... .-.-.- / - .... . -.-- / .- .-. . / -- -.-- / ..-. .-. .. . -. -.. ... .-.-.- / - .... . -.-- / .- .-. . / -- -.-- / -.-. .... .. .-.. -.. .-. . -. .-.-.- / . ...- . -. - ..- .- .-.. .-.. -.-- / .. / .-- --- ..- .-.. -.. / -... . --. .. -. / .. -. -.-. .-. . .- ... .. -. --. / - .... . / .... . .. --. .... - / --- ..-. / - .... . / --. .-. .- .--. . ... / .. -. / -- -.-- / .... --- ..- ... . .-.-.- / -.- -. . . / .... .. --. .... .-.-.- / .-- .- .. ... - -....- .... .. --. .... .-.-.- / -.-. .... . ... - -....- .... .. --. .... .-.-.- / .. / -. . . -.. / - .... . -- / .- .-.. .-.. / --- ...- . .-. / -- -.-- / -... --- -.. -.-- .-.-.- / .- .-.. .-.. / - .... . / .-- .... .. .-.. . / -.-. .-. .. - .. -.-. ... / .- .-. . / .-. .- ...- .. -. --. / --- ...- . .-. / .... --- .-- / .- -... ... --- .-.. ..- - . .-.. -.-- / -.. . .-.. .. -.-. .. --- ..- ... / -- -.-- / ..-. --- --- - / .-- .. -. . / .. ... .-.-.- / .. / -.. --- -. .----. - / .-.. .. ... - . -. / - --- / - .... . -- --..-- / .- ... / -- -.-- / .-.. ..- ... - / ..-. --- .-. / --. .-. .- .--. . ... / .... .- ... / --. .-. --- .-- -. / - --- --- / ... - .-. --- -. --. --..-- / .- -. -.. / - .... . / --. .-. .- .--. . ... / .. -. / -- -.-- / .... --- ..- ... . / .... .- ...- . / .-. .. ... . -. / - --- / -. . -.-. -.- / .-.. . ...- . .-.. .-.-.- / -- -.-- / .-- .. ..-. . / .- -. -.. / -.-. .... .. .-.. -.. .-. . -. / .... .- ...- . / .-.. . ..-. - / -- . .-.-.- / -- -.-- / .-- --- .-. -.- . .-. ... / .-- .. .-.. .-.. / .... .- ...- . / --.- ..- .. - --..-- / .- ... / - .... . -.-- / .-- .. .-.. .-.. / -... . / - . .-. .-. .. ..-. .. . -.. / --- ..-. / .-- .... .- - / .. / .... .- ...- . / -... . -.-. --- -- . .-.-.- / - .... . -.-- / -.. --- / -. --- - / ..- -. -.. . .-. ... - .- -. -.. .-.-.- / - .... . / --. .-. .- .--. . ... / .- .-. . / -. --- .-- / .- -... --- ...- . / -- -.-- / .... . .- -.. .-.-.- / - .... . -.-- / ... ..- .-. .-. --- ..- -. -.. / -- . .-.-.- / .. / .- -- / --- -. . / .-- .. - .... / - .... . / --. .-. .- .--. . ... .-.-.-\n",
+ "tensor([ 101, 1012, 1011, 1011, 1011, 1011, 1011, 1012, 1012, 1011, 1012, 1011,\n",
+ " 1012, 1012, 1011, 1012, 1012, 1013, 1012, 1011, 1011, 1012, 1012, 1011,\n",
+ " 1012, 1011, 1011, 1011, 1011, 1012, 1012, 1012, 1012, 1011, 1011, 1012,\n",
+ " 1012, 1012, 1012, 1011, 1012, 1012, 1011, 1012, 1011, 1011, 1013, 1011,\n",
+ " 1012, 1011, 1012, 1012, 1012, 1012, 1012, 1011, 1011, 1011, 1011, 1011,\n",
+ " 1011, 1012, 1012, 1012, 1012, 1013, 1011, 1011, 1012, 1012, 1011, 1012,\n",
+ " 1012, 1011, 1012, 1011, 1011, 1012, 1012, 1012, 1012, 1012, 1011, 1011,\n",
+ " 1012, 1012, 1011, 1011, 1013, 1012, 1011, 1011, 1012, 1011, 1012, 1012,\n",
+ " 1013, 1012, 1011, 1011, 1012, 1012, 1011, 1012, 1011, 1011, 1011, 1011,\n",
+ " 1012, 1011, 1012, 1012, 1012, 1011, 1012, 1012, 1013, 1011, 1011, 1011,\n",
+ " 1011, 1013, 1012, 1012, 1012, 1011, 1011, 1012, 1011, 1012, 1012, 1011,\n",
+ " 1012, 1011, 1012, 1012, 1012, 1012, 1012, 1012, 1012, 1013, 1012, 1011,\n",
+ " 1012, 1011, 1012, 1012, 1012, 1011, 1012, 1012, 1013, 1011, 1011, 1011,\n",
+ " 1012, 1012, 1011, 1012, 1013, 1011, 1012, 1012, 1012, 1012, 1012, 1011,\n",
+ " 1011, 1012, 1011, 1012, 1011, 1012, 1011, 1013, 1011, 1012, 1012, 1012,\n",
+ " 1012, 1012, 1011, 1012, 1013, 1012, 1012, 1012, 1011, 1011, 1011, 1011,\n",
+ " 1012, 1011, 1012, 1012, 1013, 1012, 1011, 1012, 1012, 1012, 1011, 1011,\n",
+ " 1012, 1013, 1012, 1011, 1013, 1012, 1012, 1012, 1012, 1012, 1011, 1011,\n",
+ " 1012, 1011, 1011, 1012, 1012, 1011, 1012, 1012, 1012, 1013, 1011, 1012,\n",
+ " 1012, 1012, 1011, 1012, 1012, 1011, 1012, 1012, 1011, 1012, 1012, 1011,\n",
+ " 1011, 1011, 1012, 1012, 1013, 1012, 1012, 1012, 1011, 1012, 1011, 1011,\n",
+ " 1012, 1012, 1012, 1011, 1012, 1011, 1011, 1013, 1011, 1011, 1011, 1011,\n",
+ " 1013, 1011, 1012, 1011, 1012, 1011, 1011, 1011, 1012, 1011, 1012, 1012,\n",
+ " 1012, 1011, 1012, 1012, 1012, 1011, 1012, 1011, 1012, 1011, 1013, 1011,\n",
+ " 1012, 1012, 1012, 1012, 1012, 1013, 1012, 1011, 1011, 1011, 1012, 1012,\n",
+ " 1011, 1012, 1012, 1011, 1012, 1011, 1012, 1012, 1013, 1012, 1012, 1011,\n",
+ " 1012, 1013, 1011, 1012, 1012, 1012, 1012, 1012, 1013, 1011, 1012, 1012,\n",
+ " 1012, 1012, 1011, 1012, 1012, 1012, 1012, 1011, 1011, 1012, 1011, 1012,\n",
+ " 1011, 1013, 1011, 1011, 1011, 1011, 1013, 1012, 1011, 1012, 1012, 1012,\n",
+ " 1011, 1013, 1012, 1012, 1011, 1013, 1012, 1012, 1011, 1012, 1012, 1012,\n",
+ " 1011, 1012, 1011, 1011, 1012, 1011, 1012, 1011, 1013, 1012, 1012, 1011,\n",
+ " 1012, 1013, 1011, 1012, 1012, 1012, 1012, 1011, 1012, 1011, 1012, 1012,\n",
+ " 1011, 1012, 1012, 1012, 1011, 1012, 1012, 1012, 1012, 1012, 1012, 1011,\n",
+ " 1012, 1011, 1012, 1011, 1013, 1011, 1011, 1011, 1011, 1012, 1011, 1012,\n",
+ " 1011, 1012, 1012, 1013, 1011, 1012, 1012, 1012, 1012, 1012, 1011, 1011,\n",
+ " 1013, 1012, 1011, 1011, 1012, 1011, 1012, 1012, 1012, 1013, 1011, 1012,\n",
+ " 1012, 1011, 1011, 1011, 1011, 1012, 1012, 1011, 1011, 1012, 1012, 1011,\n",
+ " 1011, 1013, 1012, 1012, 1013, 1012, 1011, 1011, 1011, 1011, 1011, 1012,\n",
+ " 1012, 1011, 1012, 1011, 1012, 1012, 1011, 1012, 1012, 1013, 1011, 1012,\n",
+ " 1012, 1012, 1012, 1012, 1011, 1012, 1013, 1012, 1011, 1011, 1012, 1012,\n",
+ " 1011, 1012, 1011, 1011, 1011, 1011, 1012, 1011, 1012, 1012, 1012, 1011,\n",
+ " 1012, 1012, 1013, 1011, 1011, 1011, 1011, 1013, 1012, 1012, 1012, 1012,\n",
+ " 1012, 1011, 1012, 1012, 1012, 1011, 1012, 102])\n",
+ "Definitely apply to Dyson instead. If they still allow you to do a first option and second option in your application, then perhaps do ILR as a second choice in case you're not admitted to Dyson.\n",
+ "\n",
+ "ILR is not a business program. If anything, it's anti-business.\n",
+ "\n",
+ "Many professors and faculty are self-proclaimed anticapitalists, anarchists, socialists, and communists. You will spend many classes ~~being indoctrinated~~ having discussions about the plight of labor vs ~~evil~~ management. The closest thing to \"business\" you will get from ILR is Human Resource Management. Human Resources is basically just management's department to deal with labor in order to prevent lawsuits. Basically, give the employees just enough so they don't unionize. They also handle other tasks like compensation, benefits, hiring and recruitment. ILR likes to play up the role of HR to save face, [but they're not exactly cutting edge business professionals.](http://cunooz.com/2013/09/26/ilr-undergraduate-dreams-of-becoming-hr-professional/) In most companies, HR is an isolated department that plays very little role in the core business operations.\n",
+ "\n",
+ "Everything else either prepares you for law school or prepares you to go work for a nonprofit like a union or for a social justice political campaign or something. If you're interested in finance and entrepreneurship, these careers couldn't be further from what you want. In ILR, you will take law classes and law-like classes. But they are all focused on labor law. If you're interested in doing any other type of law, the stuff you learn (besides for law 101 stuff and study habits) will hardly be applicable. It will give you soft-knowledge and preparation to do well in law school. But do you really need to spend 4 years to prepare for a 3 year degree? It's reading and writing. Yeah, the workload in law school can be demanding, but it's not rocket science.\n",
+ "\n",
+ "You can also enter law school from any major. You just need a high GPA and a high LSAT. That's it. Going to ILR just to go to law school is a waste of a bachelor's degree in my honest opinion. But still, the majority of ILR'ies end up at law school sooner or later. Maybe they do a few years in HR first, but eventually, many of them will realize how shitty HR is and go to law school to escape the field.\n",
+ "\n",
+ "When they formed the college of business, they did not include ILR. I think that speaks for itself personally.\n",
+ "\n",
+ "Still, despite the fact that ILR is nowhere close to a business degree, would-be business enthusiasts keep applying and enrolling. Here's where I believe the misunderstanding comes from : \n",
+ "\n",
+ "1. ILR admissions stretching the truth of what their program actually is to prospective applicants by trying to convince them that it's some magical interdisciplinary program that will prepare you for both business and law. To their credit, it's a solid (even if manipulative and dishonest) strategy since high school students are used to having a multidisciplinary education without specialization. In high school, you take classes in a full range of topics (math, science, English, history, language, and electives like psychology, economics, etc. etc.) When it comes time for college though, you need to start specializing. Sure, you can take general education courses to fulfill those requirements for 1-2 years, but it's really in your best interest to pick a path sooner than later. It makes sense why prospective students would be allured by a course of study that allows them to have it all without having to narrow their focus.\n",
+ " 1. The problem is that it's not \"magical.\" In your 4 years, you're expected to develop knowledge and skills within your discipline so you can apply what you learned in the workplace. ILR though, like other non-specialized liberal arts programs, do not set you up for that. You will graduate with soft-skill knowledge about topics most people don't care about and hardly any skills. Hence, law school or graduate school are often times your only option.\n",
+ "\n",
+ "1. Alumni and current students talking about how many ILR students go to actual business/finance careers.\n",
+ " 1. Is this true? Yes. But what they don't tell you is that these students supplemented their ILR curriculum with as many finance and business classes as they could get into (as well as business/finance extracurricular). If they only did ILR, they would not have a chance in hell. So it wasn't that ILR allowed them to do business, it's that ILR didn't get in their way so much that they couldn't do business/finance on the side. Indeed, the ILR curriculum, though as toxic as it may be for a would-be business professional, is not tremendously rigorous in terms of number of required courses. You can even replace some of your higher level ILR requirements with some approved business courses. So basically, you bullshit your way through your ILR courses, pretend to share the same anticapitalist and antimanagement sentiment as your professors, and put your honest effort into the business courses you're taking on the side. This is a very common strategy among ILR students. Even if it's possible, why even have to put up with ILR in the first place if you can just take the business courses without the ILR crap? Instead, if you applied to Dyson, the business classes would be your main focus - you can concentrate in multiple business concentrations like finance AND entrepreneurship, or even take other useful non-business courses such as courses that focus on programming, data science, math, and statistics (stuff that are basically required for new finance recruits these days anyway).\n",
+ "tensor([ 101, 5791, 6611, 2000, 1040, 25385, 2612, 1012, 2065, 2027,\n",
+ " 2145, 3499, 2017, 2000, 2079, 1037, 2034, 5724, 1998, 2117,\n",
+ " 5724, 1999, 2115, 4646, 1010, 2059, 3383, 2079, 6335, 2099,\n",
+ " 2004, 1037, 2117, 3601, 1999, 2553, 2017, 1005, 2128, 2025,\n",
+ " 4914, 2000, 1040, 25385, 1012, 6335, 2099, 2003, 2025, 1037,\n",
+ " 2449, 2565, 1012, 2065, 2505, 1010, 2009, 1005, 1055, 3424,\n",
+ " 1011, 2449, 1012, 2116, 12655, 1998, 4513, 2024, 2969, 1011,\n",
+ " 10116, 3424, 17695, 18400, 5130, 1010, 18448, 2015, 1010, 21633,\n",
+ " 1010, 1998, 13009, 1012, 2017, 2097, 5247, 2116, 4280, 1066,\n",
+ " 1066, 2108, 11424, 6593, 11796, 3064, 1066, 1066, 2383, 10287,\n",
+ " 2055, 1996, 24525, 1997, 4450, 5443, 1066, 1066, 4763, 1066,\n",
+ " 1066, 2968, 1012, 1996, 7541, 2518, 2000, 1000, 2449, 1000,\n",
+ " 2017, 2097, 2131, 2013, 6335, 2099, 2003, 2529, 7692, 2968,\n",
+ " 1012, 2529, 4219, 2003, 10468, 2074, 2968, 1005, 1055, 2533,\n",
+ " 2000, 3066, 2007, 4450, 1999, 2344, 2000, 4652, 20543, 1012,\n",
+ " 10468, 1010, 2507, 1996, 5126, 2074, 2438, 2061, 2027, 2123,\n",
+ " 1005, 1056, 2586, 4697, 1012, 2027, 2036, 5047, 2060, 8518,\n",
+ " 2066, 9430, 1010, 6666, 1010, 14763, 1998, 15680, 1012, 6335,\n",
+ " 2099, 7777, 2000, 2377, 2039, 1996, 2535, 1997, 17850, 2000,\n",
+ " 3828, 2227, 1010, 1031, 2021, 2027, 1005, 2128, 2025, 3599,\n",
+ " 6276, 3341, 2449, 8390, 1012, 1033, 1006, 8299, 1024, 1013,\n",
+ " 1013, 12731, 3630, 18153, 1012, 4012, 1013, 2286, 1013, 5641,\n",
+ " 1013, 2656, 1013, 6335, 2099, 1011, 8324, 1011, 5544, 1011,\n",
+ " 1997, 1011, 3352, 1011, 17850, 1011, 2658, 1013, 1007, 1999,\n",
+ " 2087, 3316, 1010, 17850, 2003, 2019, 7275, 2533, 2008, 3248,\n",
+ " 2200, 2210, 2535, 1999, 1996, 4563, 2449, 3136, 1012, 2673,\n",
+ " 2842, 2593, 20776, 2017, 2005, 2375, 2082, 2030, 20776, 2017,\n",
+ " 2000, 2175, 2147, 2005, 1037, 14495, 2066, 1037, 2586, 2030,\n",
+ " 2005, 1037, 2591, 3425, 2576, 3049, 2030, 2242, 1012, 2065,\n",
+ " 2017, 1005, 2128, 4699, 1999, 5446, 1998, 20213, 1010, 2122,\n",
+ " 10922, 2481, 1005, 1056, 2022, 2582, 2013, 2054, 2017, 2215,\n",
+ " 1012, 1999, 6335, 2099, 1010, 2017, 2097, 2202, 2375, 4280,\n",
+ " 1998, 2375, 1011, 2066, 4280, 1012, 2021, 2027, 2024, 2035,\n",
+ " 4208, 2006, 4450, 2375, 1012, 2065, 2017, 1005, 2128, 4699,\n",
+ " 1999, 2725, 2151, 2060, 2828, 1997, 2375, 1010, 1996, 4933,\n",
+ " 2017, 4553, 1006, 4661, 2005, 2375, 7886, 4933, 1998, 2817,\n",
+ " 14243, 1007, 2097, 6684, 2022, 12711, 1012, 2009, 2097, 2507,\n",
+ " 2017, 3730, 1011, 3716, 1998, 7547, 2000, 2079, 2092, 1999,\n",
+ " 2375, 2082, 1012, 2021, 2079, 2017, 2428, 2342, 2000, 5247,\n",
+ " 1018, 2086, 2000, 7374, 2005, 1037, 1017, 2095, 3014, 1029,\n",
+ " 2009, 1005, 1055, 3752, 1998, 3015, 1012, 3398, 1010, 1996,\n",
+ " 2147, 11066, 1999, 2375, 2082, 2064, 2022, 9694, 1010, 2021,\n",
+ " 2009, 1005, 1055, 2025, 7596, 2671, 1012, 2017, 2064, 2036,\n",
+ " 4607, 2375, 2082, 2013, 2151, 2350, 1012, 2017, 2074, 2342,\n",
+ " 1037, 2152, 14246, 2050, 1998, 1037, 2152, 1048, 16846, 1012,\n",
+ " 2008, 1005, 1055, 2009, 1012, 2183, 2000, 6335, 2099, 2074,\n",
+ " 2000, 2175, 2000, 2375, 2082, 2003, 1037, 5949, 1997, 1037,\n",
+ " 5065, 1005, 1055, 3014, 1999, 2026, 7481, 5448, 1012, 2021,\n",
+ " 2145, 1010, 1996, 3484, 1997, 6335, 2099, 1005, 29464, 2015,\n",
+ " 2203, 2039, 2012, 2375, 2082, 10076, 2030, 2101, 1012, 2672,\n",
+ " 2027, 2079, 1037, 2261, 2086, 1999, 17850, 2034, 1010, 2021,\n",
+ " 2776, 102])\n",
+ "predictions tensor([1, 1, 1, 1, 1, 1, 1, 1])\n",
+ "Hi. Cornell alumni of 2 years here.\n",
+ "\n",
+ "By most standards I was a fuckup in college. Sure, I was the President of some nonsensical clubs. It was fun, but hardly resume material.\n",
+ "\n",
+ "My “mistakes?” No internships any year except junior year at a no-name company. No project teams. No startups. No joining any audition-only clubs. Honestly, hardly any outside projects besides mods for games (no, I don’t work in the gaming industry. I tried and failed to apply to that. But that’s a different story.)\n",
+ "\n",
+ "What did I do in my non-free time? Well, I worked in the dining halls. Gotta pay those student loans somehow. Work study was annoying.\n",
+ "\n",
+ "Oh yeah, I did score a job as “Microsoft Representative” through one of my club contacts. Awesome, right? The previous two reps got jobs at Microsoft after doing it all four years.\n",
+ "\n",
+ "My god it fucked sucked. I was never that great at public speaking. Decent. Not amazing. And it was around the time Microsoft released their first Surface. And I had to advertise that. I know people still remember that “amazing” presentation I did in CS 2800.\n",
+ "\n",
+ "I was replaced after a semester. I wish that was my only fuck up.\n",
+ "\n",
+ "So that aside. In my non-free time, I studied. Oh boy. I studied and failed. Oh man, every TA knew my name in every CS class I was in. I knew which TAs were good. I thought I was good at computer science. Got a 5 in Computer Science AP Test high school. Did pretty well in CS 1110 and CS 2110. Did decent in CS 2800. So hey, I should be fine, right?\n",
+ "\n",
+ "Lolno. God damn. I was so jealous of everyone who picked things up so easily. I’m easily the dumbest of my friends, but I spend the most time. Hell, half the time they’d just reproduce the answers I spent hours in office hours for after I’d be given a crucial hint (which took me hours to figure out myself.) Algorithms was a slap in the face. It was a hard pill to swallow that hard work can mean jack shit as I looked at my C on my final.\n",
+ "\n",
+ "Graphics was terrible for me. My partner was one of those smart as fuck Google interns. And god we failed like every project. I don’t even know how. I felt so bad being such a burden. I could tell he was mad at me, but he wasn’t the type to yell. But man, was he furious at the final grade that marked his otherwise perfect Cornell career.\n",
+ "\n",
+ "And last, OS. Of course I’ve struggled through most other CS classes. But I’ve never outright failed them. But this one I did. Twice, technically, although the first time I dropped out before I could fail it. In fact, the situation was so fucked I had take it the summer after my senior year. Yup, I didn’t get a job, so it was “perfect.” Lol. \n",
+ "\n",
+ "It took me another six months to get a real job. As a computer science major. I’m terrible at interviews, man. I eventually got good at whiteboard interviews through all four years of failed career fairs, but if I got a curveball question, that was the end of the interview. I’m stupidly honest. I can’t lie for the life of me. “Why did you stay at Cornell for an extra summer?” “....I failed a course.” “Why were you Microsoft Rep for only half a year?” “....I got replaced.” “Why did you choose this company instead of a gaming one? Your resume is full of gaming stuff.” “I like the company environment. I like the products you make.” “Really?” “No, I just want a job, man.”\n",
+ "\n",
+ "I was seriously debating about joining the military in December if I didn’t get a job that month. Luckily, I got a job.\n",
+ "\n",
+ "And now I’m the happiest I’ve ever been in my life. Even more than when I was in high school. More than when I was a kid with no stress or worries.\n",
+ "\n",
+ "Sure. My friends probably make twice my salary. But honestly, I’m the happiest out of all of them. That Cornell degree still counts for something. You are smarter than a lot of people out there. All of that hard work from college didn’t go to waste. Who gives a fuck about GPA? I’ve learned discipline. I’ve truly truly learned the value of money after working this long dining hall hours. Stressful moments at work? Ha, nothing compared to Cornell. Recently, I’ve just paid off all my student loans, but I also put in a huuuuuge amount to my retirement funds. And yet I still have enough to go to trips all across the country this year. I’ve flown to LA and DC this year alone, and I’m going to Japan in a few months. I get 20 vacation days a year already. Not that unlimited vacation days bullshit most tech companies do—people never take full advantage of that. I know people still struggling in the rat race. I know people so smart beyond my imagination who are struggling and dropping out of grad school. \n",
+ "\n",
+ "It gets better. I promise. And there’s definitely people like you. Not everybody is a google intern or founded 5 startups. I know social media and casual conversation makes it seem like everybody is doing amazing. But they’re not. The people who are talking casually HAVE something to talk about. The people who aren’t talking are the ones in your same exact position. The fuckups like you and me.\n",
+ "\n",
+ "Guess what? Even after all my fuckups, my GPA was still above a 3. Seriously! Now you think I exaggerated everything. Nope. It’s just that I took some really easy classes and did well in my freshman ones. Compilers? Fuck no. Communications it is.\n",
+ "\n",
+ "But if I managed to get over a 3 in my fucked up situation...that means half the people in the cafeterias have situations at least as desperate as mine. Sure, they might not have failed OS twice. But they could be crying themselves to sleep every night.\n",
+ "\n",
+ "I guarantee you’re not alone. Look. Do you see any posts here about people talking about what internships they got? No. There’s no stickied thread about that. The front page is littered with depressed people. You’re not alone. And it’s going to be okay. I promise.\n",
+ "tensor([ 101, 7632, 1012, 10921, 9441, 1997, 1016, 2086, 2182, 1012,\n",
+ " 2011, 2087, 4781, 1045, 2001, 1037, 6616, 6279, 1999, 2267,\n",
+ " 1012, 2469, 1010, 1045, 2001, 1996, 2343, 1997, 2070, 2512,\n",
+ " 5054, 19570, 2389, 4184, 1012, 2009, 2001, 4569, 1010, 2021,\n",
+ " 6684, 13746, 3430, 1012, 2026, 1523, 12051, 1029, 1524, 2053,\n",
+ " 22676, 2015, 2151, 2095, 3272, 3502, 2095, 2012, 1037, 2053,\n",
+ " 1011, 2171, 2194, 1012, 2053, 2622, 2780, 1012, 2053, 22752,\n",
+ " 2015, 1012, 2053, 5241, 2151, 14597, 1011, 2069, 4184, 1012,\n",
+ " 9826, 1010, 6684, 2151, 2648, 3934, 4661, 16913, 2015, 2005,\n",
+ " 2399, 1006, 2053, 1010, 1045, 2123, 1521, 1056, 2147, 1999,\n",
+ " 1996, 10355, 3068, 1012, 1045, 2699, 1998, 3478, 2000, 6611,\n",
+ " 2000, 2008, 1012, 2021, 2008, 1521, 1055, 1037, 2367, 2466,\n",
+ " 1012, 1007, 2054, 2106, 1045, 2079, 1999, 2026, 2512, 1011,\n",
+ " 2489, 2051, 1029, 2092, 1010, 1045, 2499, 1999, 1996, 7759,\n",
+ " 9873, 1012, 10657, 3477, 2216, 3076, 10940, 5064, 1012, 2147,\n",
+ " 2817, 2001, 15703, 1012, 2821, 3398, 1010, 1045, 2106, 3556,\n",
+ " 1037, 3105, 2004, 1523, 7513, 4387, 1524, 2083, 2028, 1997,\n",
+ " 2026, 2252, 10402, 1012, 12476, 1010, 2157, 1029, 1996, 3025,\n",
+ " 2048, 16360, 2015, 2288, 5841, 2012, 7513, 2044, 2725, 2009,\n",
+ " 2035, 2176, 2086, 1012, 2026, 2643, 2009, 21746, 8631, 1012,\n",
+ " 1045, 2001, 2196, 2008, 2307, 2012, 2270, 4092, 1012, 11519,\n",
+ " 1012, 2025, 6429, 1012, 1998, 2009, 2001, 2105, 1996, 2051,\n",
+ " 7513, 2207, 2037, 2034, 3302, 1012, 1998, 1045, 2018, 2000,\n",
+ " 4748, 16874, 5562, 2008, 1012, 1045, 2113, 2111, 2145, 3342,\n",
+ " 2008, 1523, 6429, 1524, 8312, 1045, 2106, 1999, 20116, 13427,\n",
+ " 2692, 1012, 1045, 2001, 2999, 2044, 1037, 13609, 1012, 1045,\n",
+ " 4299, 2008, 2001, 2026, 2069, 6616, 2039, 1012, 2061, 2008,\n",
+ " 4998, 1012, 1999, 2026, 2512, 1011, 2489, 2051, 1010, 1045,\n",
+ " 3273, 1012, 2821, 2879, 1012, 1045, 3273, 1998, 3478, 1012,\n",
+ " 2821, 2158, 1010, 2296, 11937, 2354, 2026, 2171, 1999, 2296,\n",
+ " 20116, 2465, 1045, 2001, 1999, 1012, 1045, 2354, 2029, 11937,\n",
+ " 2015, 2020, 2204, 1012, 1045, 2245, 1045, 2001, 2204, 2012,\n",
+ " 3274, 2671, 1012, 2288, 1037, 1019, 1999, 3274, 2671, 9706,\n",
+ " 3231, 2152, 2082, 1012, 2106, 3492, 2092, 1999, 20116, 11118,\n",
+ " 2692, 1998, 20116, 19235, 2692, 1012, 2106, 11519, 1999, 20116,\n",
+ " 13427, 2692, 1012, 2061, 4931, 1010, 1045, 2323, 2022, 2986,\n",
+ " 1010, 2157, 1029, 8840, 19666, 2080, 1012, 2643, 4365, 1012,\n",
+ " 1045, 2001, 2061, 9981, 1997, 3071, 2040, 3856, 2477, 2039,\n",
+ " 2061, 4089, 1012, 1045, 1521, 1049, 4089, 1996, 12873, 4355,\n",
+ " 1997, 2026, 2814, 1010, 2021, 1045, 5247, 1996, 2087, 2051,\n",
+ " 1012, 3109, 1010, 2431, 1996, 2051, 2027, 1521, 1040, 2074,\n",
+ " 21376, 1996, 6998, 1045, 2985, 2847, 1999, 2436, 2847, 2005,\n",
+ " 2044, 1045, 1521, 1040, 2022, 2445, 1037, 10232, 9374, 1006,\n",
+ " 2029, 2165, 2033, 2847, 2000, 3275, 2041, 2870, 1012, 1007,\n",
+ " 13792, 2001, 1037, 14308, 1999, 1996, 2227, 1012, 2009, 2001,\n",
+ " 1037, 2524, 17357, 2000, 10577, 2008, 2524, 2147, 2064, 2812,\n",
+ " 2990, 4485, 2004, 1045, 2246, 2012, 2026, 1039, 2006, 2026,\n",
+ " 2345, 1012, 8389, 2001, 6659, 2005, 2033, 1012, 2026, 4256,\n",
+ " 2001, 2028, 1997, 2216, 6047, 2004, 6616, 8224, 25204, 2015,\n",
+ " 1012, 1998, 2643, 2057, 3478, 2066, 2296, 2622, 1012, 1045,\n",
+ " 2123, 1521, 1056, 2130, 2113, 2129, 1012, 1045, 2371, 2061,\n",
+ " 2919, 102])\n",
+ "I hate the Cornell Daily Sun with a burning passion so much, that nearly everyone who knows me in real life and who follows me on snapchat will likely consider that one of my personality traits. Here's a short list explaining why the Cornell Daily Sun is a fucking garbage publication: \n",
+ "\n",
+ "* It's not even daily, but they still call themselves the Cornell Daily Sun. Like what the fuck. \n",
+ "\n",
+ "* **Sex on Thursdays**. Who the fuck approved this? Whenever I post the headlines of this section on my snapchat, I always will get a reply from at least one person who refuses to believe that it's real. None of this shit is remotely interesting or even humorous, and it sure as fuck isn't classy. No one wants to fucking read stories about how this one person had a hookup with a dude and it turned awkward and she had to see him every day in Psych 1101 for the rest of the semester, every fucking week. What kind of middle school bullshit are you churning out? Every week its the three stories: Some gossippy bullshit about this girl kinda humble-bragging that she had sex this one time with a super hot dude and it wasn't great that leads into a tirade about how men can't make her orgasm but women can, a list of reasons why sex is fun (because this needed convincing) or why drunkenly hooking up with a laundry list of dudes isn't a bad thing, or another generic rant about rape culture. It just seems like the incoherent ramblings of an insecure bisexual who wants to make sure everyone else knows how much sex they have. \n",
+ "\n",
+ "* I'm taking a single bullet point to complain about a specific person's op-eds. I consider myself moderately liberal, but even taking into consideration that Cornell is a college, and a pretty liberal one at that, I couldn't take some of these articles seriously. Last year, there was literally an editorial written by a woman who was **complaining that when bouncers knew that she was underage and still let her into bars in collegetown, she felt indebted to them and argued this was sexist**, while acknowledging that there were nights when her guy friends were left at the door and her friends and she were let in. She went on to counter the argument to \"simply not drink underage\" by arguing that drinking was a part of college life, and she had a right to *break the law* to meet that goal. I don't think I'm even exaggerating that much, read it for yourself [here](https://cornellsun.com/2018/03/26/hubsher-can-i-see-your-i-d/). \n",
+ "\n",
+ "* The rest of the columns: A lot of these have the unique and distinctive style of *garbage fucking journalism*. Use of a bunch of buzzwords and phrases that may be independently coherent, but as a whole don't really say much. They're usually written intentionally over-provocative in attempts to make the author stand out and give themselves a sense of superiority. It reeks of modern YouTube/Vine \"look-at-me\" culture that I fucking abhor. Each of these \"texts\" is written with a tone of absolute disgust when its evident that they're actually completely ambivalent to the issue. Another lot of these have absolutely fucking nothing to do with Cornell, or really anything in general. I read some article the other day about some girl who got her credit card number stolen through some phishing scheme or something that played out like that one English paper I shat out in the class it was due freshman year of high school. Nothing was really written about how to avoid scams in the future or how to go about resolving a credit card dispute, or really anything of worth to the reader. Some girl just wrote about the one time she got her credit card number stolen, and then what she got for breakfast afterward or something. \n",
+ "\n",
+ "* Batshit crazy opinion pieces. There was an article last year written by 3 non-CS grad students that called for the CS department to introduce a Sociology/Diversity Requirement because they were worried about AI being racist. Here's a excerpt from the first paragraph of their article, \"It's August 4th, 2025, and the Chicago Police Department, now relying heavily on facial recognition artificial intelligence software, wrongly identifies and arrests Barack Obama.\" Does no one read these? A newspaper like The Cornell \"Daily\" Sun shouldn't be treated like Twitter, where anyone can say whatever the fuck they want. Someone needs to proof-read this shit before it gets sent to the presses. \n",
+ "\n",
+ "* The new columnists this year. I thought it would be better with most of the columnists I hate graduating in the spring of 2018. Boy I was fucking wrong. A lot of these new columnists are freshmen or sophomores. How these people got columns freshman year is beyond me; probably some kind of nepotism, especially when you read the kind of stuff they shit out. Basically every complaint I had about the rest of the columnists but taken to the absolute extreme. Like an extreme I didn't even know about. Even my high school paper in South Korea whose main contributors could barely speak English at a 7th grade level had better articles. Nothing interesting is discussed, anything that is discussed is taken to some political extreme, and a lot of opinion articles are written about events that are covered in a report article in the same issue of the paper. This may not seem like a huge deal, but it really is. Its tough to tell if an article about some event is meant to be a report or an opinion at first glance (especially if the opinion piece has the headline and the report doesn't), and it makes the whole paper seem ridiculously political at points and in bad taste. \n",
+ "\n",
+ "* The Movie section. I know art is subjective, but I happen to know a lot about the filmmaking industry. Not that I can make a good film myself, I just happen to have lots of sources where I can learn how films are made, the kinds of politics that go on behind blockbusters, what a director of cinematography looks for in cameras when trying to shoot a horror vs an action film, and why Casablanca is a great movie. But I can say with absolute certainty that nearly half the campus could be a better film critic than whoever they have at the \"Daily\" Sun. Constantly getting facts and general information wrong is just the tip of the iceberg. Also, in my opinion they all have terrible taste, but again, that's completely subjective. \n",
+ "\n",
+ "* Anti-Greek Life articles. I hate Greek Life roughly ten times more than the average Cornellian, but the number of articles complaining about Greek Life that all say the same fucking thing is ridiculous. If it was once a semester, or whenever some frat pulled some stupid stunt, I'd be okay, but every other fucking week is too much man. \n",
+ "\n",
+ "* The Sudoku Section. The quality of this thing fluctuates more than my cardiograph when The Cornell \"Daily\" Sun comes up in conversation. Some days they're ridiculously easy, some days they're actually difficult, usually the former.\n",
+ "\n",
+ "Now, I could rant about this for another ten thousand characters, but let's face it, no one read past this point so I'm gonna stop because I'm nearing the character limit for comments (also because I'm gonna fail my algo prelim on Thursday, and really need to stop procrastinating studying). \n",
+ "\n",
+ "But, I will give credit where credit is due. I think there are a couple of good writers on the team. I especially like DongYeon (Margaret) Lee's stuff because I think she raises questions that are remotely thought provoking, and makes arguments that are interesting and have actually have the capacity to change my mind. They also are always about life at Cornell instead of some fucking bullshit. Take a note other writers, because Cornell fucking deserves it already. \n",
+ "tensor([ 101, 1045, 5223, 1996, 10921, 3679, 3103, 2007, 1037, 5255,\n",
+ " 6896, 2061, 2172, 1010, 2008, 3053, 3071, 2040, 4282, 2033,\n",
+ " 1999, 2613, 2166, 1998, 2040, 4076, 2033, 2006, 10245, 7507,\n",
+ " 2102, 2097, 3497, 5136, 2008, 2028, 1997, 2026, 6180, 12955,\n",
+ " 1012, 2182, 1005, 1055, 1037, 2460, 2862, 9990, 2339, 1996,\n",
+ " 10921, 3679, 3103, 2003, 1037, 8239, 13044, 4772, 1024, 1008,\n",
+ " 2009, 1005, 1055, 2025, 2130, 3679, 1010, 2021, 2027, 2145,\n",
+ " 2655, 3209, 1996, 10921, 3679, 3103, 1012, 2066, 2054, 1996,\n",
+ " 6616, 1012, 1008, 1008, 1008, 3348, 2006, 9432, 2015, 1008,\n",
+ " 1008, 1012, 2040, 1996, 6616, 4844, 2023, 1029, 7188, 1045,\n",
+ " 2695, 1996, 19377, 1997, 2023, 2930, 2006, 2026, 10245, 7507,\n",
+ " 2102, 1010, 1045, 2467, 2097, 2131, 1037, 7514, 2013, 2012,\n",
+ " 2560, 2028, 2711, 2040, 10220, 2000, 2903, 2008, 2009, 1005,\n",
+ " 1055, 2613, 1012, 3904, 1997, 2023, 4485, 2003, 19512, 5875,\n",
+ " 2030, 2130, 14742, 1010, 1998, 2009, 2469, 2004, 6616, 3475,\n",
+ " 1005, 1056, 2465, 2100, 1012, 2053, 2028, 4122, 2000, 8239,\n",
+ " 3191, 3441, 2055, 2129, 2023, 2028, 2711, 2018, 1037, 8103,\n",
+ " 6279, 2007, 1037, 12043, 1998, 2009, 2357, 9596, 1998, 2016,\n",
+ " 2018, 2000, 2156, 2032, 2296, 2154, 1999, 8827, 17994, 7287,\n",
+ " 2487, 2005, 1996, 2717, 1997, 1996, 13609, 1010, 2296, 8239,\n",
+ " 2733, 1012, 2054, 2785, 1997, 2690, 2082, 14636, 2024, 2017,\n",
+ " 26765, 2041, 1029, 2296, 2733, 2049, 1996, 2093, 3441, 1024,\n",
+ " 2070, 13761, 7685, 14636, 2055, 2023, 2611, 17704, 15716, 1011,\n",
+ " 23678, 2075, 2008, 2016, 2018, 3348, 2023, 2028, 2051, 2007,\n",
+ " 1037, 3565, 2980, 12043, 1998, 2009, 2347, 1005, 1056, 2307,\n",
+ " 2008, 5260, 2046, 1037, 14841, 13662, 2055, 2129, 2273, 2064,\n",
+ " 1005, 1056, 2191, 2014, 13892, 2021, 2308, 2064, 1010, 1037,\n",
+ " 2862, 1997, 4436, 2339, 3348, 2003, 4569, 1006, 2138, 2023,\n",
+ " 2734, 13359, 1007, 2030, 2339, 15967, 2135, 8103, 2075, 2039,\n",
+ " 2007, 1037, 14533, 2862, 1997, 12043, 2015, 3475, 1005, 1056,\n",
+ " 1037, 2919, 2518, 1010, 2030, 2178, 12391, 2743, 2102, 2055,\n",
+ " 9040, 3226, 1012, 2009, 2074, 3849, 2066, 1996, 4297, 11631,\n",
+ " 7869, 3372, 8223, 9709, 2015, 1997, 2019, 16021, 29150, 22437,\n",
+ " 2040, 4122, 2000, 2191, 2469, 3071, 2842, 4282, 2129, 2172,\n",
+ " 3348, 2027, 2031, 1012, 1008, 1045, 1005, 1049, 2635, 1037,\n",
+ " 2309, 7960, 2391, 2000, 17612, 2055, 1037, 3563, 2711, 1005,\n",
+ " 1055, 6728, 1011, 11985, 1012, 1045, 5136, 2870, 17844, 4314,\n",
+ " 1010, 2021, 2130, 2635, 2046, 9584, 2008, 10921, 2003, 1037,\n",
+ " 2267, 1010, 1998, 1037, 3492, 4314, 2028, 2012, 2008, 1010,\n",
+ " 1045, 2481, 1005, 1056, 2202, 2070, 1997, 2122, 4790, 5667,\n",
+ " 1012, 2197, 2095, 1010, 2045, 2001, 6719, 2019, 8368, 2517,\n",
+ " 2011, 1037, 2450, 2040, 2001, 1008, 1008, 17949, 2008, 2043,\n",
+ " 17523, 2869, 2354, 2008, 2016, 2001, 2104, 4270, 1998, 2145,\n",
+ " 2292, 2014, 2046, 6963, 1999, 2267, 4665, 1010, 2016, 2371,\n",
+ " 27427, 15878, 3064, 2000, 2068, 1998, 5275, 2023, 2001, 3348,\n",
+ " 2923, 1008, 1008, 1010, 2096, 21894, 2008, 2045, 2020, 6385,\n",
+ " 2043, 2014, 3124, 2814, 2020, 2187, 2012, 1996, 2341, 1998,\n",
+ " 2014, 2814, 1998, 2016, 2020, 2292, 1999, 1012, 2016, 2253,\n",
+ " 2006, 2000, 4675, 1996, 6685, 2000, 1000, 3432, 2025, 4392,\n",
+ " 2104, 4270, 1000, 2011, 9177, 2008, 5948, 2001, 1037, 2112,\n",
+ " 1997, 2267, 2166, 1010, 1998, 2016, 2018, 1037, 2157, 2000,\n",
+ " 1008, 102])\n",
+ "Thanks for the correction on Matthew Shepard. I do appreciate that. And for the record, I would **NEVER** consider harming someone in a situation such as you described, or any situation, other than my own self defense. I do NOT think that's okay, nor do I advocate for that anywhere in my writing or my life. You seriously misconstrued my words. I absolutely respect your right to hold political opinions, but that doesn't mean you are protected from being socially ostracized for those opinions. You have the right to be a white supremacist (an extreme example), but you probably deserve any social ostracism that comes from it. Note: I do NOT think you should be met with violence in that example. And I recognize that if I move to a conservative, religious city and live my best gay life, I'm not protected from any ostracism or judgment that comes from it. Hence my living in a liberal and accepting city.\n",
+ "\n",
+ "The religious right tends to say that gays being given rights (IE: the right to adopt, to marry) is a violation of their right to practice their religion. Then, they work to expand their right to \"practice religion\" to include things like depriving gays from being gay in the workplace. That's why I related the two. Here's a great explanation of this, and how it relates to workplace protections and the GOP: [https://thehill.com/regulation/court-battles/403951-16-states-ask-supreme-court-to-legalize-discrimination-against-lgbtq](https://thehill.com/regulation/court-battles/403951-16-states-ask-supreme-court-to-legalize-discrimination-against-lgbtq).\n",
+ "\n",
+ "And if it's legal to discriminate against gays, people will **absolutely** do it. This happens worldwide in disgusting ways. It's legal to be executed for being gay in different parts of the world, and **people do this.** In the past, in the US, you could be fined and arrested for engaging in homosexual activity, and **this happened. It was legal, and it happened.** Your rhinoceros example is such an absurd false equivalence that I won't even address it.\n",
+ "\n",
+ "And to say that my safety won't be threatened for being publicly gay, or that people won't stop me, is just such a massive denial of reality. A lot of research has gone into hate crimes committed against LGBTQ individuals; you can read some of it here. [https://www.hrc.org/blog/new-fbi-data-shows-increased-reported-incidents-of-anti-lgbtq-hate-crimes-i](https://www.hrc.org/blog/new-fbi-data-shows-increased-reported-incidents-of-anti-lgbtq-hate-crimes-i)\n",
+ "\n",
+ "\"In 2016, 6,121 hate crime incidents were reported --an increase of five percent from 2015. Of the 6,121 incidents reported,**1,076 were based on sexual orientation bias and 124 were based on gender identity bias.** These numbers reflect a two percent and nine percent increase, respectively. ... However, these numbers likely represent only a fraction of such cases, given that reporting hate crimes to the FBI is not mandatory. Thousands of law enforcement agencies throughout the country did not submit any data. And while the number of jurisdictions reporting hate crimes data increased to 15,251 in 2016 from 14,997 in 2015, this is still less than the 15,494 agencies that reported in 2014. The lack of mandatory reporting means that the FBI data, while helpful, paints a very incomplete picture of hate crimes against LGBTQ Americans.\"\n",
+ "\n",
+ "The marriage debate was propelled by \"protecting the institution of marriage\" on religious grounds. Christians and the religious right felt that gay unions were \"less\" than their God-sanctioned marriage, and thus wanted to deny gays from achieving **equal rights. This is literally about gay rights.** Read what you just wrote - \"I want to preserve the current institution of marriage, and in doing so, I will deny you your right to marry.\" (the gist of preserving the institution of marriage). How is that not about gay rights?\n",
+ "\n",
+ "The fact that Shepard's murderer was a very angry and homophobic individual, and that they literally tied him to a fence and left him to die, suggests that he was motivated by bias against Shepard's identity. My point that I'm trying to \"prove\" is that walking while gay (or black/POC, or a woman, etc) is NOT an equitable experience to walking while MAGA at Cornell, in large part thanks to the GOP and \"party of family values,\" and that I am under no obligation to accept or tolerate this. These are very real threats that individuals face daily, because of something they never chose for themselves. The fact that 20 states have hate crime laws EXCLUDING sexual orientation and gender identity is, frankly, a massive shortcoming of the American political system and predominantly fueled and propagated by conservative politicians.\n",
+ "\n",
+ "Regarding Milk, perhaps his murder was unrelated to his sexuality, so you're right, not the best example. But there are hundreds, thousands, of others to take the place, as outlined by the research cited above and elsewhere.\n",
+ "\n",
+ "Anyway, we're pretty off topic from the original post. Just consider the inherent privilege bestowed upon you for being a straight white male, and that supporting an unfavorable political party is **not** equitable to the experience of living as a minority, day in and day out, who only recently gained the right to marry their partner, could still be fired for who I am, faces a higher threat of violence around the country and world, etc. And, as a white gay man in America, I have to remind myself to check my privilege as well. We have it so much better than gays worldwide, POC gays, the trans community, and more.\n",
+ "\n",
+ "​\n",
+ "\n",
+ "​\n",
+ "\n",
+ "​\n",
+ "tensor([ 101, 4283, 2005, 1996, 18140, 2006, 5487, 22189, 1012, 1045,\n",
+ " 2079, 9120, 2008, 1012, 1998, 2005, 1996, 2501, 1010, 1045,\n",
+ " 2052, 1008, 1008, 2196, 1008, 1008, 5136, 7386, 2075, 2619,\n",
+ " 1999, 1037, 3663, 2107, 2004, 2017, 2649, 1010, 2030, 2151,\n",
+ " 3663, 1010, 2060, 2084, 2026, 2219, 2969, 3639, 1012, 1045,\n",
+ " 2079, 2025, 2228, 2008, 1005, 1055, 3100, 1010, 4496, 2079,\n",
+ " 1045, 8175, 2005, 2008, 5973, 1999, 2026, 3015, 2030, 2026,\n",
+ " 2166, 1012, 2017, 5667, 28616, 8663, 3367, 28551, 2026, 2616,\n",
+ " 1012, 1045, 7078, 4847, 2115, 2157, 2000, 2907, 2576, 10740,\n",
+ " 1010, 2021, 2008, 2987, 1005, 1056, 2812, 2017, 2024, 5123,\n",
+ " 2013, 2108, 14286, 9808, 6494, 6895, 5422, 2005, 2216, 10740,\n",
+ " 1012, 2017, 2031, 1996, 2157, 2000, 2022, 1037, 2317, 10514,\n",
+ " 28139, 22911, 2923, 1006, 2019, 6034, 2742, 1007, 1010, 2021,\n",
+ " 2017, 2763, 10107, 2151, 2591, 9808, 6494, 22987, 2213, 2008,\n",
+ " 3310, 2013, 2009, 1012, 3602, 1024, 1045, 2079, 2025, 2228,\n",
+ " 2017, 2323, 2022, 2777, 2007, 4808, 1999, 2008, 2742, 1012,\n",
+ " 1998, 1045, 6807, 2008, 2065, 1045, 2693, 2000, 1037, 4603,\n",
+ " 1010, 3412, 2103, 1998, 2444, 2026, 2190, 5637, 2166, 1010,\n",
+ " 1045, 1005, 1049, 2025, 5123, 2013, 2151, 9808, 6494, 22987,\n",
+ " 2213, 2030, 8689, 2008, 3310, 2013, 2009, 1012, 6516, 2026,\n",
+ " 2542, 1999, 1037, 4314, 1998, 10564, 2103, 1012, 1996, 3412,\n",
+ " 2157, 12102, 2000, 2360, 2008, 5637, 2015, 2108, 2445, 2916,\n",
+ " 1006, 29464, 1024, 1996, 2157, 2000, 11092, 1010, 2000, 5914,\n",
+ " 1007, 2003, 1037, 11371, 1997, 2037, 2157, 2000, 3218, 2037,\n",
+ " 4676, 1012, 2059, 1010, 2027, 2147, 2000, 7818, 2037, 2157,\n",
+ " 2000, 1000, 3218, 4676, 1000, 2000, 2421, 2477, 2066, 2139,\n",
+ " 18098, 14966, 5637, 2015, 2013, 2108, 5637, 1999, 1996, 16165,\n",
+ " 1012, 2008, 1005, 1055, 2339, 1045, 3141, 1996, 2048, 1012,\n",
+ " 2182, 1005, 1055, 1037, 2307, 7526, 1997, 2023, 1010, 1998,\n",
+ " 2129, 2009, 14623, 2000, 16165, 28548, 1998, 1996, 2175, 2361,\n",
+ " 1024, 1031, 16770, 1024, 1013, 1013, 1996, 7100, 1012, 4012,\n",
+ " 1013, 7816, 1013, 2457, 1011, 7465, 1013, 28203, 2683, 22203,\n",
+ " 1011, 2385, 1011, 2163, 1011, 3198, 1011, 4259, 1011, 2457,\n",
+ " 1011, 2000, 1011, 3423, 4697, 1011, 9147, 1011, 2114, 1011,\n",
+ " 12010, 4160, 1033, 1006, 16770, 1024, 1013, 1013, 1996, 7100,\n",
+ " 1012, 4012, 1013, 7816, 1013, 2457, 1011, 7465, 1013, 28203,\n",
+ " 2683, 22203, 1011, 2385, 1011, 2163, 1011, 3198, 1011, 4259,\n",
+ " 1011, 2457, 1011, 2000, 1011, 3423, 4697, 1011, 9147, 1011,\n",
+ " 2114, 1011, 12010, 4160, 1007, 1012, 1998, 2065, 2009, 1005,\n",
+ " 1055, 3423, 2000, 5860, 20026, 14776, 2114, 5637, 2015, 1010,\n",
+ " 2111, 2097, 1008, 1008, 7078, 1008, 1008, 2079, 2009, 1012,\n",
+ " 2023, 6433, 4969, 1999, 19424, 3971, 1012, 2009, 1005, 1055,\n",
+ " 3423, 2000, 2022, 6472, 2005, 2108, 5637, 1999, 2367, 3033,\n",
+ " 1997, 1996, 2088, 1010, 1998, 1008, 1008, 2111, 2079, 2023,\n",
+ " 1012, 1008, 1008, 1999, 1996, 2627, 1010, 1999, 1996, 2149,\n",
+ " 1010, 2017, 2071, 2022, 16981, 1998, 4727, 2005, 11973, 1999,\n",
+ " 15667, 4023, 1010, 1998, 1008, 1008, 2023, 3047, 1012, 2009,\n",
+ " 2001, 3423, 1010, 1998, 2009, 3047, 1012, 1008, 1008, 2115,\n",
+ " 24091, 17119, 2891, 2742, 2003, 2107, 2019, 18691, 6270, 27841,\n",
+ " 2008, 1045, 2180, 1005, 1056, 2130, 4769, 2009, 1012, 1998,\n",
+ " 2000, 2360, 2008, 2026, 3808, 2180, 1005, 1056, 2022, 5561,\n",
+ " 2005, 102])\n",
+ "> I absolutely respect your right to hold political opinions, but that doesn't mean you are protected from being socially ostracized for those opinions. You have the right to be a white supremacist (an extreme example), but you probably deserve any social ostracism that comes from it. Note: I do NOT think you should be met with violence in that example. And I recognize that if I move to a conservative, religious city and live my best gay life, I'm not protected from any ostracism or judgment that comes from it. Hence my living in a liberal and accepting city.\n",
+ "\n",
+ "Honestly, the problem is that so much of the cultural institutions are dominated by the left. The wealthiest neighborhoods, the most prestigious Universities, the media, hollywood, are all dominated by liberals, so I, unlike you, don't have the luxury of simply moving, if I want to advance to high standing. Furthermore, it's the fact that I can be socially ostracized for being a member of one of the two major political parties, that highlights the problem. And the fact that this is a road that goes in only one direction!!!!! \n",
+ "\n",
+ "The white supremacist example was particularly awful, but lets go with it. A W.S., wouldn't associate with blacks, and the same is true in reverse. A W.S, wouldn't serve blacks at his restaurant, and the same is true in reverse. A liberal wouldn't engage with a conservative, and would seek to ostracize that conservative, the same isnt true vise versa. I can't find a single conservative that would denigrate a liberal in any way. Go to Hillsdale college and wear an \"I'm with her\" cap and you won't feel threatened. Go to Cornell and wear a #MAGA hat, and you'll probably get punched in the face... SEE THE PROBLEM!\n",
+ "\n",
+ "\n",
+ "The article you quoted in the hill is utterly ridiculous. It's merely stating that you can't be deemed a \"protected\" class under the 1964 CRA. That's true. That doesn't mean that LGBT Americans wont be protected from discrimination. Muslims werent part of the 1964 CRA, go try firing someone for being Muslim.\n",
+ "\n",
+ "Not going to address your idiotic point about hate crimes because its utterly idiotic. YES, MAZAL TOV, YOU HAVE PROVEN THAT BAD PEOPLE DO BAD THINGS! What does this have to do with anything? What does the fact that some really bad people did some really bad things prove? Jews are the #1 victims of hate crimes. You don't see me crying about how oppressed I am. Bad people do bad things, and no law will address that. No R will defend those awful people who do those awful things. Murders are illegal, people still commit them.Bad people do bad things. \n",
+ "\n",
+ "> This is literally about gay rights. Read what you just wrote - \"I want to preserve the current institution of marriage, and in doing so, I will deny you your right to marry.\" (the gist of preserving the institution of marriage). How is that not about gay rights?\n",
+ "\n",
+ "Because marriage has NOTHING to do with your sexuality. I'm straight. If they were to outlaw marriage for straight people, I'd still be 100% straight. If they were to fine people for being straight, that would be a different story. However, being gay, and being able to marry your partner, have nothing to do with each other. Justice Kennedy said as much in the masterpiece cakeshop case. If I was threatening your ability to copulate or engage with another man, that would be a different story. Throughout history, marriage was a religious institution. Preserving that institution as it was, not changing and redefining it, was seen as a worthy task by some members of my political persuasion (not saying they're right).Gay people still can't get married in a (traditional) church ceremony-- is that also a violation of their rights (its not.)?\n",
+ "\n",
+ "\n",
+ "> The fact that Shepard's murderer was a very angry and homophobic individual, and that they literally tied him to a fence and left him to die, suggests that he was motivated by bias against Shepard's identity. My point that I'm trying to \"prove\" is that walking while gay (or black/POC, or a woman, etc) is NOT an equitable experience to walking while MAGA at Cornell.\n",
+ "\n",
+ "NO!!! What are you saying. Read the article. The guy may have had some homophobic proclivities, but it was a botched robbery gone awry. And I granted you that, what if he was anti gay? What if he was a super homophobic jackass? What does that have to do with the Mike Pence's and Kim Davis' of the world?\n",
+ "\n",
+ "\n",
+ "> Anyway, we're pretty off topic from the original post. Just consider the inherent privilege bestowed upon you for being a straight white male, and that supporting an unfavorable political party is not equitable to the experience of living as a minority, day in and day out, who only recently gained the right to marry their partner, could still be fired for who I am, faces a higher threat of violence around the country and world, etc. And, as a white gay man in America, I have to remind myself to check my privilege as well. We have it so much better than gays worldwide, POC gays, the trans community, and more.\n",
+ "\n",
+ "\n",
+ "No, because freedom of expression should mean something. I would never ostracize someone for their beliefs. Your original point was that its ok to do just that.\n",
+ "tensor([ 101, 1004, 14181, 1025, 1045, 7078, 4847, 2115, 2157, 2000,\n",
+ " 2907, 2576, 10740, 1010, 2021, 2008, 2987, 1005, 1056, 2812,\n",
+ " 2017, 2024, 5123, 2013, 2108, 14286, 9808, 6494, 6895, 5422,\n",
+ " 2005, 2216, 10740, 1012, 2017, 2031, 1996, 2157, 2000, 2022,\n",
+ " 1037, 2317, 10514, 28139, 22911, 2923, 1006, 2019, 6034, 2742,\n",
+ " 1007, 1010, 2021, 2017, 2763, 10107, 2151, 2591, 9808, 6494,\n",
+ " 22987, 2213, 2008, 3310, 2013, 2009, 1012, 3602, 1024, 1045,\n",
+ " 2079, 2025, 2228, 2017, 2323, 2022, 2777, 2007, 4808, 1999,\n",
+ " 2008, 2742, 1012, 1998, 1045, 6807, 2008, 2065, 1045, 2693,\n",
+ " 2000, 1037, 4603, 1010, 3412, 2103, 1998, 2444, 2026, 2190,\n",
+ " 5637, 2166, 1010, 1045, 1005, 1049, 2025, 5123, 2013, 2151,\n",
+ " 9808, 6494, 22987, 2213, 2030, 8689, 2008, 3310, 2013, 2009,\n",
+ " 1012, 6516, 2026, 2542, 1999, 1037, 4314, 1998, 10564, 2103,\n",
+ " 1012, 9826, 1010, 1996, 3291, 2003, 2008, 2061, 2172, 1997,\n",
+ " 1996, 3451, 4896, 2024, 6817, 2011, 1996, 2187, 1012, 1996,\n",
+ " 27809, 11681, 1010, 1996, 2087, 8919, 5534, 1010, 1996, 2865,\n",
+ " 1010, 5365, 1010, 2024, 2035, 6817, 2011, 13350, 1010, 2061,\n",
+ " 1045, 1010, 4406, 2017, 1010, 2123, 1005, 1056, 2031, 1996,\n",
+ " 9542, 1997, 3432, 3048, 1010, 2065, 1045, 2215, 2000, 5083,\n",
+ " 2000, 2152, 3061, 1012, 7297, 1010, 2009, 1005, 1055, 1996,\n",
+ " 2755, 2008, 1045, 2064, 2022, 14286, 9808, 6494, 6895, 5422,\n",
+ " 2005, 2108, 1037, 2266, 1997, 2028, 1997, 1996, 2048, 2350,\n",
+ " 2576, 4243, 1010, 2008, 11637, 1996, 3291, 1012, 1998, 1996,\n",
+ " 2755, 2008, 2023, 2003, 1037, 2346, 2008, 3632, 1999, 2069,\n",
+ " 2028, 3257, 999, 999, 999, 999, 999, 1996, 2317, 10514,\n",
+ " 28139, 22911, 2923, 2742, 2001, 3391, 9643, 1010, 2021, 11082,\n",
+ " 2175, 2007, 2009, 1012, 1037, 1059, 1012, 1055, 1012, 1010,\n",
+ " 2876, 1005, 1056, 5482, 2007, 10823, 1010, 1998, 1996, 2168,\n",
+ " 2003, 2995, 1999, 7901, 1012, 1037, 1059, 1012, 1055, 1010,\n",
+ " 2876, 1005, 1056, 3710, 10823, 2012, 2010, 4825, 1010, 1998,\n",
+ " 1996, 2168, 2003, 2995, 1999, 7901, 1012, 1037, 4314, 2876,\n",
+ " 1005, 1056, 8526, 2007, 1037, 4603, 1010, 1998, 2052, 6148,\n",
+ " 2000, 9808, 6494, 6895, 4371, 2008, 4603, 1010, 1996, 2168,\n",
+ " 3475, 2102, 2995, 25292, 2063, 18601, 1012, 1045, 2064, 1005,\n",
+ " 1056, 2424, 1037, 2309, 4603, 2008, 2052, 7939, 8004, 11657,\n",
+ " 1037, 4314, 1999, 2151, 2126, 1012, 2175, 2000, 4564, 5634,\n",
+ " 2267, 1998, 4929, 2019, 1000, 1045, 1005, 1049, 2007, 2014,\n",
+ " 1000, 6178, 1998, 2017, 2180, 1005, 1056, 2514, 5561, 1012,\n",
+ " 2175, 2000, 10921, 1998, 4929, 1037, 1001, 23848, 2050, 6045,\n",
+ " 1010, 1998, 2017, 1005, 2222, 2763, 2131, 11696, 1999, 1996,\n",
+ " 2227, 1012, 1012, 1012, 2156, 1996, 3291, 999, 1996, 3720,\n",
+ " 2017, 9339, 1999, 1996, 2940, 2003, 12580, 9951, 1012, 2009,\n",
+ " 1005, 1055, 6414, 5517, 2008, 2017, 2064, 1005, 1056, 2022,\n",
+ " 8357, 1037, 1000, 5123, 1000, 2465, 2104, 1996, 3546, 13675,\n",
+ " 2050, 1012, 2008, 1005, 1055, 2995, 1012, 2008, 2987, 1005,\n",
+ " 1056, 2812, 2008, 12010, 4841, 2180, 2102, 2022, 5123, 2013,\n",
+ " 9147, 1012, 7486, 4694, 2102, 2112, 1997, 1996, 3546, 13675,\n",
+ " 2050, 1010, 2175, 3046, 7493, 2619, 2005, 2108, 5152, 1012,\n",
+ " 2025, 2183, 2000, 4769, 2115, 10041, 2594, 2391, 2055, 5223,\n",
+ " 6997, 2138, 2049, 12580, 10041, 2594, 1012, 2748, 1010, 5003,\n",
+ " 16739, 2000, 2615, 1010, 2017, 2031, 10003, 2008, 2919, 2111,\n",
+ " 2079, 102])\n",
+ "predictions tensor([1, 1, 1, 1])\n"
+ ]
+ }
+ ],
+ "source": [
+ "transformed_corpus = classifier.transform(corpus=corpus, selector=lambda x: len(x.text) > 5000)"
+ ]
+ }
+ ],
+ "metadata": {
+ "kernelspec": {
+ "display_name": "convokit",
+ "language": "python",
+ "name": "python3"
+ },
+ "language_info": {
+ "codemirror_mode": {
+ "name": "ipython",
+ "version": 3
+ },
+ "file_extension": ".py",
+ "mimetype": "text/x-python",
+ "name": "python",
+ "nbconvert_exporter": "python",
+ "pygments_lexer": "ipython3",
+ "version": "3.11.11"
+ }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 2
+}