-
Notifications
You must be signed in to change notification settings - Fork 118
Commit
This commit does not belong to any branch on this repository, and may belong to a fork outside of the repository.
- Loading branch information
Showing
210 changed files
with
802 additions
and
0 deletions.
There are no files selected for viewing
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,242 @@ | ||
# BvS | ||
**Dawn of AI** | ||
An Image classifier to identify whether the given image is Batman or Superman using a CNN with high accuracy. | ||
(Without using Dogs Vs Cats, From getting images from google to saving our trained model for reuse.) | ||
|
||
# What are we gonna do: | ||
* We will build a 3 layered **Community Standard CNN Image classifier** to classify whether the given image is a image of Batman or Superman. | ||
* Learn how to build a model from scratch in Tensoflow which is accurate. | ||
* How to train and test it. | ||
* How to save and use it further. | ||
|
||
**Setup:** | ||
* Python 3.5 | ||
* Tensorflow 1.5.0 | ||
* CUDA 9.0 | ||
* CUDANN 7.0.5 | ||
|
||
Indepth explanation of each section: | ||
[Medium post with detailed step by step explanation](https://medium.com/@ipaar3/how-i-built-a-convolutional-image-classifier-using-tensorflow-from-scratch-f852c34e1c95) for deeper understanding of CNNs and architecture of the network. | ||
|
||
# Data: | ||
|
||
### Collect data: | ||
* [Google Images Downloader](https://github.com/hardikvasa/google-images-download).It's fast, easy, simple and efficient. | ||
* I've collected 300 images each for Supes and Batsy respectively, But more data is highly preferable. Try to collect as much clean data as possible. | ||
<p align="center"> | ||
<img src="https://github.com/perseus784/BvS/blob/master/media/image_collection.png" width="800" height="400"> | ||
</p> | ||
|
||
### Augmentation: | ||
* 300 is not a number at all in Deep learning. So, we must Augment the images to get more images from whatever we collected. | ||
* You can use the following to do it easily, [Augmentor](https://github.com/mdbloice/Augmentor). | ||
* [This](https://github.com/perseus784/BvS/blob/master/augment.py) is the code I've used for augmenting my images. | ||
* Same image, augmented using various transformations. I had 3500 images each after augmentation for each class. | ||
*Careful: While Augmenting, be careful about what kind of transformation you use. You can mirror flip a Bat Logo but cannot make it upside down.* | ||
|
||
<p align="center"> | ||
<img src="https://github.com/perseus784/BvS/blob/master/media/augment.png" width="800" height="400"> | ||
</p> | ||
|
||
### Standardize: | ||
* After Augmentation, Make a folder named rawdata in the current working directory. | ||
* Create folders with their respective class names and put all the images in their respective folders. | ||
* Run [this](https://github.com/perseus784/BvS/blob/master/preprocessing.py) file in the same directory as rawdata. | ||
* This will resize all the images to a standard resolution and same format and put it in a new folder named data. | ||
**Note:** As I embedded it in *trainer.py*, it is unnecessary to run it explicitly. | ||
**Update** :You can get the **data** folder itself from [here(50mb)](https://drive.google.com/open?id=1GUPBBdLlqStnxjhISkxT1qOf1XPnmRcF). Just download and extract!. | ||
|
||
<p align="left"> | ||
<img src="https://github.com/perseus784/BvS/blob/master/media/convert.png" width="400" height="200"> | ||
<img src="https://github.com/perseus784/BvS/blob/master/media/file_structure.png" width="300" height="400"> | ||
</p> | ||
|
||
|
||
# Architecture: | ||
### A Simple Architecture: | ||
> For detailed explanation of Architecture and CNNs please read the medium [post](https://medium.com/@ipaar3/how-i-built-a-convolutional-image-classifier-using-tensorflow-from-scratch-f852c34e1c95). | ||
I've explained CNNs in depth over there, I highly recommend reading it. | ||
|
||
<p align="center"> | ||
<img src="https://github.com/perseus784/BvS/blob/master/media/convolution_nn_medium_post.png" width="800" height="400"> | ||
</p> | ||
|
||
In code: | ||
|
||
#level 1 convolution | ||
network=model.conv_layer(images_ph,5,3,16,1) | ||
network=model.pooling_layer(network,5,2) | ||
network=model.activation_layer(network) | ||
|
||
#level 2 convolution | ||
network=model.conv_layer(network,4,16,32,1) | ||
network=model.pooling_layer(network,4,2) | ||
network=model.activation_layer(network) | ||
|
||
#level 3 convolution | ||
network=model.conv_layer(network,3,32,64,1) | ||
network=model.pooling_layer(network,3,2) | ||
network=model.activation_layer(network) | ||
|
||
#flattening layer | ||
network,features=model.flattening_layer(network) | ||
|
||
#fully connected layer | ||
network=model.fully_connected_layer(network,features,1024) | ||
network=model.activation_layer(network) | ||
#output layer | ||
network=model.fully_connected_layer(network,1024,no_of_classes) | ||
|
||
### A Brief Architecture: | ||
With dimentional informations: | ||
<p align="center"> | ||
<img src="https://github.com/perseus784/BvS/blob/master/media/brief_architecture.png" width="800" height="400"> | ||
</p> | ||
|
||
# Training: | ||
* Clone this repo. | ||
* Do the Augmentation. | ||
* Put the images in thier respective folders in *rawdata*. | ||
|
||
rawdata/batman: 3810 images | ||
rawdata/superman: 3810 images | ||
|
||
**Update** :You can get the **data** folder itself from [here(50mb)](https://drive.google.com/open?id=1GUPBBdLlqStnxjhISkxT1qOf1XPnmRcF). Just download and extract!. | ||
|
||
Our file structure should look like this, | ||
<p align="left"> | ||
<img src="https://github.com/perseus784/BvS/blob/master/media/file_placement.png" width="500" height="400"> | ||
<img src="https://github.com/perseus784/BvS/blob/master/media/fstr.png" width="300" height="400"> | ||
</p> | ||
|
||
***data*** folder will be generated automatically by trainer.py from raw_data if *data* folder does not exist. | ||
|
||
* **Configuration:** If you want to edit something, you can do it using [this](https://github.com/perseus784/BvS/blob/master/config.py) file. | ||
|
||
raw_data='rawdata' | ||
data_path='data' | ||
height=100 | ||
width=100 | ||
all_classes = os.listdir(data_path) | ||
number_of_classes = len(all_classes) | ||
color_channels=3 | ||
epochs=300 | ||
batch_size=10 | ||
model_save_name='checkpoints\\' | ||
|
||
|
||
* **Run** [trainer.py](https://github.com/perseus784/BvS/blob/master/trainer.py). | ||
* Wait for few hours. | ||
* For me it took **8 hrs for 300 epochs**. I did it in my laptop which has **i5 processors, 8 Gigabytes of RAM, Nvidia geforce 930M 2GB setup**. You can end the process anytime if saturated, as the model will be saved frequently. | ||
|
||
<p align="center"> | ||
<img src="https://github.com/perseus784/BvS/blob/master/media/train_info.png" width="800" height="400"> | ||
</p> | ||
|
||
<p align="center"> | ||
<img src="https://github.com/perseus784/BvS/blob/master/media/training_loss.png" width="800" height="400"> | ||
</p> | ||
|
||
### Saving our model: | ||
Once training is over, we can see a folder named checkpoints is created which contains our model for which we trained. These two simple lines does that for us in tensorflow: | ||
|
||
saver = tf.train.Saver(max_to_keep=4) | ||
saver.save(session, model_save_name) | ||
You can get my pretrained model [here.](https://drive.google.com/file/d/1l9_ByLxtGqRMJxWvNr9Ls7XDFRxsqywN/view?usp=sharing) | ||
|
||
We have three files in our checkpoints folder, | ||
* .meta file - it has your graph structure saved. | ||
* .index - it identifies the respective checkpoint file. | ||
* .data - it stores the values of all the variables. | ||
|
||
How to use it? | ||
Tensorflow is so well built that, it does all the heavy lifting for us. We just have to write four simple lines to load and infer our model. | ||
|
||
#Create a saver object to load the model | ||
saver = tf.train.import_meta_graph | ||
(os.path.join(model_folder,'.meta')) | ||
#restore the model from our checkpoints folder | ||
saver.restore(session,os.path.join('checkpoints','.\\')) | ||
#Create graph object for getting the same network architecture | ||
graph = tf.get_default_graph() | ||
#Get the last layer of the network by it's name which includes all the previous layers too | ||
network = graph.get_tensor_by_name("add_4:0") | ||
Yeah, simple. Now that we got our network as well as the tuned values, we have to pass an image to it using the same placeholders(Image, labels). | ||
|
||
im_ph= graph.get_tensor_by_name("Placeholder:0") | ||
label_ph = graph.get_tensor_by_name("Placeholder_1:0") | ||
|
||
If you run it now, you can see the output as [1234,-4322] like that. While this is right as the maximum value index represents the class, this is not as convenient as representing it in 1 and 0. Like this [1,0]. For that we should include a line of code before running it, | ||
|
||
network=tf.nn.sigmoid(network) | ||
|
||
While we could have done this in our training architecture itself and nothing would have changed, I want to show you that, you can add layers to our model even now, even in prediction stage. Flexibility. | ||
|
||
# Inference time: | ||
> Your training is nothing, If you don't have the will to act - Ra's Al Ghul. | ||
To run a simple prediction, | ||
* Edit the image name in [predict.py](https://github.com/perseus784/BvS/blob/master/predict.py). | ||
* Download the model files and extract in the same folder. | ||
* Run [predict.py](https://github.com/perseus784/BvS/blob/master/predict.py). | ||
|
||
image='sup.jpg' | ||
img=cv2.imread(image) | ||
session=tf.Session() | ||
img=cv2.resize(img,(100,100)) | ||
img=img.reshape(1,100,100,3) | ||
labels = np.zeros((1, 2)) | ||
# Creating the feed_dict that is required to be feed the io: | ||
feed_dict_testing = {im_ph: img, label_ph: labels} | ||
result=session.run(network, feed_dict=feed_dict_testing) | ||
print(result) | ||
|
||
<p align="center"> | ||
<img src="https://github.com/perseus784/BvS/blob/master/media/output_screeenshot.png" width="800" height="300"> | ||
</p> | ||
|
||
You can see the results as [1,0]{Batman}, [0,1]{Superman} corresponding to the index. | ||
*Please note that this is not one-hot encoding.* | ||
|
||
# Accuracy: | ||
It is actually pretty good. It is almost right all the time. I even gave it an image with both Batman and Superman, it actually gave me values which are almost of same magnitude(after removing the sigmoid layer that we added just before). | ||
|
||
*Comment out **network=tf.nn.sigmoid(network)** in predict.py to see the real magnitudes as this will only give squashed outputs.* | ||
|
||
From here on you can do whatever you want with those values. | ||
Initially loading the model will take some time(70 seconds) but once the model is loaded, you can put a for loop or something to throw in images and *get output in a second or two!* | ||
|
||
# Tensorboard: | ||
I have added some additional lines in the training code for tensorboard options. Using tensorboard we can track progress of our training even while training and after. You can also see your network structure and all the other components inside it.*It is very useful for visualizing the things happening.* | ||
To start it, just go to the directory and open command line, | ||
|
||
tensorboard --logdir checkpoints | ||
|
||
You should see the following, | ||
|
||
<p align="center"> | ||
<img src="https://github.com/perseus784/BvS/blob/master/media/Inkedtensorboard_start_LI.jpg" width="800" height="300"> | ||
</p> | ||
|
||
Now type the same address in in your browser. Your tensorboard is now started. Play with it. | ||
|
||
# Graph Structure Visualization: | ||
Yeah, you can see our entire model with dimensions in each layer and operations here! | ||
|
||
<p align="center"> | ||
<img src="https://github.com/perseus784/BvS/blob/master/media/tensorboard_graph.png" width="800" height="400"> | ||
</p> | ||
|
||
# Future Implementations: | ||
While this works for Binary classification, it will also work for Multiclass classification but not as well. We might need to alter architecture and build a larger model depending on the number of classes we want. | ||
|
||
> So, that's how Batman wins! | ||
<p align="center"> | ||
<img src="https://github.com/perseus784/BvS/blob/master/media/lego-batman-movie-tuxedo.jpg" alt="Batwin" width="800" height="400"> | ||
</p> | ||
Please Star the repo if you like it. | ||
For any suggestions, doubts, clarifications please mail: [email protected] or raise an issue!. | ||
"# Cataract-Detection" |
Binary file added
BIN
+2.81 KB
Prediction Models/Cataract-Detection/__pycache__/build_model.cpython-312.pyc
Binary file not shown.
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,15 @@ | ||
import sys | ||
import Augmentor | ||
|
||
folder_name='folder' | ||
p= Augmentor.Pipeline(source_directory=folder_name,save_format="png") | ||
p.flip_left_right(0.5) | ||
p.black_and_white(0.1) | ||
p.gaussian_distortion(probability=0.4, grid_width=7, grid_height=6 | ||
, magnitude=6, corner="ul", method="in", mex=0.5, mey=0.5, sdx=0.05, sdy=0.05) | ||
|
||
p.rotate(0.3, 10,10) | ||
p.skew(0.4,0.5) | ||
p.skew_tilt(0.6,0.8) | ||
p.skew_left_right(0.5, magnitude=0.8) | ||
p.sample(10000) |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,59 @@ | ||
import tensorflow as tf | ||
|
||
|
||
#model's unit definitions | ||
class model_tools: | ||
# Defined functions for all the basic tensorflow components that we needed for building a model. | ||
# function definitions are in the respective comments | ||
|
||
def add_weights(self,shape): | ||
# a common method to create all sorts of weight connections | ||
# takes in shapes of previous and new layer as a list e.g. [2,10] | ||
# starts with random values of that shape. | ||
return tf.Variable(tf.truncated_normal(shape=shape, stddev=0.05)) | ||
|
||
def add_biases(self,shape): | ||
# a common method to add create biases with default=0.05 | ||
# takes in shape of the current layer e.g. x=10 | ||
return tf.Variable(tf.constant(0.05, shape=shape)) | ||
|
||
def conv_layer(self,layer, kernel, input_shape, output_shape, stride_size): | ||
#convolution occurs here. | ||
#create weights and biases for the given layer shape | ||
weights = self.add_weights([kernel, kernel, input_shape, output_shape]) | ||
biases = self.add_biases([output_shape]) | ||
#stride=[image_jump,row_jump,column_jump,color_jump]=[1,1,1,1] mostly | ||
stride = [1, stride_size, stride_size, 1] | ||
#does a convolution scan on the given image | ||
layer = tf.nn.conv2d(layer, weights, strides=stride, padding='SAME') + biases | ||
return layer | ||
|
||
def pooling_layer(self,layer, kernel_size, stride_size): | ||
# basically it reduces the complexity involved by only taking the important features alone | ||
# many types of pooling is there.. average pooling, max pooling.. | ||
# max pooling takes the maximum of the given kernel | ||
#kernel=[image_jump,rows,columns,depth] | ||
kernel = [1, kernel_size, kernel_size, 1] | ||
#stride=[image_jump,row_jump,column_jump,color_jump]=[1,2,2,1] mostly | ||
stride = [1, stride_size, stride_size, 1] | ||
return tf.nn.max_pool(layer, ksize=kernel, strides=stride, padding='SAME') | ||
|
||
def flattening_layer(self,layer): | ||
#make it single dimensional | ||
input_size = layer.get_shape().as_list() | ||
new_size = input_size[-1] * input_size[-2] * input_size[-3] | ||
return tf.reshape(layer, [-1, new_size]),new_size | ||
|
||
def fully_connected_layer(self,layer, input_shape, output_shape): | ||
#create weights and biases for the given layer shape | ||
weights = self.add_weights([input_shape, output_shape]) | ||
biases = self.add_biases([output_shape]) | ||
#most important operation | ||
layer = tf.matmul(layer,weights) + biases # mX+b | ||
return layer | ||
|
||
def activation_layer(self,layer): | ||
# we use Rectified linear unit Relu. it's the standard activation layer used. | ||
# there are also other layer like sigmoid,tanh..etc. but relu is more efficent. | ||
# function: 0 if x<0 else x. | ||
return tf.nn.relu(layer) |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,17 @@ | ||
import preprocessing as ppr | ||
import os | ||
|
||
#Parameters | ||
raw_data='rawdata' | ||
data_path='data' | ||
height=100 | ||
width=100 | ||
if not os.path.exists(data_path): | ||
ppr.image_processing(raw_data,data_path,height,width) | ||
all_classes = os.listdir(data_path) | ||
number_of_classes = len(all_classes) | ||
color_channels=3 | ||
epochs=300 | ||
batch_size=10 | ||
batch_counter=0 | ||
model_save_name='checkpoints/' |
Binary file added
BIN
+9.45 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (1).jpeg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+7.55 KB
...ction Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (1).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+247 KB
...ction Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (1).png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+2.85 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (10).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+10.3 KB
...ion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (100).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+10.9 KB
...ion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (101).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+11 KB
...ion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (102).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+13.9 KB
...ion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (103).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+4.48 KB
...ion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (104).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+12.4 KB
...ion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (105).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+11.7 KB
...ion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (106).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+25.3 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (11).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+44.6 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (12).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+24.8 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (13).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+19.3 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (14).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+55.3 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (15).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+102 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (16).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+26.9 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (17).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+26.5 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (18).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+13.6 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (19).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+1.07 MB
...ction Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (2).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+52.3 KB
...ction Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (2).png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+17.4 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (20).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+1.79 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (21).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+1.78 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (22).jpg
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
Binary file added
BIN
+65.8 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (23).jpg
Oops, something went wrong.
Binary file added
BIN
+1.44 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (24).jpg
Oops, something went wrong.
Binary file added
BIN
+1.34 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (25).jpg
Oops, something went wrong.
Binary file added
BIN
+4.86 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (26).jpg
Oops, something went wrong.
Binary file added
BIN
+9.86 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (27).jpg
Oops, something went wrong.
Binary file added
BIN
+6.35 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (28).jpg
Oops, something went wrong.
Binary file added
BIN
+2.24 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (29).jpg
Oops, something went wrong.
Binary file added
BIN
+35.1 KB
...ction Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (3).jpg
Oops, something went wrong.
Binary file added
BIN
+145 KB
...ction Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (3).png
Oops, something went wrong.
Binary file added
BIN
+2.2 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (30).jpg
Oops, something went wrong.
Binary file added
BIN
+55.2 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (31).jpg
Oops, something went wrong.
Binary file added
BIN
+44.4 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (32).jpg
Oops, something went wrong.
Binary file added
BIN
+15.3 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (33).jpg
Oops, something went wrong.
Binary file added
BIN
+4.54 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (34).jpg
Oops, something went wrong.
Binary file added
BIN
+35.7 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (35).jpg
Oops, something went wrong.
Binary file added
BIN
+37 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (36).jpg
Oops, something went wrong.
Binary file added
BIN
+4.81 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (37).jpg
Oops, something went wrong.
Binary file added
BIN
+20.5 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (38).jpg
Oops, something went wrong.
Binary file added
BIN
+7.47 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (39).jpg
Oops, something went wrong.
Binary file added
BIN
+41 KB
...ction Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (4).jpg
Oops, something went wrong.
Binary file added
BIN
+129 KB
...ction Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (4).png
Oops, something went wrong.
Binary file added
BIN
+27.8 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (40).jpg
Oops, something went wrong.
Binary file added
BIN
+6.74 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (41).jpg
Oops, something went wrong.
Binary file added
BIN
+10.6 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (42).jpg
Oops, something went wrong.
Binary file added
BIN
+6.62 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (43).jpg
Oops, something went wrong.
Binary file added
BIN
+17.9 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (44).jpg
Oops, something went wrong.
Binary file added
BIN
+24.6 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (45).jpg
Oops, something went wrong.
Binary file added
BIN
+1.84 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (46).jpg
Oops, something went wrong.
Binary file added
BIN
+10.5 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (47).jpg
Oops, something went wrong.
Binary file added
BIN
+36.5 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (48).jpg
Oops, something went wrong.
Binary file added
BIN
+4.47 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (49).jpg
Oops, something went wrong.
Binary file added
BIN
+743 KB
...ction Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (5).jpg
Oops, something went wrong.
Binary file added
BIN
+21.3 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (50).jpg
Oops, something went wrong.
Binary file added
BIN
+8 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (51).jpg
Oops, something went wrong.
Binary file added
BIN
+5.11 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (52).jpg
Oops, something went wrong.
Binary file added
BIN
+25.8 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (53).jpg
Oops, something went wrong.
Binary file added
BIN
+19.8 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (54).jpg
Oops, something went wrong.
Binary file added
BIN
+20.2 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (55).jpg
Oops, something went wrong.
Binary file added
BIN
+23.8 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (56).jpg
Oops, something went wrong.
Binary file added
BIN
+30.9 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (57).jpg
Oops, something went wrong.
Binary file added
BIN
+22.8 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (58).jpg
Oops, something went wrong.
Binary file added
BIN
+14.3 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (59).jpg
Oops, something went wrong.
Binary file added
BIN
+2.77 KB
...ction Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (6).jpg
Oops, something went wrong.
Binary file added
BIN
+10.4 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (60).JPG
Oops, something went wrong.
Binary file added
BIN
+26.1 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (61).jpg
Oops, something went wrong.
Binary file added
BIN
+3.55 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (62).jpg
Oops, something went wrong.
Binary file added
BIN
+14.2 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (63).jpg
Oops, something went wrong.
Binary file added
BIN
+51.9 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (64).jpg
Oops, something went wrong.
Binary file added
BIN
+46 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (65).jpg
Oops, something went wrong.
Binary file added
BIN
+23.7 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (66).jpg
Oops, something went wrong.
Binary file added
BIN
+5.76 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (67).jpg
Oops, something went wrong.
Binary file added
BIN
+60.1 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (68).jpg
Oops, something went wrong.
Binary file added
BIN
+37.5 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (69).jpg
Oops, something went wrong.
Binary file added
BIN
+10.6 KB
...ction Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (7).jpg
Oops, something went wrong.
Binary file added
BIN
+11.8 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (70).jpg
Oops, something went wrong.
Binary file added
BIN
+14.5 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (71).jpg
Oops, something went wrong.
Binary file added
BIN
+10.6 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (72).jpg
Oops, something went wrong.
Binary file added
BIN
+6.43 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (73).jpg
Oops, something went wrong.
Binary file added
BIN
+3.64 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (74).jpg
Oops, something went wrong.
Binary file added
BIN
+867 Bytes
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (75).jpg
Oops, something went wrong.
Binary file added
BIN
+8.25 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (76).jpg
Oops, something went wrong.
Binary file added
BIN
+1.02 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (77).jpg
Oops, something went wrong.
Binary file added
BIN
+20.3 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (78).jpg
Oops, something went wrong.
Binary file added
BIN
+15.2 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (79).jpg
Oops, something went wrong.
Binary file added
BIN
+19.1 KB
...ction Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (8).jpg
Oops, something went wrong.
Binary file added
BIN
+1.06 MB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (80).jpg
Oops, something went wrong.
Binary file added
BIN
+13.9 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (81).jpg
Oops, something went wrong.
Binary file added
BIN
+10.4 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (82).jpg
Oops, something went wrong.
Binary file added
BIN
+2.84 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (83).jpg
Oops, something went wrong.
Binary file added
BIN
+2.72 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (84).jpg
Oops, something went wrong.
Binary file added
BIN
+8.51 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (85).jpg
Oops, something went wrong.
Binary file added
BIN
+175 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (86).jpg
Oops, something went wrong.
Binary file added
BIN
+3.11 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (87).jpg
Oops, something went wrong.
Binary file added
BIN
+930 Bytes
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (88).jpg
Oops, something went wrong.
Binary file added
BIN
+935 Bytes
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (89).jpg
Oops, something went wrong.
Binary file added
BIN
+1.79 KB
...ction Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (9).jpg
Oops, something went wrong.
Binary file added
BIN
+10.6 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (90).jpg
Oops, something went wrong.
Binary file added
BIN
+11.2 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (91).jpg
Oops, something went wrong.
Binary file added
BIN
+10.9 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (92).jpg
Oops, something went wrong.
Binary file added
BIN
+11.7 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (93).jpg
Oops, something went wrong.
Binary file added
BIN
+23.9 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (94).jpg
Oops, something went wrong.
Binary file added
BIN
+29.7 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (95).jpg
Oops, something went wrong.
Binary file added
BIN
+25.3 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (96).jpg
Oops, something went wrong.
Binary file added
BIN
+16.8 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (97).jpg
Oops, something went wrong.
Binary file added
BIN
+1.62 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (98).jpg
Oops, something went wrong.
Binary file added
BIN
+51.4 KB
...tion Models/Cataract-Detection/dataset_color_cropped/cataract/cataract (99).jpg
Oops, something went wrong.
Binary file added
BIN
+1.28 MB
...iction Models/Cataract-Detection/dataset_color_cropped/normal/normal (107).jpeg
Oops, something went wrong.
Binary file added
BIN
+16.1 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (107).jpg
Oops, something went wrong.
Binary file added
BIN
+1.25 MB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (107).png
Oops, something went wrong.
Binary file added
BIN
+42.3 KB
...iction Models/Cataract-Detection/dataset_color_cropped/normal/normal (108).jpeg
Oops, something went wrong.
Binary file added
BIN
+179 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (108).jpg
Oops, something went wrong.
Binary file added
BIN
+249 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (108).png
Oops, something went wrong.
Binary file added
BIN
+12.5 KB
...iction Models/Cataract-Detection/dataset_color_cropped/normal/normal (109).jpeg
Oops, something went wrong.
Binary file added
BIN
+22.8 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (109).jpg
Oops, something went wrong.
Binary file added
BIN
+225 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (109).png
Oops, something went wrong.
Binary file added
BIN
+919 KB
...iction Models/Cataract-Detection/dataset_color_cropped/normal/normal (110).jpeg
Oops, something went wrong.
Binary file added
BIN
+161 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (110).jpg
Oops, something went wrong.
Binary file added
BIN
+62.1 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (111).jpg
Oops, something went wrong.
Binary file added
BIN
+14.6 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (112).jpg
Oops, something went wrong.
Binary file added
BIN
+8.1 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (113).jpg
Oops, something went wrong.
Binary file added
BIN
+145 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (114).jpg
Oops, something went wrong.
Binary file added
BIN
+9.97 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (115).jpg
Oops, something went wrong.
Binary file added
BIN
+48.7 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (116).jpg
Oops, something went wrong.
Binary file added
BIN
+21 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (117).jpg
Oops, something went wrong.
Binary file added
BIN
+17.6 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (118).jpg
Oops, something went wrong.
Binary file added
BIN
+27.5 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (119).jpg
Oops, something went wrong.
Binary file added
BIN
+473 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (120).jpg
Oops, something went wrong.
Binary file added
BIN
+35.1 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (121).jpg
Oops, something went wrong.
Binary file added
BIN
+40.4 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (122).jpg
Oops, something went wrong.
Binary file added
BIN
+30.5 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (123).jpg
Oops, something went wrong.
Binary file added
BIN
+18.1 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (124).jpg
Oops, something went wrong.
Binary file added
BIN
+80.6 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (125).jpg
Oops, something went wrong.
Binary file added
BIN
+6.18 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (126).jpg
Oops, something went wrong.
Binary file added
BIN
+5.2 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (127).jpg
Oops, something went wrong.
Binary file added
BIN
+26 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (128).jpg
Oops, something went wrong.
Binary file added
BIN
+32.9 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (129).jpg
Oops, something went wrong.
Binary file added
BIN
+2.63 MB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (130).jpg
Oops, something went wrong.
Binary file added
BIN
+20.3 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (131).jpg
Oops, something went wrong.
Binary file added
BIN
+357 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (132).jpg
Oops, something went wrong.
Binary file added
BIN
+21 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (133).jpg
Oops, something went wrong.
Binary file added
BIN
+26.3 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (134).jpg
Oops, something went wrong.
Binary file added
BIN
+19.8 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (135).jpg
Oops, something went wrong.
Binary file added
BIN
+23.5 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (136).jpg
Oops, something went wrong.
Binary file added
BIN
+371 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (137).jpg
Oops, something went wrong.
Binary file added
BIN
+108 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (138).jpg
Oops, something went wrong.
Binary file added
BIN
+54.4 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (139).jpg
Oops, something went wrong.
Binary file added
BIN
+14.6 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (140).jpg
Oops, something went wrong.
Binary file added
BIN
+19 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (141).jpg
Oops, something went wrong.
Binary file added
BIN
+9.17 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (142).jpg
Oops, something went wrong.
Binary file added
BIN
+39.2 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (143).jpg
Oops, something went wrong.
Binary file added
BIN
+31.3 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (144).jpg
Oops, something went wrong.
Binary file added
BIN
+12.6 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (145).jpg
Oops, something went wrong.
Binary file added
BIN
+142 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (146).jpg
Oops, something went wrong.
Binary file added
BIN
+94.7 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (147).jpg
Oops, something went wrong.
Binary file added
BIN
+134 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (148).jpg
Oops, something went wrong.
Binary file added
BIN
+100 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (149).jpg
Oops, something went wrong.
Binary file added
BIN
+5.77 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (150).jpg
Oops, something went wrong.
Binary file added
BIN
+23.5 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (151).jpg
Oops, something went wrong.
Binary file added
BIN
+17.4 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (152).jpg
Oops, something went wrong.
Binary file added
BIN
+16.8 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (153).jpg
Oops, something went wrong.
Binary file added
BIN
+61 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (154).jpg
Oops, something went wrong.
Binary file added
BIN
+5.43 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (155).jpg
Oops, something went wrong.
Binary file added
BIN
+35.9 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (158).jpg
Oops, something went wrong.
Binary file added
BIN
+6.71 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (159).jpg
Oops, something went wrong.
Binary file added
BIN
+18.5 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (160).jpg
Oops, something went wrong.
Binary file added
BIN
+41.5 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (161).jpg
Oops, something went wrong.
Binary file added
BIN
+35.1 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (162).jpg
Oops, something went wrong.
Binary file added
BIN
+18.7 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (163).jpg
Oops, something went wrong.
Binary file added
BIN
+9.51 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (164).jpg
Oops, something went wrong.
Binary file added
BIN
+32.4 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (165).jpg
Oops, something went wrong.
Binary file added
BIN
+4.52 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (166).jpg
Oops, something went wrong.
Binary file added
BIN
+11.9 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (167).jpg
Oops, something went wrong.
Binary file added
BIN
+10 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (168).jpg
Oops, something went wrong.
Binary file added
BIN
+17.9 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (170).jpg
Oops, something went wrong.
Binary file added
BIN
+13.5 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (171).jpg
Oops, something went wrong.
Binary file added
BIN
+27.8 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (172).jpg
Oops, something went wrong.
Binary file added
BIN
+39.8 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (173).jpg
Oops, something went wrong.
Binary file added
BIN
+67.3 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (174).jpg
Oops, something went wrong.
Binary file added
BIN
+53.9 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (175).jpg
Oops, something went wrong.
Binary file added
BIN
+19.3 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (176).jpg
Oops, something went wrong.
Binary file added
BIN
+19.8 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (177).jpg
Oops, something went wrong.
Binary file added
BIN
+11.6 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (178).jpg
Oops, something went wrong.
Binary file added
BIN
+15.7 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (179).jpg
Oops, something went wrong.
Binary file added
BIN
+7.25 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (180).jpg
Oops, something went wrong.
Binary file added
BIN
+6.12 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (181).jpg
Oops, something went wrong.
Binary file added
BIN
+19.4 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (182).jpg
Oops, something went wrong.
Binary file added
BIN
+101 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (183).jpg
Oops, something went wrong.
Binary file added
BIN
+151 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (184).jpg
Oops, something went wrong.
Binary file added
BIN
+63.1 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (185).jpg
Oops, something went wrong.
Binary file added
BIN
+26.5 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (186).jpg
Oops, something went wrong.
Binary file added
BIN
+12.2 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (188).jpg
Oops, something went wrong.
Binary file added
BIN
+66.1 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (189).jpg
Oops, something went wrong.
Binary file added
BIN
+12.2 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (190).jpg
Oops, something went wrong.
Binary file added
BIN
+31.3 KB
Prediction Models/Cataract-Detection/dataset_color_cropped/normal/normal (191).jpg
Oops, something went wrong.
42 changes: 42 additions & 0 deletions
42
Prediction Models/Cataract-Detection/model_architecture.py
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,42 @@ | ||
from build_model import model_tools | ||
import tensorflow as tf | ||
model=model_tools() | ||
|
||
def generate_model(images_ph,number_of_classes): | ||
#MODEL ARCHITECTURE: | ||
#level 1 convolution | ||
network=model.conv_layer(images_ph,5,3,16,1) | ||
network=model.pooling_layer(network,5,2) | ||
network=model.activation_layer(network) | ||
print(network) | ||
|
||
#level 2 convolution | ||
network=model.conv_layer(network,4,16,32,1) | ||
network=model.pooling_layer(network,4,2) | ||
network=model.activation_layer(network) | ||
print(network) | ||
|
||
#level 3 convolution | ||
network=model.conv_layer(network,3,32,64,1) | ||
network=model.pooling_layer(network,3,2) | ||
network=model.activation_layer(network) | ||
print(network) | ||
|
||
#flattening layer | ||
network,features=model.flattening_layer(network) | ||
print(network) | ||
|
||
#fully connected layer | ||
network=model.fully_connected_layer(network,features,1024) | ||
network=model.activation_layer(network) | ||
print(network) | ||
|
||
#output layer | ||
network=model.fully_connected_layer(network,1024,number_of_classes) | ||
print(network) | ||
return network | ||
|
||
|
||
if __name__== "__main__": | ||
images_ph = tf.placeholder(tf.float32, shape=[None, 100,100,3]) | ||
generate_model(images_ph,2) |
Oops, something went wrong.