Giter VIP home page Giter VIP logo

haydengunraj / covidnet-ct Goto Github PK

View Code? Open in Web Editor NEW
120.0 10.0 47.0 18.68 MB

COVID-Net Open Source Initiative - Models and Data for COVID-19 Detection in Chest CT

Home Page: https://alexswong.github.io/COVID-Net/

License: Other

Python 7.53% Jupyter Notebook 92.47%
coronavirus coronavirus-detect covid-net covidx-ct-dataset covid-19 chest-ct coronavirus-dataset sars-cov-2 xai dataset

covidnet-ct's Introduction

COVID-Net Open Source Initiative - COVID-Net CT

Note: The COVID-Net CT models provided here as part of the COVID-Net Initiative are intended to be used as reference models that can be built upon and enhanced as new data becomes available. They are currently at a research stage and not yet intended as production-ready models (i.e., not meant for direct clinical diagnosis), and we are working continuously to improve them as new data becomes available. Please do not use COVID-Net CT for self-diagnosis and seek help from your local health authorities.

Update 2022-06-02: We released the COVIDx CT-3A and CT-3B datasets on Kaggle, comprising 425,024 CT slices from 5,312 patients and 431,205 CT slices from 6,068 patients, respectively. The data is described in this preprint.
Update 2022-03-10: The COVID-Net CT-2 paper was published in Frontiers in Medicine.
Update 2021-01-26: We released the COVID-Net CT-2 models and COVIDx CT-2A and CT-2B datasets, comprising 194,922 CT slices from 3,745 patients and 201,103 CT slices from 4,501 patients, respectively.
Update 2020-12-23: The COVID-Net CT-1 paper was published in Frontiers in Medicine.
Update 2020-12-03: We released the COVIDx CT-1 dataset on Kaggle.
Update 2020-09-13: We released a preprint of the COVID-Net CT paper.

photo not available
Example CT scans of COVID-19 cases and their associated critical factors (highlighted in red) as identified by GSInquire.

The coronavirus disease 2019 (COVID-19) pandemic continues to have a tremendous impact on patients and healthcare systems around the world. In the fight against this novel disease, there is a pressing need for rapid and effective screening tools to identify patients infected with COVID-19, and to this end CT imaging has been proposed as one of the key screening methods which may be used as a complement to RT-PCR testing, particularly in situations where patients undergo routine CT scans for non-COVID-19 related reasons, patients have worsening respiratory status or developing complications that require expedited care, or patients are suspected to be COVID-19-positive but have negative RT-PCR test results. Early studies on CT-based screening have reported abnormalities in chest CT images which are characteristic of COVID-19 infection, but these abnormalities may be difficult to distinguish from abnormalities caused by other lung conditions. Motivated by this, in this study we introduce COVID-Net CT, a deep convolutional neural network architecture that is tailored for detection of COVID-19 cases from chest CT images via a machine-driven design exploration approach. Additionally, we introduce COVIDx CT, a benchmark CT image dataset derived from a variety of sources of CT imaging data currently comprising 201,103 images across 4,501 patient cases. Furthermore, in the interest of reliability and transparency, we leverage an explainability-driven performance validation strategy to investigate the decision-making behaviour of COVID-Net CT, and in doing so ensure that COVID-Net CT makes predictions based on relevant indicators in CT images. Both COVID-Net CT and the COVIDx CT dataset are available to the general public in an open-source and open access manner as part of the COVID-Net Initiative. While COVID-Net CT is not yet a production-ready screening solution, we hope that releasing the model and dataset will encourage researchers, clinicians, and citizen data scientists alike to leverage and build upon them.

For a detailed description of the methodology behind COVID-Net CT and a full description of the COVIDx CT dataset, please read the COVID-Net CT-1 and COVID-Net CT-2 papers.

This work is made possible by a number of publicly available CT data sources. Licenses and acknowledgements for these datasets can be found here.

Our desire is to encourage broad adoption and contribution to this project. Accordingly this project has been licensed under the GNU Affero General Public License 3.0. Please see license file for terms. If you would like to discuss alternative licensing models, please reach out to us at [email protected] and [email protected].

For COVID-Net CXR models and the COVIDx dataset for COVID-19 detection and severity assessment from chest X-ray images, please go to the main COVID-Net repository.

If you are a researcher or healthcare worker and you would like access to the GSInquire tool to use to interpret COVID-Net CT results on your data or existing data, please reach out to [email protected] or [email protected].

If there are any technical questions after the README, FAQ, and past/current issues have been read, please post an issue or contact [email protected]

If you find our work useful for your research, please cite:

@article{Gunraj2020,
  author={Gunraj, Hayden and Wang, Linda and Wong, Alexander},
  title={COVIDNet-CT: A Tailored Deep Convolutional Neural Network Design for Detection of COVID-19 Cases From Chest CT Images},
  journal={Frontiers in Medicine},
  volume={7},
  pages={1025},
  year={2020},
  url={https://www.frontiersin.org/article/10.3389/fmed.2020.608525},
  doi={10.3389/fmed.2020.608525},
  issn={2296-858X}
}
@article{Gunraj2022,
  author={Gunraj, Hayden and Sabri, Ali and Koff, David and Wong, Alexander},
  title={COVID-Net CT-2: Enhanced Deep Neural Networks for Detection of COVID-19 From Chest CT Images Through Bigger, More Diverse Learning},
  journal={Frontiers in Medicine},
  volume={8},
  pages={729287},
  year={2022},
  url={https://www.frontiersin.org/articles/10.3389/fmed.2021.729287},
  doi={10.3389/fmed.2021.729287},
  issn={2296-858X}
}

Core COVID-Net Team

  • DarwinAI Corp., Canada and Vision and Image Processing Lab, University of Waterloo, Canada
    • Linda Wang
    • Alexander Wong
    • Zhong Qiu Lin
    • Paul McInnis
    • Audrey Chung
    • Melissa Rinch
    • Jeffer Peng
  • Vision and Image Processing Lab, University of Waterloo, Canada
    • James Lee
    • Hossein Aboutalebi
    • Alex MacLean
    • Saad Abbasi
    • Hayden Gunraj
    • Maya Pavlova
    • Naomi Terhljan
    • Siddharth Surana
    • Andy Zhao
  • Ashkan Ebadi and Pengcheng Xi (National Research Council Canada)
  • Kim-Ann Git (Selayang Hospital)
  • Abdul Al-Haimi, COVID-19 ShuffleNet Chest X-Ray Model
  • Dr. Ali Sabri (Department of Radiology, Niagara Health, McMaster University, Canada)

Table of Contents

  1. Requirements to install on your system
  2. How to download and prepare the COVIDx CT dataset
  3. Steps for training, evaluation and inference
  4. Results
  5. Links to pretrained models
  6. Licenses and acknowledgements for the datasets used

Requirements

The main requirements are listed below:

  • Tested with Tensorflow 1.15
  • OpenCV 4.2.0
  • Python 3.7
  • Numpy
  • Scikit-Learn
  • Matplotlib

Results

These are the final test results for the current COVID-Net CT models on the COVIDx CT dataset.

COVID-Net CT-2 L (3A)

photo not available
Confusion matrix for COVID-Net CT-2 L on the COVIDx CT-3A test dataset.

Sensitivity (%)
Normal Pneumonia COVID-19
99.0 98.2 96.2
Positive Predictive Value (%)
Normal Pneumonia COVID-19
99.4 97.2 96.7

COVID-Net CT-2 S (3A)

photo not available
Confusion matrix for COVID-Net CT-2 S on the COVIDx CT-3A test dataset.

Sensitivity (%)
Normal Pneumonia COVID-19
98.9 98.1 95.7
Positive Predictive Value (%)
Normal Pneumonia COVID-19
99.3 97.0 96.4

covidnet-ct's People

Contributors

haydengunraj 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

covidnet-ct's Issues

Test vs Inference results for COVID sensitivity

When I evaluate Model A on the test split (21191 imgs) with the test method in the script, I get roughly the results in the paper (97.44% for COVID sensitivity), but when I run the inference on the same split, the results are noticeably worse (94.47%). What could cause it? I'm not very familiar with tensorflow, perhaps there's a glitch somewhere.

Index error

Hi,
I'm trying to run training from a pretrained model. That's what I do and see:

d:\BORISENKO\Byshkin\CoolMomentum\CovidNet>python run_covidnet_ct.py train
2020-10-08 12:06:42.819427: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic libra
ry 'cudart64_100.dll'; dlerror: cudart64_100.dll not found
2020-10-08 12:06:42.827428: I tensorflow/stream_executor/cuda/cudart_stub.cc:29] Ignore above cudart dlerror if you do n
ot have a GPU set up on your machine.
2020-10-08 12:06:45.744594: W tensorflow/stream_executor/platform/default/dso_loader.cc:55] Could not load dynamic libra
ry 'nvcuda.dll'; dlerror: nvcuda.dll not found
2020-10-08 12:06:45.750595: E tensorflow/stream_executor/cuda/cuda_driver.cc:318] failed call to cuInit: UNKNOWN ERROR (
303)
2020-10-08 12:06:45.757595: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:169] retrieving CUDA diagnostic inform
ation for host: Aborisenko
2020-10-08 12:06:45.763596: I tensorflow/stream_executor/cuda/cuda_diagnostics.cc:176] hostname: Aborisenko
Loading meta graph from models/COVIDNet-CT-A\model.meta
Loading weights from models/COVIDNet-CT-A\model
Saving baseline checkpoint
Starting baseline validation
confusion matrix:
[[9095 12 0]
[ 35 7327 38]
[ 0 343 4186]]
COVID-19 PPV: 0.9910037878787878
COVID-19 sensitivity: 0.9242658423493045
Normal PPV: 0.9961664841182913
Normal sensitivity: 0.9986823322718787
Pneumonia PPV: 0.9537880760218693
Pneumonia sensitivity: 0.9901351351351352
accuracy: 0.9796539266020156
Training with batch_size 8 for 154460 steps
2020-10-08 12:58:43.165496: W tensorflow/core/framework/op_kernel.cc:1639] Unknown: IndexError: boolean index did not ma
tch indexed array along dimension 2; dimension is 1 but corresponding boolean dimension is 512
Traceback (most recent call last):

File "C:\Python\WPy64-3771\python-3.7.7.amd64\lib\site-packages\tensorflow_core\python\ops\script_ops.py", line 235, i
n call
ret = func(*args)

File "d:\BORISENKO\Byshkin\CoolMomentum\CovidNet\data_utils.py", line 95, in exterior_exclusion
bg_mean = np.mean(image[bg_dark])

IndexError: boolean index did not match indexed array along dimension 2; dimension is 1 but corresponding boolean dimens
ion is 512

Could you please advise something?

About model COVID-Net CT-2 L (2A)

Hi,
thanks for sharing your great work,
When i run a code in python,i get something in trouble:
2021-06-09 19:36:44.869132: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library cublas64_100.dll
2021-06-09 19:37:46.729415: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library cudnn64_7.dll
2021-06-09 19:49:41.190614: W tensorflow/stream_executor/cuda/redzone_allocator.cc:312] Internal: Invoking ptxas not supported on Windows
Relying on driver to perform ptx compilation. This message will be only logged once.
confusion matrix:
[[12245 0 0]
[ 7395 0 0]
[ 5981 29 8]]
COVID-19 PPV: 1.0
COVID-19 sensitivity: 0.0013293452974410102
Normal PPV: 0.4779282619726006
Normal sensitivity: 1.0
Pneumonia PPV: 0.0
Pneumonia sensitivity: 0.0
accuracy: 0.4775508613297997
I use model "COVID-Net CT-2 L (2A)" to run my code,and I seem to get a wrong result.
Do you know why the model is not useful in my python program?

Thanks
Stay healthy!

Window set for prediction

Hallo,

which window setting (window width and window center) are you using for training? which shall I set for prediction (-500 1400)?

Which file format is better for prediction? JPG or PNG

Thanks in advance
Joachim

example code

Thanks for building this much needed resource.

It would be mighty help if you could share the example code(may be a colab notebook) to read the pre-trained models and apply them on a CT-thorax. This way it could help healthcare workers like me ( a little technology challenged) apply your work for research purposes.

problem with inference of covid-net-ct-a

Hi,
I try to inference a CT image

CALL:
python c:/covid-net/COVIDNet-CT-master/run_covidnet_ct.py --input_height 100 --input_width 100 --auto_crop --model_dir C:/covid-net/COVIDNet-CT-master/COVIDNet-CT-A --meta_name model.meta --ckpt_name model --image_file c:/test/a5ae5a83-a71d-4515-87df-6f15f691e166.jpg

RESULT:
C:\ProgramData\Anaconda3\lib\site-packages\dask\config.py:168: YAMLLoadWarning: calling yaml.load() without Loader=... is deprecated, as the default Loader is unsafe. Please read https://msg.pyyaml.org/load for full details.
data = yaml.load(f.read()) or {}

WARNING: The TensorFlow contrib module will not be included in TensorFlow 2.0.
For more information, please see:

Traceback (most recent call last):
File "c:/covid-net/COVIDNet-CT-master/run_covidnet_ct.py", line 318, in
mode, args = parse_args(sys.argv[1:])
File "c:\covid-net\COVIDNet-CT-master\utils.py", line 57, in parse_args
raise ValueError('Mode must be one of {train, test, infer} or {-h, --help}')
ValueError: Mode must be one of {train, test, infer} or {-h, --help}

Can you please correct me, what am I doing wrong

best regards
Joachim

Preprocessing DICOM to PNG

Hi, Thanks a lot for sharing your data set and the code.
I have a question. Your dataset images are in PNG format, I wonder if I have original DICOM files, what processing should I do to convert it to PNG file? Do you have a code to share?

Mark images

Hi,

is there a way to get the information from the prediction to mark the found parts on our images (highlighted in red) like you have in your readme.md

Thanks
Joachim

Stay healthy!

Model implementation

Hi, I'm really interested in COVID-Net CT-2 models, I tried to search through the repo but I couldn't find the model implementation in Python (TensorFlow) so that I can reproduce them with PyTorch. Can you share the original implementation of such models? thank you

CT labels

I don't fully understand the labelling of the data. The paper says 'For NCP and CP CT volumes, slices marked as containing lung abnormalities were leveraged' - does it mean you only added scans that clearly display symptoms of (N)CP, leaving out slices without these symptoms?

checkpoint file causing errors.

Checkpoint file is causing errors while running inference in command line(as given in the inference example): (I have tried it on 2L and 1L models and same error occurs):

  1. When I keep model path and not checkpoint path in ckpt_name the inference command:
    (base) D:\Repos\covid\COVIDNet-CT>python run_covidnet_ct.py infer --model_dir D:\Repos\covid\COVID-Net_CT-1_S --meta_name D:\Repos\covid\COVID-Net_CT-1_S\model.meta --ckpt_name D:\Repos\covid\COVID-Net_CT-1_S --image_file D:\Repos\covid\data\covid1.png
    WARNING:tensorflow:From run_covidnet_ct.py:361: The name tf.logging.set_verbosity is deprecated. Please use tf.compat.v1.logging.set_verbosity instead.

WARNING:tensorflow:From run_covidnet_ct.py:361: The name tf.logging.ERROR is deprecated. Please use tf.compat.v1.logging.ERROR instead.

2023-03-16 10:19:18.597935: I tensorflow/core/platform/cpu_feature_guard.cc:142] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2
Loading meta graph from D:\Repos\covid\COVID-Net_CT-1_S\model.meta
Loading weights from D:\Repos\covid\COVID-Net_CT-1_S
2023-03-16 10:19:19.828731: W tensorflow/core/util/tensor_slice_reader.cc:95] Could not open D:\Repos\covid\COVID-Net_CT-1_S: Unknown: NewRandomAccessFile failed to Create/Open: D:\Repos\covid\COVID-Net_CT-1_S : Access is denied.
; Input/output error
2023-03-16 10:19:19.830576: W tensorflow/core/util/tensor_slice_reader.cc:95] Could not open D:\Repos\covid\COVID-Net_CT-1_S: Unknown: NewRandomAccessFile failed to Create/Open: D:\Repos\covid\COVID-Net_CT-1_S : Access is denied.
; Input/output error
2023-03-16 10:19:19.830663: W tensorflow/core/framework/op_kernel.cc:1651] OP_REQUIRES failed at save_restore_tensor.cc:175 : Data loss: Unable to open table file D:\Repos\covid\COVID-Net_CT-1_S: Unknown: NewRandomAccessFile failed to Create/Open: D:\Repos\covid\COVID-Net_CT-1_S : Access is denied.
; Input/output error
Traceback (most recent call last):
File "C:\Users\KharanshuNaghera\miniconda3\lib\site-packages\tensorflow_core\python\client\session.py", line 1365, in _do_call
return fn(*args)
File "C:\Users\KharanshuNaghera\miniconda3\lib\site-packages\tensorflow_core\python\client\session.py", line 1350, in _run_fn
target_list, run_metadata)
File "C:\Users\KharanshuNaghera\miniconda3\lib\site-packages\tensorflow_core\python\client\session.py", line 1443, in _call_tf_sessionrun
run_metadata)
tensorflow.python.framework.errors_impl.DataLossError: Unable to open table file D:\Repos\covid\COVID-Net_CT-1_S: Unknown: NewRandomAccessFile failed to Create/Open: D:\Repos\covid\COVID-Net_CT-1_S : Access is denied.
; Input/output error
[[{{node save/RestoreV2}}]]

  1. When I keep checkpoint file in ckpt_name:
    (base) D:\Repos\covid\COVIDNet-CT>python run_covidnet_ct.py infer --model_dir D:\Repos\covid\COVID-Net_CT-1_S --meta_name D:\Repos\covid\COVID-Net_CT-1_S\model.meta --ckpt_name D:\Repos\covid\COVID-Net_CT-1_S\checkpoint --image_file D:\Repos\covid\data\covid1.png
    WARNING:tensorflow:From run_covidnet_ct.py:361: The name tf.logging.set_verbosity is deprecated. Please use tf.compat.v1.logging.set_verbosity instead.

WARNING:tensorflow:From run_covidnet_ct.py:361: The name tf.logging.ERROR is deprecated. Please use tf.compat.v1.logging.ERROR instead.

2023-03-16 10:22:38.860381: I tensorflow/core/platform/cpu_feature_guard.cc:142] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2
Loading meta graph from D:\Repos\covid\COVID-Net_CT-1_S\model.meta
Loading weights from D:\Repos\covid\COVID-Net_CT-1_S\checkpoint
2023-03-16 10:22:40.122130: W tensorflow/core/util/tensor_slice_reader.cc:95] Could not open D:\Repos\covid\COVID-Net_CT-1_S\checkpoint: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
2023-03-16 10:22:40.123169: W tensorflow/core/util/tensor_slice_reader.cc:95] Could not open D:\Repos\covid\COVID-Net_CT-1_S\checkpoint: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
2023-03-16 10:22:40.123238: W tensorflow/core/framework/op_kernel.cc:1651] OP_REQUIRES failed at save_restore_tensor.cc:175 : Data loss: Unable to open table file D:\Repos\covid\COVID-Net_CT-1_S\checkpoint: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
Traceback (most recent call last):
File "C:\Users\KharanshuNaghera\miniconda3\lib\site-packages\tensorflow_core\python\client\session.py", line 1365, in _do_call
return fn(*args)
File "C:\Users\KharanshuNaghera\miniconda3\lib\site-packages\tensorflow_core\python\client\session.py", line 1350, in _run_fn
target_list, run_metadata)
File "C:\Users\KharanshuNaghera\miniconda3\lib\site-packages\tensorflow_core\python\client\session.py", line 1443, in _call_tf_sessionrun
run_metadata)
tensorflow.python.framework.errors_impl.DataLossError: Unable to open table file D:\Repos\covid\COVID-Net_CT-1_S\checkpoint: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
[[{{node save/RestoreV2}}]]

--Model does work when no path is to ckpt file is provided.

Further more while running the ipynb file provided for visualization during execution of this block:

Create full paths

meta_file = os.path.join(MODEL_DIR, META_NAME)
ckpt = os.path.join(MODEL_DIR, CKPT_NAME)

Load metagraph and create session

graph, sess, saver = load_graph(meta_file)

Load checkpoint

with graph.as_default():
load_ckpt(ckpt, sess, saver)
final_conv, pooled_grads = make_gradcam_graph(graph)

this error occurs:

Loading meta graph from D:/Repos/covid/COVID-Net_CT-1_S/model.meta
Loading weights from D:/Repos/covid/COVID-Net_CT-1_S/checkpoint
INFO:tensorflow:Restoring parameters from D:/Repos/covid/COVID-Net_CT-1_S/checkpoint


DataLossError Traceback (most recent call last)
~\miniconda3\envs\covidnet\lib\site-packages\tensorflow_core\python\client\session.py in _do_call(self, fn, *args)
1364 try:
-> 1365 return fn(*args)
1366 except errors.OpError as e:

~\miniconda3\envs\covidnet\lib\site-packages\tensorflow_core\python\client\session.py in _run_fn(feed_dict, fetch_list, target_list, options, run_metadata)
1349 return self._call_tf_sessionrun(options, feed_dict, fetch_list,
-> 1350 target_list, run_metadata)
1351

~\miniconda3\envs\covidnet\lib\site-packages\tensorflow_core\python\client\session.py in _call_tf_sessionrun(self, options, feed_dict, fetch_list, target_list, run_metadata)
1442 fetch_list, target_list,
-> 1443 run_metadata)
1444

DataLossError: Unable to open table file D:\Repos\covid\COVID-Net_CT-1_S\checkpoint: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
[[{{node save/RestoreV2}}]]

missing images

are there missing images with the data, 'None type has no attribute ndims' error is thrown for many images

Hyperparameter-tuning

Hi
I am interested to try out Hyperparameter-tuning
From all the examples of few packages like keras-tuner, tensor-board hyperparameter tunning, ray-tune, etc,
model architecture is coded using keras or tf, and they passing hyperparameters to that function.

Here, the network is loaded from the .meta file,
Q1: Is there a way to way to perform Hyperparameter-tuning here, any code available?
Q2: If not, Can you point me to any good package to do it and some reference links on how to do it.

Thanks

about the dataset

As far as I know, the data set is from an article of Cell, but the number of slices described in the article is about 600,000, while the data you used is about 100,000. Why is that? And I don't think there are 600 million pieces of data available for download

Are the results per image only?

Hi, Thanks for sharing your great work. In the paper and this repo, I only see per image precision, sensitivity etc. Do you have results or how do you make decision for patient?

COVID-Net CT-2

Hi,

i tied to run a prediction with COVID-Net CT-2.

I guess the run_covidnet_ct.py is changed as well. Will thy python run with the older models as well?

When I'm running it I always get an error:

python c:/covid-net/COVIDNet-CT-master/run_covidnet_ct_v2.py infer --model_dir C:/covid-net/COVIDNet-CT-master/COVID-Net-CT-2-L-(2A-RAD) --meta_name model.meta --ckpt_name model --image_file c:/test/d8e5991e-9c84-4b8e-887c-6522229c2570.jpg >c:/covid-net/values/pyresult1.2.840.113619.2.80.3826196142.24358.1611270218.2ct2l2ar.txt

Traceback (most recent call last):
File "c:/covid-net/COVIDNet-CT-master/run_covidnet_ct_v2.py", line 402, in
runner.infer(args.image_file, not args.no_crop)
AttributeError: 'Namespace' object has no attribute 'no_crop'
2021-01-28 18:06:04.390272: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library cudart64_100.dll",

I hope you can help.

best regards
Joachim

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.