Skip to content

Commit

Permalink
fix typos
Browse files Browse the repository at this point in the history
  • Loading branch information
tranhoaison committed Dec 6, 2023
1 parent a2ced90 commit ca3f433
Show file tree
Hide file tree
Showing 7 changed files with 9 additions and 9 deletions.
2 changes: 1 addition & 1 deletion sdk/src/account/mod.rs
Original file line number Diff line number Diff line change
Expand Up @@ -111,7 +111,7 @@ impl Account {

fn __hash__(&self) -> u64 {
let mut hasher = DefaultHasher::new();
// because it's enouth to hash the private key only we add a dummy string so that:
// because it's enough to hash the private key only we add a dummy string so that:
// hash(Account) != hash(PrivateKey)
"account".hash(&mut hasher);
self.private_key.hash(&mut hasher);
Expand Down
2 changes: 1 addition & 1 deletion zkml-research/MNIST_preprocessing/6_presentation.ipynb
Original file line number Diff line number Diff line change
Expand Up @@ -167,7 +167,7 @@
"metadata": {},
"outputs": [],
"source": [
"# conver to pytorch tensors\n",
"# convertto pytorch tensors\n",
"import torch\n",
"\n",
"train_images_tensor_initial = torch.from_numpy(train_images_2d).float()\n",
Expand Down
2 changes: 1 addition & 1 deletion zkml-research/MNIST_preprocessing/7_trees.ipynb
Original file line number Diff line number Diff line change
Expand Up @@ -167,7 +167,7 @@
"metadata": {},
"outputs": [],
"source": [
"# conver to pytorch tensors\n",
"# convertto pytorch tensors\n",
"import torch\n",
"\n",
"train_images_tensor_initial = torch.from_numpy(train_images_2d).float()\n",
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -167,7 +167,7 @@
"metadata": {},
"outputs": [],
"source": [
"# conver to pytorch tensors\n",
"# convertto pytorch tensors\n",
"import torch\n",
"\n",
"train_images_tensor_initial = torch.from_numpy(train_images_2d).float()\n",
Expand Down
4 changes: 2 additions & 2 deletions zkml-research/zkml-web-app/mnist_train.ipynb
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,7 @@
"source": [
"MLP neural networks are expressive ML models. Here, we use them for the MNIST classification task, which contains images of handwritten digits. We show the inference of MLP neural networks for the MNIST dataset is possible in a zero knowledge environment.\n",
"\n",
"For this, we first download the dataset, and then compute feature representations of the dataset. We then train and test an MLP neural network on the feature dataset using PyTorch (beacuse we can train with L1 regularization which is helpful for pruning later on). Afterward, we iteratively prune the network (meaning we set weights and biases close to 0 to actually 0, this will save cicruit constraints later on) and fine-tune it. Then, we convert the final PyTorch MLP model to a scikit-learn MLP model (since the transpiler supports scikit-learn models) and transpile the final MLP neural network to Leo, evaluate the Leo network and create a zero knowledge proof."
"For this, we first download the dataset, and then compute feature representations of the dataset. We then train and test an MLP neural network on the feature dataset using PyTorch (because we can train with L1 regularization which is helpful for pruning later on). Afterward, we iteratively prune the network (meaning we set weights and biases close to 0 to actually 0, this will save circuitconstraints later on) and fine-tune it. Then, we convert the final PyTorch MLP model to a scikit-learn MLP model (since the transpiler supports scikit-learn models) and transpile the final MLP neural network to Leo, evaluate the Leo network and create a zero knowledge proof."
]
},
{
Expand Down Expand Up @@ -235,7 +235,7 @@
"metadata": {},
"outputs": [],
"source": [
"# conver to pytorch tensors\n",
"# convertto pytorch tensors\n",
"import torch\n",
"\n",
"train_images_tensor_initial = torch.from_numpy(train_images).float()\n",
Expand Down
4 changes: 2 additions & 2 deletions zkml/examples/MLP_neural_networks/mnist_dataset.ipynb
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,7 @@
"source": [
"MLP neural networks are expressive ML models. Here, we use them for the MNIST classification task, which contains images of handwritten digits. We show the inference of MLP neural networks for the MNIST dataset is possible in a zero knowledge environment.\n",
"\n",
"For this, we first download the dataset, and then compute feature representations of the dataset. We then train and test an MLP neural network on the feature dataset using PyTorch (beacuse we can train with L1 regularization which is helpful for pruning later on). Afterward, we iteratively prune the network (meaning we set weights and biases close to 0 to actually 0, this will save cicruit constraints later on) and fine-tune it. Then, we convert the final PyTorch MLP model to a scikit-learn MLP model (since the transpiler supports scikit-learn models) and transpile the final MLP neural network to Leo, evaluate the Leo network and create a zero knowledge proof."
"For this, we first download the dataset, and then compute feature representations of the dataset. We then train and test an MLP neural network on the feature dataset using PyTorch (because we can train with L1 regularization which is helpful for pruning later on). Afterward, we iteratively prune the network (meaning we set weights and biases close to 0 to actually 0, this will save circuitconstraints later on) and fine-tune it. Then, we convert the final PyTorch MLP model to a scikit-learn MLP model (since the transpiler supports scikit-learn models) and transpile the final MLP neural network to Leo, evaluate the Leo network and create a zero knowledge proof."
]
},
{
Expand Down Expand Up @@ -235,7 +235,7 @@
"metadata": {},
"outputs": [],
"source": [
"# conver to pytorch tensors\n",
"# convertto pytorch tensors\n",
"import torch\n",
"\n",
"train_images_tensor_initial = torch.from_numpy(train_images).float()\n",
Expand Down
2 changes: 1 addition & 1 deletion zkml/tests/helper.py
Original file line number Diff line number Diff line change
Expand Up @@ -271,7 +271,7 @@ def read_idx1_ubyte_label_file(filename):



# conver to pytorch tensors
# convertto pytorch tensors
import torch

train_images_tensor_initial = torch.from_numpy(train_images_2d).float()
Expand Down

0 comments on commit ca3f433

Please sign in to comment.