Coder Social home page Coder Social logo

dog-project's Introduction

Project Overview

Welcome to the Convolutional Neural Networks (CNN) project in the AI Nanodegree! In this project, you will learn how to build a pipeline that can be used within a web or mobile app to process real-world, user-supplied images. Given an image of a dog, your algorithm will identify an estimate of the canine’s breed. If supplied an image of a human, the code will identify the resembling dog breed.

Sample Output

Along with exploring state-of-the-art CNN models for classification, you will make important design decisions about the user experience for your app. Our goal is that by completing this lab, you understand the challenges involved in piecing together a series of models designed to perform various tasks in a data processing pipeline. Each model has its strengths and weaknesses, and engineering a real-world application often involves solving many problems without a perfect answer. Your imperfect solution will nonetheless create a fun user experience!

Project Instructions

Instructions

  1. Clone the repository and navigate to the downloaded folder.
git clone https://github.com/udacity/dog-project.git
cd dog-project
  1. Download the dog dataset. Unzip the folder and place it in the repo, at location path/to/dog-project/dogImages.

  2. Download the human dataset. Unzip the folder and place it in the repo, at location path/to/dog-project/lfw. If you are using a Windows machine, you are encouraged to use 7zip to extract the folder.

  3. Download the VGG-16 bottleneck features for the dog dataset. Place it in the repo, at location path/to/dog-project/bottleneck_features.

  4. (Optional) If you plan to install TensorFlow with GPU support on your local machine, follow the guide to install the necessary NVIDIA software on your system. If you are using an EC2 GPU instance, you can skip this step.

  5. (Optional) If you are running the project on your local machine (and not using AWS), create (and activate) a new environment.

    • Linux (to install with GPU support, change requirements/dog-linux.yml to requirements/dog-linux-gpu.yml):
    conda env create -f requirements/dog-linux.yml
    source activate dog-project
    
    • Mac (to install with GPU support, change requirements/dog-mac.yml to requirements/dog-mac-gpu.yml):
    conda env create -f requirements/dog-mac.yml
    source activate dog-project
    

    NOTE: Some Mac users may need to install a different version of OpenCV

    conda install --channel https://conda.anaconda.org/menpo opencv3
    
    • Windows (to install with GPU support, change requirements/dog-windows.yml to requirements/dog-windows-gpu.yml):
    conda env create -f requirements/dog-windows.yml
    activate dog-project
    
  6. (Optional) If you are running the project on your local machine (and not using AWS) and Step 6 throws errors, try this alternative step to create your environment.

    • Linux or Mac (to install with GPU support, change requirements/requirements.txt to requirements/requirements-gpu.txt):
    conda create --name dog-project python=3.5
    source activate dog-project
    pip install -r requirements/requirements.txt
    

    NOTE: Some Mac users may need to install a different version of OpenCV

    conda install --channel https://conda.anaconda.org/menpo opencv3
    
    • Windows (to install with GPU support, change requirements/requirements.txt to requirements/requirements-gpu.txt):
    conda create --name dog-project python=3.5
    activate dog-project
    pip install -r requirements/requirements.txt
    
  7. (Optional) If you are using AWS, install Tensorflow.

sudo python3 -m pip install -r requirements/requirements-gpu.txt
  1. Switch Keras backend to TensorFlow.

    • Linux or Mac:
       KERAS_BACKEND=tensorflow python -c "from keras import backend"
      
    • Windows:
       set KERAS_BACKEND=tensorflow
       python -c "from keras import backend"
      
  2. (Optional) If you are running the project on your local machine (and not using AWS), create an IPython kernel for the dog-project environment.

python -m ipykernel install --user --name dog-project --display-name "dog-project"
  1. Open the notebook.
jupyter notebook dog_app.ipynb
  1. (Optional) If you are running the project on your local machine (and not using AWS), before running code, change the kernel to match the dog-project environment by using the drop-down menu (Kernel > Change kernel > dog-project). Then, follow the instructions in the notebook.

NOTE: While some code has already been implemented to get you started, you will need to implement additional functionality to successfully answer all of the questions included in the notebook. Unless requested, do not modify code that has already been included.

Evaluation

Your project will be reviewed by a Udacity reviewer against the CNN project rubric. Review this rubric thoroughly, and self-evaluate your project before submission. All criteria found in the rubric must meet specifications for you to pass.

Project Submission

When you are ready to submit your project, collect the following files and compress them into a single archive for upload:

  • The dog_app.ipynb file with fully functional code, all code cells executed and displaying output, and all questions answered.
  • An HTML or PDF export of the project notebook with the name report.html or report.pdf.
  • Any additional images used for the project that were not supplied to you for the project. Please do not include the project data sets in the dogImages/ or lfw/ folders. Likewise, please do not include the bottleneck_features/ folder.

Alternatively, your submission could consist of the GitHub link to your repository.

Archival Note

This repository is deprecated; therefore, we are going to archive it. However, learners will be able to fork it to their personal Github account but cannot submit PRs to this repository. If you have any issues or suggestions to make, feel free to:

dog-project's People

Contributors

alexisbcook avatar cgearhart avatar chaimpollak avatar rastringer avatar sudkul avatar vincent-carrier avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

dog-project's Issues

Error while importing keras

Hi Udacity team :)

I'm trying to complete this project before my due date but for some time now, I've been facing issues regarding keras import.

I've made sure that I'm using the correct environment for conda. But still the issue remains the same.

I created the conda environment using conda env create -f requirements/dog-mac.yml

from keras.utils import np_utils

Tracelog

---------------------------------------------------------------------------
JSONDecodeError                           Traceback (most recent call last)
<ipython-input-1-42edb271ea64> in <module>()
----> 1 from keras.utils import np_utils

/Users/eklavya/anaconda/envs/aind-dog/lib/python3.5/site-packages/keras/__init__.py in <module>()
      1 from __future__ import absolute_import
      2 
----> 3 from . import activations
      4 from . import applications
      5 from . import backend

/Users/eklavya/anaconda/envs/aind-dog/lib/python3.5/site-packages/keras/activations.py in <module>()
      1 from __future__ import absolute_import
      2 import six
----> 3 from . import backend as K
      4 from .utils.generic_utils import deserialize_keras_object
      5 

/Users/eklavya/anaconda/envs/aind-dog/lib/python3.5/site-packages/keras/backend/__init__.py in <module>()
     26 _config_path = os.path.expanduser(os.path.join(_keras_dir, 'keras.json'))
     27 if os.path.exists(_config_path):
---> 28     _config = json.load(open(_config_path))
     29     _floatx = _config.get('floatx', floatx())
     30     assert _floatx in {'float16', 'float32', 'float64'}

/Users/eklavya/anaconda/envs/aind-dog/lib/python3.5/json/__init__.py in load(fp, cls, object_hook, parse_float, parse_int, parse_constant, object_pairs_hook, **kw)
    266         cls=cls, object_hook=object_hook,
    267         parse_float=parse_float, parse_int=parse_int,
--> 268         parse_constant=parse_constant, object_pairs_hook=object_pairs_hook, **kw)
    269 
    270 

/Users/eklavya/anaconda/envs/aind-dog/lib/python3.5/json/__init__.py in loads(s, encoding, cls, object_hook, parse_float, parse_int, parse_constant, object_pairs_hook, **kw)
    317             parse_int is None and parse_float is None and
    318             parse_constant is None and object_pairs_hook is None and not kw):
--> 319         return _default_decoder.decode(s)
    320     if cls is None:
    321         cls = JSONDecoder

/Users/eklavya/anaconda/envs/aind-dog/lib/python3.5/json/decoder.py in decode(self, s, _w)
    337 
    338         """
--> 339         obj, end = self.raw_decode(s, idx=_w(s, 0).end())
    340         end = _w(s, end).end()
    341         if end != len(s):

/Users/eklavya/anaconda/envs/aind-dog/lib/python3.5/json/decoder.py in raw_decode(self, s, idx)
    353         """
    354         try:
--> 355             obj, end = self.scan_once(s, idx)
    356         except StopIteration as err:
    357             raise JSONDecodeError("Expecting value", s, err.value) from None

JSONDecodeError: Expecting property name enclosed in double quotes: line 3 column 5 (char 31)

The VGG16_model name for a bottleneck model is dangerous

If someone reuses the same naming pattern for their ResNet50 bottleneck model, they are likely to overwrite the existing (non-bottleneck) ResNet50_model, breaking the code of dog_detector().

It's better to replace the name with something more telling (and less confusing), like VGG16_dog_model or VGG16_bottleneck_model.

Error when trying to run # convert BGR image to grayscale gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)

I receive this error when trying to run this function to convert images to grayscale, this is not my code, this was provided by Udacity.

convert BGR image to grayscale

gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)


error Traceback (most recent call last)
in
1 # convert BGR image to grayscale
----> 2 gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)

error: OpenCV(4.1.0) /Users/travis/build/skvark/opencv-python/opencv/modules/imgproc/src/color.cpp:182: error: (-215:Assertion failed) !_src.empty() in function 'cvtColor'

That is the whole cell in the detecting human's pictures section

import cv2
import matplotlib.pyplot as plt
%matplotlib inline

extract pre-trained face detector

face_cascade = cv2.CascadeClassifier('haarcascades/haarcascade_frontalface_alt.xml')

load color (BGR) image

img = cv2.imread(human_files[3])

convert BGR image to grayscale

gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)

find faces in image

faces = face_cascade.detectMultiScale(gray)

print number of faces detected in the image

print('Number of faces detected:', len(faces))

get bounding box for each detected face

for (x,y,w,h) in faces:
# add bounding box to color image
cv2.rectangle(img,(x,y),(x+w,y+h),(255,0,0),2)

convert BGR image to RGB for plotting

cv_rgb = cv2.cvtColor(img, cv2.COLOR_BGR2RGB)

display the image, along with bounding box

plt.imshow(cv_rgb)
plt.show()

Typo in your README.md file

Step 4 --> "Donwload the VGG-16 bottleneck features for the dog dataset. Place it in the repo, at location path/to/dog-project/bottleneck_features."

'Donwload' --> should be --> 'Download'

List of dog names ordered wrong

load list of dog names

dog_names = [item[20:-1] for item in glob("dogImages/train/*/")]

needs to use sorted(glob()) for alphabetical order, otherwise the names of dog breeds are wrong, even when the correct class is predicted

load list of dog names

dog_names = [item[20:-1] for item in sorted(glob("dogImages/train/*/"))]

Tensorflow-gpu 1.1.0 and python3.6 ?

Trying to execute pip install tensorflow-gpu==1.1.0 fails because this version simply does not exist for python 3.6.

Should we use python 3.5 or a newer version of tensorflow-gpu ?

Can't install h5py on windows 10

Running
pip install -r requirements.txt
fails, saying
failed building wheel for h5py

Full error below:

Failed building wheel for h5py
Running setup.py clean for h5py
Running setup.py bdist_wheel for scipy ... error
Complete output from command C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\python.exe -u -c "import setuptools, tokenize;file='C:\Users\Hubert\AppData\Local\Temp\pip-build-ainaa87w\scipy\setup.py';f=getattr(tokenize, 'open', open)(file);code=f.read().replace('\r\n', '\n');f.close();exec(compile(code, file, 'exec'))" bdist_wheel -d C:\Users\Hubert\AppData\Local\Temp\tmpqpolhcsrpip-wheel- --python-tag cp36:
lapack_opt_info:
lapack_mkl_info:
libraries mkl_rt not found in ['C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib', 'C:\', 'C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\libs']
NOT AVAILABLE

openblas_lapack_info:
libraries openblas not found in ['C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib', 'C:\', 'C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\libs']
NOT AVAILABLE

atlas_3_10_threads_info:
Setting PTATLAS=ATLAS
C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\numpy\distutils\system_info.py:1051: UserWarning: Specified path C:\projects\numpy-wheels\windows-wheel-builder\atlas-builds\atlas-3.11.38-sse2-64\lib is invalid.
pre_dirs = system_info.get_paths(self, section, key)
<class 'numpy.distutils.system_info.atlas_3_10_threads_info'>
NOT AVAILABLE

atlas_3_10_info:
<class 'numpy.distutils.system_info.atlas_3_10_info'>
NOT AVAILABLE

atlas_threads_info:
Setting PTATLAS=ATLAS
<class 'numpy.distutils.system_info.atlas_threads_info'>
NOT AVAILABLE

atlas_info:
<class 'numpy.distutils.system_info.atlas_info'>
NOT AVAILABLE

C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\numpy\distutils\system_info.py:572: UserWarning:
Atlas (http://math-atlas.sourceforge.net/) libraries not found.
Directories to search for the libraries can be specified in the
numpy/distutils/site.cfg file (section [atlas]) or by setting
the ATLAS environment variable.
self.calc_info()
lapack_info:
libraries lapack not found in ['C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib', 'C:\', 'C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\libs']
NOT AVAILABLE

C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\numpy\distutils\system_info.py:572: UserWarning:
Lapack (http://www.netlib.org/lapack/) libraries not found.
Directories to search for the libraries can be specified in the
numpy/distutils/site.cfg file (section [lapack]) or by setting
the LAPACK environment variable.
self.calc_info()
lapack_src_info:
NOT AVAILABLE

C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\numpy\distutils\system_info.py:572: UserWarning:
Lapack (http://www.netlib.org/lapack/) sources not found.
Directories to search for the sources can be specified in the
numpy/distutils/site.cfg file (section [lapack_src]) or by setting
the LAPACK_SRC environment variable.
self.calc_info()
NOT AVAILABLE

Running from scipy source directory.
Traceback (most recent call last):
File "", line 1, in
File "C:\Users\Hubert\AppData\Local\Temp\pip-build-ainaa87w\scipy\setup.py", line 415, in
setup_package()
File "C:\Users\Hubert\AppData\Local\Temp\pip-build-ainaa87w\scipy\setup.py", line 411, in setup_package
setup(**metadata)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\numpy\distutils\core.py", line 135, in setup
config = configuration()
File "C:\Users\Hubert\AppData\Local\Temp\pip-build-ainaa87w\scipy\setup.py", line 335, in configuration
config.add_subpackage('scipy')
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\numpy\distutils\misc_util.py", line 1001, in add_subpackage
caller_level = 2)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\numpy\distutils\misc_util.py", line 970, in get_subpackage
caller_level = caller_level + 1)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\numpy\distutils\misc_util.py", line 907, in _get_configuration_from_setup_py
config = setup_module.configuration(*args)
File "scipy\setup.py", line 15, in configuration
config.add_subpackage('linalg')
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\numpy\distutils\misc_util.py", line 1001, in add_subpackage
caller_level = 2)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\numpy\distutils\misc_util.py", line 970, in get_subpackage
caller_level = caller_level + 1)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\numpy\distutils\misc_util.py", line 907, in _get_configuration_from_setup_py
config = setup_module.configuration(*args)
File "scipy\linalg\setup.py", line 20, in configuration
raise NotFoundError('no lapack/blas resources found')
numpy.distutils.system_info.NotFoundError: no lapack/blas resources found


Failed building wheel for scipy
Running setup.py clean for scipy
Complete output from command C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\python.exe -u -c "import setuptools, tokenize;file='C:\Users\Hubert\AppData\Local\Temp\pip-build-ainaa87w\scipy\setup.py';f=getattr(tokenize, 'open', open)(file);code=f.read().replace('\r\n', '\n');f.close();exec(compile(code, file, 'exec'))" clean --all:

setup.py clean is not supported, use one of the following instead:

- `git clean -xdf` (cleans all files)
- `git clean -Xdf` (cleans all versioned files, doesn't touch
                    files that aren't checked into the git repo)

Add --force to your command to use it anyway if you must (unsupported).


Failed cleaning build dir for scipy
Running setup.py bdist_wheel for scikit-learn ... error
Complete output from command C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\python.exe -u -c "import setuptools, tokenize;file='C:\Users\Hubert\AppData\Local\Temp\pip-build-ainaa87w\scikit-learn\setup.py';f=getattr(tokenize, 'open', open)(file);code=f.read().replace('\r\n', '\n');f.close();exec(compile(code, file, 'exec'))" bdist_wheel -d C:\Users\Hubert\AppData\Local\Temp\tmpo8mobho5pip-wheel- --python-tag cp36:
Partial import of sklearn during the build process.
Traceback (most recent call last):
File "C:\Users\Hubert\AppData\Local\Temp\pip-build-ainaa87w\scikit-learn\setup.py", line 149, in get_scipy_status
import scipy
ModuleNotFoundError: No module named 'scipy'
Traceback (most recent call last):
File "", line 1, in
File "C:\Users\Hubert\AppData\Local\Temp\pip-build-ainaa87w\scikit-learn\setup.py", line 270, in
setup_package()
File "C:\Users\Hubert\AppData\Local\Temp\pip-build-ainaa87w\scikit-learn\setup.py", line 260, in setup_package
.format(scipy_req_str, instructions))
ImportError: Scientific Python (SciPy) is not installed.
scikit-learn requires SciPy >= 0.9.
Installation instructions are available on the scikit-learn website: http://scikit-learn.org/stable/install.html


Failed building wheel for scikit-learn
Running setup.py clean for scikit-learn
Failed to build h5py scipy scikit-learn
Installing collected packages: h5py, cycler, pyparsing, python-dateutil, pytz, matplotlib, scipy, tqdm, theano, pyyaml, keras, scikit-learn, olefile, pillow, decorator, ipython-genutils, traitlets, jupyter-core, pyzmq, jupyter-client, pickleshare, wcwidth, prompt-toolkit, parso, jedi, simplegeneric, colorama, pygments, ipython, tornado, ipykernel
Running setup.py install for h5py ... error
Exception:
Traceback (most recent call last):
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\compat_init_.py", line 73, in console_to_str
return s.decode(sys.stdout.encoding)
UnicodeDecodeError: 'utf-8' codec can't decode byte 0xe9 in position 50: invalid continuation byte

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\commands\install.py", line 342, in run
prefix=options.prefix_path,
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\req\req_set.py", line 784, in install
**kwargs
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\req\req_install.py", line 878, in install
spinner=spinner,
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\utils_init_.py", line 676, in call_subprocess
line = console_to_str(proc.stdout.readline())
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\compat_init_.py", line 75, in console_to_str
return s.decode('utf_8')
UnicodeDecodeError: 'utf-8' codec can't decode byte 0xe9 in position 50: invalid continuation byte

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\commands\install.py", line 385, in run
requirement_set.cleanup_files()
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\req\req_set.py", line 729, in cleanup_files
req.remove_temporary_source()
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\req\req_install.py", line 977, in remove_temporary_source
rmtree(self.source_dir)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip_vendor\retrying.py", line 49, in wrapped_f
return Retrying(*dargs, **dkw).call(f, *args, **kw)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip_vendor\retrying.py", line 212, in call
raise attempt.get()
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip_vendor\retrying.py", line 247, in get
six.reraise(self.value[0], self.value[1], self.value[2])
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip_vendor\six.py", line 686, in reraise
raise value
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip_vendor\retrying.py", line 200, in call
attempt = Attempt(fn(*args, **kwargs), attempt_number, False)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\utils_init_.py", line 102, in rmtree
onerror=rmtree_errorhandler)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\shutil.py", line 494, in rmtree
return _rmtree_unsafe(path, onerror)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\shutil.py", line 384, in _rmtree_unsafe
_rmtree_unsafe(fullname, onerror)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\shutil.py", line 384, in _rmtree_unsafe
_rmtree_unsafe(fullname, onerror)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\shutil.py", line 384, in _rmtree_unsafe
_rmtree_unsafe(fullname, onerror)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\shutil.py", line 389, in rmtree_unsafe
onerror(os.unlink, fullname, sys.exc_info())
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\utils_init
.py", line 114, in rmtree_errorhandler
func(path)
PermissionError: [WinError 5] Accès refusé: 'C:\Users\Hubert\AppData\Local\Temp\pip-build-ainaa87w\h5py\.eggs\cython-0.27.3-py3.6-win-amd64.egg\Cython\Compiler\Code.cp36-win_amd64.pyd'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\basecommand.py", line 215, in main
status = self.run(options, args)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\commands\install.py", line 385, in run
requirement_set.cleanup_files()
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\utils\build.py", line 38, in exit
self.cleanup()
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\utils\build.py", line 42, in cleanup
rmtree(self.name)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip_vendor\retrying.py", line 49, in wrapped_f
return Retrying(*dargs, **dkw).call(f, *args, **kw)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip_vendor\retrying.py", line 212, in call
raise attempt.get()
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip_vendor\retrying.py", line 247, in get
six.reraise(self.value[0], self.value[1], self.value[2])
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip_vendor\six.py", line 686, in reraise
raise value
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip_vendor\retrying.py", line 200, in call
attempt = Attempt(fn(*args, **kwargs), attempt_number, False)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\utils_init_.py", line 102, in rmtree
onerror=rmtree_errorhandler)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\shutil.py", line 494, in rmtree
return _rmtree_unsafe(path, onerror)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\shutil.py", line 384, in _rmtree_unsafe
_rmtree_unsafe(fullname, onerror)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\shutil.py", line 384, in _rmtree_unsafe
_rmtree_unsafe(fullname, onerror)
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\shutil.py", line 384, in _rmtree_unsafe
_rmtree_unsafe(fullname, onerror)
[Previous line repeated 1 more times]
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\shutil.py", line 389, in rmtree_unsafe
onerror(os.unlink, fullname, sys.exc_info())
File "C:\Users\Hubert\AppData\Local\conda\conda\envs\dog-project\lib\site-packages\pip\utils_init
.py", line 114, in rmtree_errorhandler
func(path)
PermissionError: [WinError 5] Accès refusé: 'C:\Users\Hubert\AppData\Local\Temp\pip-build-ainaa87w\h5py\.eggs\cython-0.27.3-py3.6-win-amd64.egg\Cython\Compiler\Code.cp36-win_amd64.pyd'

cuDNN version issues.

I am using TensorFlow with GPU support on my local machine.
The README states:

(Optional) If you plan to install TensorFlow with GPU support on your local machine, follow the guide to install the necessary NVIDIA software on your system.

The official Tensorflow install page always refers to the latest Tensoflow install and this project has a locked Tensorflow version.

cudnn fails when attempting to call 'dog_detector(img_path)'

F tensorflow/stream_executor/cuda/cuda_dnn.cc:222] Check failed: s.ok() could not find cudnnCreate in cudnn DSO; dlerror: /home/jason/anaconda3/envs/dog-project/lib/python3.6/site-packages/tensorflow/python/_pywrap_tensorflow.so: undefined symbol: cudnnCreate

For me the fix was to open the 'dog-project' env: source activate dog-project
Use conda to install the toolkit: conda install -c cudatoolkit
Install a DOWNGRADED cudnn: conda install -c marta-sd cudnn

Help me to test this project

Hi, i am not a python developer and i do not know how to use this project just for testing purpose.
Should i insert a block of code to get an image and run some functions?
Please provide a test block code in readme.md, it will be very helpful.
Thanks

keras not working

The following commit 857ea11 broke the creation of the conda environment with jupyter and keras. I believe there are some dependency issue. Keras is installed correctly on the environment but when you try to import keras in the notebook it say that could not find the module.

I have solved the issue using the previous aind-dog-mac.yml file to create the conda environment.

path_to_tensor or path_to_matrix

I think the word "tensor" is easy to confuse with the tensor in tensorflow, but actually "path_to_tensor" reads a picture and decodes it into a numpy matrix, so I think it should be named "path_to_matrix".

Of course you can also name it "path_to_array", or something else, but using "tensor" is really easy to get confused.

Requirements are deprecated beyond reason

Attempting to create a conda environment on Windows here throws entirely too many errors. I tried several methods of installing the requirement packages in a conda environment, and the terminal throws dozens of package not found errors. On top of that, python 3.5 will soon be deprecated in pip as well. Please update the dependencies for this project if possible.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.